blob_id
stringlengths 40
40
| directory_id
stringlengths 40
40
| path
stringlengths 3
616
| content_id
stringlengths 40
40
| detected_licenses
listlengths 0
112
| license_type
stringclasses 2
values | repo_name
stringlengths 5
115
| snapshot_id
stringlengths 40
40
| revision_id
stringlengths 40
40
| branch_name
stringclasses 777
values | visit_date
timestamp[us]date 2015-08-06 10:31:46
2023-09-06 10:44:38
| revision_date
timestamp[us]date 1970-01-01 02:38:32
2037-05-03 13:00:00
| committer_date
timestamp[us]date 1970-01-01 02:38:32
2023-09-06 01:08:06
| github_id
int64 4.92k
681M
⌀ | star_events_count
int64 0
209k
| fork_events_count
int64 0
110k
| gha_license_id
stringclasses 22
values | gha_event_created_at
timestamp[us]date 2012-06-04 01:52:49
2023-09-14 21:59:50
⌀ | gha_created_at
timestamp[us]date 2008-05-22 07:58:19
2023-08-21 12:35:19
⌀ | gha_language
stringclasses 149
values | src_encoding
stringclasses 26
values | language
stringclasses 1
value | is_vendor
bool 2
classes | is_generated
bool 2
classes | length_bytes
int64 3
10.2M
| extension
stringclasses 188
values | content
stringlengths 3
10.2M
| authors
listlengths 1
1
| author_id
stringlengths 1
132
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
b88f1fac710a76677ed2615ebf45230ada9092de | dd681dd7874c80c2804ca8d66cdbfdf2abec537e | /Python/venv/Lib/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_context.py | 4914691efe5dfd9d925775d40bc6e33f65148fb0 | []
| no_license | khaled147/Koneked | cbbaec78cf3828575e835445f45b9dd72c39d808 | 98bdc701a3d126c742e076ee3ad34719a0ac5309 | refs/heads/main | 2023-04-03T11:37:07.941179 | 2021-04-14T02:09:35 | 2021-04-14T02:09:35 | 345,202,202 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 34,534 | py | # Copyright 2018 The TensorFlow Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# ===================================================================
"""TPU system metadata and associated tooling."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from contextlib import contextmanager
import copy
import tensorflow as tf
from tensorflow.python.distribute import distribution_strategy_context
from tensorflow.python.ops import summary_ops_v2
from tensorflow.python.tpu import device_assignment as tpu_device_assignment
from tensorflow.python.tpu import tpu_system_metadata as tpu_system_metadata_lib
from tensorflow_estimator.python.estimator import model_fn as model_fn_lib
from tensorflow_estimator.python.estimator.tpu import _tpu_estimator_embedding
from tensorflow_estimator.python.estimator.tpu import tpu_config
_DEFAULT_JOB_NAME = 'tpu_worker'
_DEFAULT_COORDINATOR_JOB_NAME = 'coordinator'
_LOCAL_MASTERS = ('', 'local')
# TODO(pgavin): support PF 3D mesh
_NUM_CORES_TO_COMPUTATION_SHAPE = {
1: [1, 1, 1, 1],
2: [1, 1, 1, 2],
4: [1, 2, 1, 2],
8: [2, 2, 1, 2],
16: [4, 2, 1, 2],
32: [4, 4, 1, 2],
64: [8, 4, 1, 2],
128: [8, 8, 1, 2],
}
class TPUContext(object):
"""A context that holds the current configuration of the TPU computation.
TPUContext was designed for getting TPU context information when calling
input_fn. It can be called in model_fn as well.
User is not expected to construct the instance from constructor. The only
legitimate way to get the instance is either in `input_fn`:
```
def input_fn(params):
batch_size = params['batch_size']
context = params['context']
# ...
```
or in `model_fn`
```
def model_fn(params):
batch_size = params['batch_size']
context = params['context']
# ...
```
Most of the fields of TPUContext are useful for both `input_fn` and
`model_fn`. Exceptions are:
1. `input_fn` only:
current_input_fn_deployment
current_host
2. `model_fn` only:
device_assignment
"""
def __init__(self,
internal_ctx,
input_device=None,
invocation_index=None,
call_from_input_fn=True,
host_id=None):
self._internal_ctx = internal_ctx
self._input_device = input_device
self._invocation_index = invocation_index
self._call_from_input_fn = call_from_input_fn
self._host_id = host_id
def current_input_fn_deployment(self):
"""The configuration of the current input_fn invocation.
The configuration depends on `TPUConfig.per_host_input_for_training`. See
`TPUConfig` for details.
Only set in params dict of input_fn
Returns:
A tuple of
1. Device spec string: String, is the current CPU host where the
input_fn is invoked.
2. Current invocation index: Int, 0-based index of the input_fn
invocation. See next item for details.
3. Total invocation count: Int, the total number of times to invoke the
input_fn on all CPU hosts. Each invocation will be passed with a new
`TPUContext` instance with current invocation index set properly.
4. Total number of replicas consumed by current_invocation: Int, the
number of replicas fed by the data returned by current input_fn. For
example, for per_core input pipeline deployment
and non-model-parallelism, total invocation count is equal to
the number of cores in the system and num replicas consumed by
current invocation is 1. For per-host v2 input pipeline deployment,
total invocation count is equal to the number of hosts in the system
and num replicas consumed by current invocation is equal to number of
replicas per host.
Raises:
RuntimeError: If this method is not be called from input_fn.
"""
if not self._call_from_input_fn:
raise RuntimeError('This TPUContext instance must not be called from'
' model_fn.')
if self._internal_ctx.is_input_sharded_per_core():
total_invocation_count = (
self._internal_ctx.num_hosts *
self._internal_ctx.num_of_replicas_per_host)
replicas_consumed = 1
elif self._internal_ctx.is_input_broadcast_with_iterators():
total_invocation_count = 1
replicas_consumed = self._internal_ctx.num_replicas
elif self._internal_ctx.is_replica_across_hosts():
total_invocation_count = self._internal_ctx.num_replicas
replicas_consumed = 1
else:
total_invocation_count = self._internal_ctx.num_hosts
replicas_consumed = self._internal_ctx.num_of_replicas_per_host
return (self._input_device, self._invocation_index, total_invocation_count,
replicas_consumed)
@property
def num_replicas(self):
"""The total number of replicas.
For non-model-parallelism, num_replicas should be the total num of TPU
cores in the system.
Returns:
The number of replicas.
"""
return self._internal_ctx.num_replicas
@property
def num_hosts(self):
"""The number of hosts for the TPU system."""
return self._internal_ctx.num_hosts
@property
def current_host(self):
"""The current host index for the TPU system.
Returns:
The host index (int).
Raises:
RuntimeError: If this method is not be called from input_fn.
"""
if not self._call_from_input_fn:
raise RuntimeError('This TPUContext instance must not be called from'
' model_fn.')
return self._host_id
@property
def num_of_replicas_per_host(self):
"""The number of replicas for each host."""
if self._internal_ctx.model_parallelism_enabled:
raise ValueError(
'num_of_replicas_per_host is not supported for model_parallelism')
return self._internal_ctx.num_of_replicas_per_host
@property
def device_assignment(self):
"""Returns device_assignment object.
Raises:
RuntimeError: If this method is not be called from model_fn.
"""
if self._call_from_input_fn:
raise RuntimeError('This TPUContext instance must not be called from'
' input_fn.')
return self._internal_ctx.device_assignment
def device_for_replica(self, replica_id):
"""Returns the tuple of (CPU device and device ordinal) for replica.
This should be used for full replicate for non-model-parallelism.
Args:
replica_id: Int, the replica index.
Returns:
A tuple of device spec for CPU device and int device ordinal.
"""
# Note that: For the non-model parallelism, the mapping could be
# a random permutation. The order should not matter in most cases
# as far as model is replicated to all cores in the system.
return self._internal_ctx.device_for_replica(replica_id)
@property
def tpu_host_placement_function(self):
"""Returns the TPU host place function.
The place function takes host_id as the input and returns the TF device
for the correspoding host.
"""
def _placement_function(host_id):
"""Return the host device given host_id."""
return self._internal_ctx.tpu_host_placement_function(host_id=host_id)
return _placement_function
class _InternalTPUContext(object):
"""A context holds immutable states of TPU computation.
This immutable object holds TPUEstimator config, train/eval batch size, and
`TPUEstimator.use_tpu`, which is expected to be passed around. It also
provides utility functions, based on the current state, to determine other
information commonly required by TPU computation, such as TPU device names,
TPU hosts, shard batch size, etc.
if eval_on_tpu is False, then execution of eval on TPU is disabled.
if eval_on_tpu is True, but use_tpu is False, a warning is issued,
and TPU execution is disabled for all modes.
N.B. As `mode` is not immutable state in Estimator, but essential to
distinguish between TPU training and evaluation, a common usage for
_InternalTPUContext with `mode` is as follows:
```
with _ctx.with_mode(mode) as ctx:
if ctx.is_running_on_cpu():
...
```
"""
def __init__(self,
config,
train_batch_size,
eval_batch_size,
predict_batch_size,
use_tpu,
eval_on_tpu=True,
embedding_config_spec=None):
self._config = config
self._train_batch_size = train_batch_size
self._eval_batch_size = eval_batch_size
self._predict_batch_size = predict_batch_size
self._use_tpu = use_tpu
tf.compat.v1.logging.info('_TPUContext: eval_on_tpu %s', eval_on_tpu)
if not use_tpu and eval_on_tpu:
tf.compat.v1.logging.warn('eval_on_tpu ignored because use_tpu is False.')
self._eval_on_tpu = eval_on_tpu
self._model_parallelism_enabled = (
use_tpu and config.tpu_config.num_cores_per_replica)
self._mode = None
num_cores_per_replica = config.tpu_config.num_cores_per_replica
if self._model_parallelism_enabled:
self._computation_shape = _NUM_CORES_TO_COMPUTATION_SHAPE[
num_cores_per_replica]
else:
self._computation_shape = None
self._lazy_tpu_system_metadata_dict = {} # key by master address
self._lazy_device_assignment_dict = {} # key by master address
self._lazy_validation_dict = {} # key by ModeKeys
self._embedding_config_spec = embedding_config_spec
self._lazy_embedding_config_dict = {} # key by master address
def _assert_mode(self):
if self._mode is None:
raise RuntimeError(
'`mode` needs to be set via contextmanager `with_mode`.')
return self._mode
@contextmanager
def with_mode(self, mode):
# NOTE(xiejw): Shallow copy is enough. It will share he lazy dictionaries,
# such as _lazy_tpu_system_metadata_dict between new copy and the original
# one. Note that all lazy states stored in properties _lazy_foo are sort of
# immutable as they should be same for the process lifetime.
new_ctx = copy.copy(self)
new_ctx._mode = mode # pylint: disable=protected-access
yield new_ctx
@property
def mode(self):
return self._assert_mode()
def _get_master_address(self):
mode = self._assert_mode()
config = self._config
master = (
config.master
if mode != model_fn_lib.ModeKeys.EVAL else config.evaluation_master)
return master
def _get_tpu_system_metadata(self):
"""Gets the (maybe cached) TPU system metadata."""
master = self._get_master_address()
tpu_system_metadata = self._lazy_tpu_system_metadata_dict.get(master)
if tpu_system_metadata is not None:
return tpu_system_metadata
cluster_def = None
if (self._config.session_config and
self._config.session_config.cluster_def.job):
cluster_def = self._config.session_config.cluster_def
# pylint: disable=protected-access
tpu_system_metadata = (
tpu_system_metadata_lib._query_tpu_system_metadata(
master,
cluster_def=cluster_def,
query_topology=self.model_parallelism_enabled))
self._lazy_tpu_system_metadata_dict[master] = tpu_system_metadata
return tpu_system_metadata
def _get_device_assignment(self):
"""Gets the (maybe cached) TPU device assignment."""
master = self._get_master_address()
device_assignment = self._lazy_device_assignment_dict.get(master)
if device_assignment is not None:
return device_assignment
tpu_system_metadata = self._get_tpu_system_metadata()
device_assignment = tpu_device_assignment.device_assignment(
tpu_system_metadata.topology,
computation_shape=self._computation_shape,
num_replicas=self.num_replicas)
tf.compat.v1.logging.info(
'num_cores_per_replica: %s',
str(self._config.tpu_config.num_cores_per_replica))
tf.compat.v1.logging.info('computation_shape: %s',
str(self._computation_shape))
tf.compat.v1.logging.info('num_replicas: %d', self.num_replicas)
tf.compat.v1.logging.info(
'device_assignment.topology.device_coordinates: %s',
str(device_assignment.topology.device_coordinates))
tf.compat.v1.logging.info('device_assignment.core_assignment: %s',
str(device_assignment.core_assignment))
self._lazy_device_assignment_dict[master] = device_assignment
return device_assignment
@property
def tensor_core_embedding_columns(self):
if self._embedding_config_spec:
return self._embedding_config_spec.tensor_core_feature_columns
return None
@property
def embedding_config(self):
"""Returns the embedding config based on current mode."""
master = self._get_master_address()
if master in self._lazy_embedding_config_dict:
embedding_config = self._lazy_embedding_config_dict[master]
else:
embedding_config = None
if self._use_tpu and self._embedding_config_spec:
embedding_config = _tpu_estimator_embedding.EmbeddingConfig(
self._embedding_config_spec, self._train_batch_size,
self._eval_batch_size, self.num_hosts, self.num_cores, self.config)
if not embedding_config.has_embedding_tables():
embedding_config = None
self._lazy_embedding_config_dict[master] = embedding_config
if embedding_config is not None:
mode = self._assert_mode()
# Dynamically attach tpu_embedding based on mode. With
# this, we could keep embedding_config immutable but call site always
# accesses the unified API '.tpu_embedding'.
embedding_config.tpu_embedding = embedding_config.get_tpu_embedding(mode)
return embedding_config
@property
def allow_per_host_v2_parallel_get_next(self):
return (self._config.tpu_config
.experimental_allow_per_host_v2_parallel_get_next)
@property
def feed_hook(self):
return (self._config.tpu_config.experimental_feed_hook)
@property
def model_parallelism_enabled(self):
return self._model_parallelism_enabled
@property
def input_partition_dims(self):
return self._config.tpu_config.input_partition_dims
@property
def device_assignment(self):
return (self._get_device_assignment()
if self._model_parallelism_enabled else None)
@property
def num_of_cores_per_host(self):
metadata = self._get_tpu_system_metadata()
return metadata.num_of_cores_per_host
@property
def num_cores(self):
metadata = self._get_tpu_system_metadata()
return metadata.num_cores
@property
def num_of_replicas_per_host(self):
"""Return the number of replicas per host."""
if self.model_parallelism_enabled:
# There can be fewer replicas. This might return 0!
return self.num_replicas // self.num_hosts
else:
return self.num_of_cores_per_host
@property
def num_replicas(self):
"""Compute the total number of replicas."""
num_cores_in_system = self.num_cores
if self.model_parallelism_enabled:
num_cores_per_replica = self._config.tpu_config.num_cores_per_replica
if num_cores_per_replica > num_cores_in_system:
raise ValueError(
'The num of cores required by the model parallelism, specified by '
'TPUConfig.num_cores_per_replica, is larger than the total num of '
'TPU cores in the system. num_cores_per_replica: {}, num cores '
'in the system: {}'.format(num_cores_per_replica,
num_cores_in_system))
if num_cores_in_system % num_cores_per_replica != 0:
raise RuntimeError(
'The num of cores in the system ({}) is not divisible by the num '
'of cores ({}) required by the model parallelism, specified by '
'TPUConfig.num_cores_per_replica. This should never happen!'.format(
num_cores_in_system, num_cores_per_replica))
return num_cores_in_system // num_cores_per_replica
else:
return num_cores_in_system
@property
def num_hosts(self):
metadata = self._get_tpu_system_metadata()
return metadata.num_hosts
@property
def config(self):
return self._config
def is_input_sharded_per_core(self):
"""Return true if input_fn is invoked per-core (other than per-host)."""
mode = self._assert_mode()
return (mode == model_fn_lib.ModeKeys.TRAIN and
(self._config.tpu_config.per_host_input_for_training is
tpu_config.InputPipelineConfig.PER_SHARD_V1))
def is_input_per_host_with_iterators(self):
"""Return true if input_fn should be run in the per-host v2 config."""
return (self._config.tpu_config.per_host_input_for_training is
tpu_config.InputPipelineConfig.PER_HOST_V2)
def is_input_broadcast_with_iterators(self):
"""Return true if input_fn should be run in the full_replicae config."""
return ((self._config.tpu_config.per_host_input_for_training is
tpu_config.InputPipelineConfig.BROADCAST) or
(self.is_input_slice_broadcast_to_all_cores()))
def is_input_slice_broadcast_to_all_cores(self):
"""Return true if input_fn is invoked once and broadcast to other hosts."""
mode = self._assert_mode()
return (mode != model_fn_lib.ModeKeys.TRAIN and
self._config.tpu_config.eval_training_input_configuration is
tpu_config.InputPipelineConfig.SLICED)
def is_replica_across_hosts(self):
"""Return true if single replica is across multiple hosts."""
# For example, when num_cores_per_replica > num_cores_per_host.
num_cores_per_replica = self._config.tpu_config.num_cores_per_replica
num_cores_per_host = self._get_tpu_system_metadata().num_of_cores_per_host
return (num_cores_per_replica is not None and
num_cores_per_replica > num_cores_per_host)
def is_running_on_cpu(self, is_export_mode=False):
"""Determines whether the input_fn and model_fn should be invoked on CPU.
This API also validates user provided configuration, such as batch size,
according the lazy initialized TPU system metadata.
Args:
is_export_mode: Indicates whether the current mode is for exporting the
model, when mode == PREDICT. Only with this bool, we could tell whether
user is calling the Estimator.predict or Estimator.export_savedmodel,
which are running on TPU and CPU respectively. Parent class Estimator
does not distinguish these two.
Returns:
bool, whether current input_fn or model_fn should be running on CPU.
Raises:
ValueError: any configuration is invalid.
"""
is_running_on_cpu = self._is_running_on_cpu(is_export_mode)
if not is_running_on_cpu:
self._validate_tpu_configuration()
return is_running_on_cpu
def _is_running_on_cpu(self, is_export_mode):
"""Determines whether the input_fn and model_fn should be invoked on CPU."""
mode = self._assert_mode()
if not self._use_tpu:
return True
if mode == model_fn_lib.ModeKeys.EVAL and not self._eval_on_tpu:
tf.compat.v1.logging.info('_is_running_on_cpu: eval_on_tpu disabled')
return True
if is_export_mode:
return True
return False
@property
def global_batch_size(self):
mode = self._assert_mode()
if mode == model_fn_lib.ModeKeys.TRAIN:
return self._train_batch_size
elif mode == model_fn_lib.ModeKeys.EVAL:
return self._eval_batch_size
elif mode == model_fn_lib.ModeKeys.PREDICT:
return self._predict_batch_size
else:
return None
@property
def batch_size_for_input_fn(self):
"""Returns the shard batch size for `input_fn`."""
global_batch_size = self.global_batch_size
if (self.is_running_on_cpu() or self.is_input_broadcast_with_iterators()):
return global_batch_size
# On TPU
if self.is_input_sharded_per_core() or (
self.is_input_per_host_with_iterators()) or (
self.is_replica_across_hosts()):
return global_batch_size // self.num_replicas
else:
return global_batch_size // self.num_hosts
@property
def batch_size_for_model_fn(self):
"""Returns the shard batch size for `model_fn`."""
global_batch_size = self.global_batch_size
if (self.is_running_on_cpu() or self.is_input_broadcast_with_iterators() and
not self.is_input_slice_broadcast_to_all_cores()):
return global_batch_size
# On TPU. always sharded per shard.
return global_batch_size // self.num_replicas
@property
def master_job(self):
"""Returns the job name to use to place TPU computations on.
Returns:
A string containing the job name, or None if no job should be specified.
Raises:
ValueError: If the user needs to specify a tpu_job_name, because we are
unable to infer the job name automatically, or if the user-specified job
names are inappropriate.
"""
run_config = self._config
# If the user specifies the tpu_job_name, use that.
if run_config.tpu_config.tpu_job_name:
return run_config.tpu_config.tpu_job_name
# The tpu job is determined by the run_config. Right now, this method is
# required as tpu_config is not part of the RunConfig.
mode = self._assert_mode()
master = (
run_config.evaluation_master
if mode == model_fn_lib.ModeKeys.EVAL else run_config.master)
cluster_def = (
run_config.session_config.cluster_def
if run_config.session_config else None)
try:
master_job = tpu_system_metadata_lib.master_job(master, cluster_def)
except ValueError as e:
raise ValueError(
str(e) + ' Please specify a tpu_job_name as part of '
'your TPUConfig.')
return master_job
@property
def tpu_host_placement_function(self):
"""Returns the TPU host place function."""
master = self.master_job
def _placement_function(_sentinal=None, replica_id=None, host_id=None): # pylint: disable=invalid-name
"""Return the host device given replica_id or host_id."""
assert _sentinal is None
if replica_id is not None and host_id is not None:
raise RuntimeError(
'replica_id and host_id can have only one non-None value.')
if master is None:
return '/replica:0/task:0/device:CPU:0'
else:
if replica_id is not None:
if self.model_parallelism_enabled:
return self.device_assignment.host_device(
replica=replica_id, job=master)
else:
host_id = replica_id / self.num_of_cores_per_host
return '/job:%s/task:%d/device:CPU:0' % (master, host_id)
return _placement_function
@property
def tpu_device_placement_function(self):
"""Returns a TPU device placement Fn."""
master = self.master_job
job_device = '' if master is None else ('/job:%s' % master)
def _placement_function(i):
if self.model_parallelism_enabled:
return self.device_assignment.tpu_device(replica=i, job=master)
else:
num_of_cores_per_host = self.num_of_cores_per_host
host_id = i / num_of_cores_per_host
ordinal_id = i % num_of_cores_per_host
return '%s/task:%d/device:TPU:%d' % (job_device, host_id, ordinal_id)
return _placement_function
def tpu_ordinal_function(self, host_id):
"""Returns the TPU ordinal fn."""
def _tpu_ordinal_function(shard_index_in_host):
"""Return the TPU ordinal associated with a shard.
Required because the enqueue ops are placed on CPU.
Args:
shard_index_in_host: the shard index
Returns:
The ordinal of the TPU device the shard's infeed should be placed on.
"""
if self.model_parallelism_enabled:
# We put both enqueue/dequeue ops at tpu.core(0) in each replica.
replica = self.device_assignment.lookup_replicas(host_id,
0)[shard_index_in_host]
return self.device_assignment.tpu_ordinal(replica=replica)
else:
return shard_index_in_host % self.num_of_cores_per_host
return _tpu_ordinal_function
def _validate_tpu_configuration(self):
"""Validates the configuration based on the TPU system metadata."""
mode = self._assert_mode()
if self._lazy_validation_dict.get(mode):
return
# All following information is obtained from TPU system metadata.
num_cores = self.num_cores
num_replicas = self.num_replicas
num_hosts = self.num_hosts
if not num_cores:
tpu_system_metadata = self._get_tpu_system_metadata()
raise RuntimeError(
'Cannot find any TPU cores in the system. Please double check '
'Tensorflow master address and TPU worker(s). Available devices '
'are {}.'.format(tpu_system_metadata.devices))
if self._config.tpu_config.num_shards:
user_provided_num_replicas = self._config.tpu_config.num_shards
if user_provided_num_replicas != num_replicas:
message = (
'TPUConfig.num_shards is not set correctly. According to TPU '
'system metadata for Tensorflow master ({}): num_replicas should '
'be ({}), got ({}). For non-model-parallelism, num_replicas should '
'be the total num of TPU cores in the system. For '
'model-parallelism, the total number of TPU cores should be '
'num_cores_per_replica * num_replicas. Please set it '
'accordingly or leave it as `None`'.format(
self._get_master_address(), num_replicas,
user_provided_num_replicas))
raise ValueError(message)
if self._config.tpu_config.num_cores_per_replica and (
not self.is_input_per_host_with_iterators()):
num_cores_per_replica = self._config.tpu_config.num_cores_per_replica
num_cores_per_host = self._get_tpu_system_metadata().num_of_cores_per_host
if num_cores_per_replica > num_cores_per_host:
raise ValueError(
'Except the PER_HOST_V2 mode, the num of cores required by '
'model parallelism specified by TPUConfig.num_cores_per_replica '
'should be less than or equal to the num_cores_per_host. '
'num_cores_per_replica: {}, num_cores_per_host: {}'.format(
num_cores_per_replica, num_cores_per_host))
if mode == model_fn_lib.ModeKeys.TRAIN:
if (self._train_batch_size % num_replicas != 0 and
not self.is_input_broadcast_with_iterators()):
raise ValueError(
'train batch size {} must be divisible by number of replicas {}'
.format(self._train_batch_size, num_replicas))
elif mode == model_fn_lib.ModeKeys.EVAL:
if self._eval_batch_size is None:
raise ValueError(
'eval_batch_size in TPUEstimator constructor cannot be `None` '
'if .evaluate is running on TPU.')
if (self._eval_batch_size % num_replicas != 0 and
not self.is_input_broadcast_with_iterators()):
raise ValueError(
'eval batch size {} must be divisible by number of replicas {}'
.format(self._eval_batch_size, num_replicas))
if (num_hosts != 1 and
not self.is_input_broadcast_with_iterators() and
not self.is_input_per_host_with_iterators()):
raise ValueError(
'TPUEstimator.evaluate is only supported under three conditions: '
'1. num_hosts=1; 2. BROADCAST mode; '
'3. PER_HOST_V2 mode. '
'mode: {}; num_hosts: {}; num_replicas=1:{}'.format(
self._config.tpu_config.per_host_input_for_training, num_hosts,
num_replicas))
if num_replicas > 1 and self.is_input_per_host_with_iterators():
tf.compat.v1.logging.warn('Running TPUEstimator.evaluate for input mode'
' PER_HOST_V2 and num_hosts %d',
self.num_replicas)
else:
assert mode == model_fn_lib.ModeKeys.PREDICT
if self._predict_batch_size is None:
raise ValueError(
'predict_batch_size in TPUEstimator constructor cannot be `None` '
'if .predict is running on TPU.')
if (self._predict_batch_size % num_replicas != 0 and
not self.is_input_broadcast_with_iterators()):
raise ValueError(
'predict batch size {} must be divisible by number of replicas {}'
.format(self._predict_batch_size, num_replicas))
if num_hosts != 1 and not (
self.is_input_broadcast_with_iterators()) and not (
num_replicas == 1 and self.is_input_per_host_with_iterators()):
raise ValueError(
'TPUEstimator.predict is only supported under three conditions: '
'1. num_hosts=1; 2. BROADCAST mode; '
'3. PER_HOST_V2 mode with num_replicas=1. '
'mode: {}; num_hosts: {}; num_replicas=1:{}'.format(
self._config.tpu_config.per_host_input_for_training, num_hosts,
num_replicas))
# Record the state "validated" into lazy dictionary.
self._lazy_validation_dict[mode] = True
def device_for_replica(self, replica_id):
"""Returns the tuple of (CPU device and device ordinal) for replica.
This should be used for full replicate for non-model-parallelism.
Args:
replica_id: Int, the replica index.
Returns:
A tuple of device spec for CPU device and int device ordinal.
"""
master = self.master_job
if self.model_parallelism_enabled:
return (self.device_assignment.host_device(
replica=replica_id,
job=master), self.device_assignment.tpu_ordinal(replica=replica_id))
job_device = '' if master is None else ('/job:%s' % master)
num_of_replicas_per_host = self.num_of_replicas_per_host
assert num_of_replicas_per_host > 0, (
'Got num_of_replicas_per_host: {}'.format(num_of_replicas_per_host))
host_id = replica_id / num_of_replicas_per_host
ordinal_id = replica_id % num_of_replicas_per_host
host_device = '%s/task:%d/device:CPU:0' % (job_device, host_id)
return (host_device, ordinal_id)
class _OneCoreTPUContext(_InternalTPUContext):
"""Special _InternalTPUContext for one core usage."""
def __init__(self, config, train_batch_size, eval_batch_size,
predict_batch_size, use_tpu):
super(_OneCoreTPUContext,
self).__init__(config, train_batch_size, eval_batch_size,
predict_batch_size, use_tpu)
def _get_tpu_system_metadata(self):
"""Gets the (maybe cached) TPU system metadata."""
master = self._get_master_address()
tpu_system_metadata = self._lazy_tpu_system_metadata_dict.get(master)
if tpu_system_metadata is not None:
return tpu_system_metadata
tpu_system_metadata = (
tpu_system_metadata_lib.TPUSystemMetadata( # pylint: disable=protected-access
num_cores=1,
num_hosts=1,
num_of_cores_per_host=1,
topology=None,
devices=[]))
self._lazy_tpu_system_metadata_dict[master] = tpu_system_metadata
return tpu_system_metadata
class _TPUEstimatorReplicaContext(tf.distribute.ReplicaContext):
"""Internal context for storing replica id.
This is to set eager.context.Context() so that only summary ops from
0th replica is executed.
"""
def __init__(self, replica_id_in_sync):
"""Creates internal replica context for TPUEstimator.
Args:
replica_id_in_sync: Zero indexed integer id of replica that is running the
TPU compuation.
"""
super(_TPUEstimatorReplicaContext, self).__init__(None, replica_id_in_sync)
# Use default strategy and replica context when variables are
# accessed/watched for backpropagation.
# pylint: disable=protected-access
self._thread_context = distribution_strategy_context._DefaultReplicaThreadMode(
)
self._strategy = self._thread_context.strategy
# pylint: enable=protected-access
def __enter__(self):
def replica_id_is_zero():
return tf.math.equal(self.replica_id_in_sync_group, tf.constant(0))
if hasattr(summary_ops_v2, '_summary_state'):
summary_state = summary_ops_v2._summary_state # pylint: disable=protected-access
self._summary_recording_distribution_strategy = (
summary_state.is_recording_distribution_strategy)
summary_state.is_recording_distribution_strategy = replica_id_is_zero
def __exit__(self, exception_type, exception_value, traceback):
if hasattr(summary_ops_v2, '_summary_state'):
summary_state = summary_ops_v2._summary_state # pylint: disable=protected-access
summary_state.is_recording_distribution_strategy = (
self._summary_recording_distribution_strategy)
def _get_tpu_context(config, train_batch_size, eval_batch_size,
predict_batch_size, use_tpu, eval_on_tpu,
embedding_config_spec):
"""Returns an instance of `_InternalTPUContext`."""
if (config.tpu_config.num_shards == 1 and
config.tpu_config.num_cores_per_replica is None):
if embedding_config_spec is not None:
raise ValueError('Setting TPUConfig.num_shards==1 is unsupported '
'when embedding_config_spec is not None.')
tf.compat.v1.logging.warn(
'Setting TPUConfig.num_shards==1 is an unsupported behavior. '
'Please fix as soon as possible (leaving num_shards as None.)')
return _OneCoreTPUContext(config, train_batch_size, eval_batch_size,
predict_batch_size, use_tpu)
return _InternalTPUContext(config, train_batch_size, eval_batch_size,
predict_batch_size, use_tpu, eval_on_tpu,
embedding_config_spec)
| [
"[email protected]"
]
| |
44affb9b6a41e84e0a6b1e3838ed92d0531e9c62 | d4291c13f4ebf3610f8c4adc75eede4baee0b2c1 | /HLTrigger/Configuration/python/HLT_Fake2_cff.py | aacd7af962da24ad866730327834cb52170a2be0 | [
"Apache-2.0"
]
| permissive | pasmuss/cmssw | 22efced0a4a43ef8bc8066b2a6bddece0023a66e | 566f40c323beef46134485a45ea53349f59ae534 | refs/heads/master | 2021-07-07T08:37:50.928560 | 2017-08-28T08:54:23 | 2017-08-28T08:54:23 | 237,956,377 | 0 | 0 | Apache-2.0 | 2020-02-03T12:08:41 | 2020-02-03T12:08:41 | null | UTF-8 | Python | false | false | 10,049 | py | # hltGetConfiguration --cff --offline --data /dev/CMSSW_9_2_0/Fake2 --type Fake2
# /dev/CMSSW_9_2_0/Fake2/V5 (CMSSW_9_2_7)
import FWCore.ParameterSet.Config as cms
fragment = cms.ProcessFragment( "HLT" )
fragment.HLTConfigVersion = cms.PSet(
tableName = cms.string('/dev/CMSSW_9_2_0/Fake2/V5')
)
fragment.streams = cms.PSet( A = cms.vstring( 'InitialPD' ) )
fragment.datasets = cms.PSet( InitialPD = cms.vstring( 'HLT_Physics_v1',
'HLT_Random_v1',
'HLT_ZeroBias_v1' ) )
fragment.GlobalParametersRcdSource = cms.ESSource( "EmptyESSource",
iovIsRunNotTime = cms.bool( True ),
recordName = cms.string( "L1TGlobalParametersRcd" ),
firstValid = cms.vuint32( 1 )
)
fragment.StableParametersRcdSource = cms.ESSource( "EmptyESSource",
iovIsRunNotTime = cms.bool( True ),
recordName = cms.string( "L1TGlobalStableParametersRcd" ),
firstValid = cms.vuint32( 1 )
)
fragment.StableParameters = cms.ESProducer( "StableParametersTrivialProducer",
NumberL1JetCounts = cms.uint32( 12 ),
NumberL1NoIsoEG = cms.uint32( 4 ),
NumberL1CenJet = cms.uint32( 4 ),
NumberL1Tau = cms.uint32( 8 ),
NumberConditionChips = cms.uint32( 1 ),
NumberL1EGamma = cms.uint32( 12 ),
TotalBxInEvent = cms.int32( 5 ),
NumberL1Mu = cms.uint32( 4 ),
PinsOnConditionChip = cms.uint32( 512 ),
WordLength = cms.int32( 64 ),
PinsOnChip = cms.uint32( 512 ),
OrderOfChip = cms.vint32( 1 ),
IfMuEtaNumberBits = cms.uint32( 6 ),
OrderConditionChip = cms.vint32( 1 ),
appendToDataLabel = cms.string( "" ),
NumberL1TauJet = cms.uint32( 4 ),
NumberL1Jet = cms.uint32( 12 ),
NumberPhysTriggers = cms.uint32( 512 ),
NumberL1Muon = cms.uint32( 12 ),
UnitLength = cms.int32( 8 ),
NumberL1IsoEG = cms.uint32( 4 ),
NumberTechnicalTriggers = cms.uint32( 64 ),
NumberL1ForJet = cms.uint32( 4 ),
IfCaloEtaNumberBits = cms.uint32( 4 ),
NumberPsbBoards = cms.int32( 7 ),
NumberChips = cms.uint32( 5 ),
NumberPhysTriggersExtended = cms.uint32( 64 )
)
fragment.CastorDbProducer = cms.ESProducer( "CastorDbProducer",
appendToDataLabel = cms.string( "" )
)
fragment.hcalDDDRecConstants = cms.ESProducer( "HcalDDDRecConstantsESModule",
appendToDataLabel = cms.string( "" )
)
fragment.hcalDDDSimConstants = cms.ESProducer( "HcalDDDSimConstantsESModule",
appendToDataLabel = cms.string( "" )
)
fragment.hltGetConditions = cms.EDAnalyzer( "EventSetupRecordDataGetter",
toGet = cms.VPSet(
),
verbose = cms.untracked.bool( False )
)
fragment.hltGetRaw = cms.EDAnalyzer( "HLTGetRaw",
RawDataCollection = cms.InputTag( "rawDataCollector" )
)
fragment.hltBoolFalse = cms.EDFilter( "HLTBool",
result = cms.bool( False )
)
fragment.hltTriggerType = cms.EDFilter( "HLTTriggerTypeFilter",
SelectedTriggerType = cms.int32( 1 )
)
fragment.hltGtStage2Digis = cms.EDProducer( "L1TRawToDigi",
lenSlinkTrailer = cms.untracked.int32( 8 ),
lenAMC13Header = cms.untracked.int32( 8 ),
CTP7 = cms.untracked.bool( False ),
lenAMC13Trailer = cms.untracked.int32( 8 ),
Setup = cms.string( "stage2::GTSetup" ),
MinFeds = cms.uint32( 0 ),
InputLabel = cms.InputTag( "rawDataCollector" ),
lenSlinkHeader = cms.untracked.int32( 8 ),
MTF7 = cms.untracked.bool( False ),
FWId = cms.uint32( 0 ),
TMTCheck = cms.bool( True ),
debug = cms.untracked.bool( False ),
FedIds = cms.vint32( 1404 ),
lenAMCHeader = cms.untracked.int32( 8 ),
lenAMCTrailer = cms.untracked.int32( 0 ),
FWOverride = cms.bool( False )
)
fragment.hltGtStage2ObjectMap = cms.EDProducer( "L1TGlobalProducer",
L1DataBxInEvent = cms.int32( 5 ),
JetInputTag = cms.InputTag( 'hltGtStage2Digis','Jet' ),
AlgorithmTriggersUnmasked = cms.bool( True ),
EmulateBxInEvent = cms.int32( 1 ),
AlgorithmTriggersUnprescaled = cms.bool( True ),
PrintL1Menu = cms.untracked.bool( False ),
Verbosity = cms.untracked.int32( 0 ),
EtSumInputTag = cms.InputTag( 'hltGtStage2Digis','EtSum' ),
ProduceL1GtDaqRecord = cms.bool( True ),
PrescaleSet = cms.uint32( 1 ),
ExtInputTag = cms.InputTag( "hltGtStage2Digis" ),
EGammaInputTag = cms.InputTag( 'hltGtStage2Digis','EGamma' ),
TriggerMenuLuminosity = cms.string( "startup" ),
ProduceL1GtObjectMapRecord = cms.bool( True ),
AlternativeNrBxBoardDaq = cms.uint32( 0 ),
PrescaleCSVFile = cms.string( "prescale_L1TGlobal.csv" ),
TauInputTag = cms.InputTag( 'hltGtStage2Digis','Tau' ),
BstLengthBytes = cms.int32( -1 ),
MuonInputTag = cms.InputTag( 'hltGtStage2Digis','Muon' )
)
fragment.hltScalersRawToDigi = cms.EDProducer( "ScalersRawToDigi",
scalersInputTag = cms.InputTag( "rawDataCollector" )
)
fragment.hltOnlineBeamSpot = cms.EDProducer( "BeamSpotOnlineProducer",
maxZ = cms.double( 40.0 ),
src = cms.InputTag( "hltScalersRawToDigi" ),
gtEvmLabel = cms.InputTag( "" ),
changeToCMSCoordinates = cms.bool( False ),
setSigmaZ = cms.double( 0.0 ),
maxRadius = cms.double( 2.0 )
)
fragment.hltPrePhysics = cms.EDFilter( "HLTPrescaler",
L1GtReadoutRecordTag = cms.InputTag( "hltGtStage2Digis" ),
offset = cms.uint32( 0 )
)
fragment.hltBoolEnd = cms.EDFilter( "HLTBool",
result = cms.bool( True )
)
fragment.hltRandomEventsFilter = cms.EDFilter( "HLTTriggerTypeFilter",
SelectedTriggerType = cms.int32( 3 )
)
fragment.hltPreRandom = cms.EDFilter( "HLTPrescaler",
L1GtReadoutRecordTag = cms.InputTag( "hltGtStage2Digis" ),
offset = cms.uint32( 0 )
)
fragment.hltL1sZeroBias = cms.EDFilter( "HLTL1TSeed",
L1SeedsLogicalExpression = cms.string( "L1_ZeroBias" ),
L1EGammaInputTag = cms.InputTag( 'hltGtStage2Digis','EGamma' ),
L1JetInputTag = cms.InputTag( 'hltGtStage2Digis','Jet' ),
saveTags = cms.bool( True ),
L1ObjectMapInputTag = cms.InputTag( "hltGtStage2ObjectMap" ),
L1EtSumInputTag = cms.InputTag( 'hltGtStage2Digis','EtSum' ),
L1TauInputTag = cms.InputTag( 'hltGtStage2Digis','Tau' ),
L1MuonInputTag = cms.InputTag( 'hltGtStage2Digis','Muon' ),
L1GlobalInputTag = cms.InputTag( "hltGtStage2Digis" )
)
fragment.hltPreZeroBias = cms.EDFilter( "HLTPrescaler",
L1GtReadoutRecordTag = cms.InputTag( "hltGtStage2Digis" ),
offset = cms.uint32( 0 )
)
fragment.hltFEDSelector = cms.EDProducer( "EvFFEDSelector",
inputTag = cms.InputTag( "rawDataCollector" ),
fedList = cms.vuint32( 1023, 1024 )
)
fragment.hltTriggerSummaryAOD = cms.EDProducer( "TriggerSummaryProducerAOD",
moduleLabelPatternsToSkip = cms.vstring( ),
processName = cms.string( "@" ),
moduleLabelPatternsToMatch = cms.vstring( 'hlt*' ),
throw = cms.bool( False )
)
fragment.hltTriggerSummaryRAW = cms.EDProducer( "TriggerSummaryProducerRAW",
processName = cms.string( "@" )
)
fragment.hltPreHLTAnalyzerEndpath = cms.EDFilter( "HLTPrescaler",
L1GtReadoutRecordTag = cms.InputTag( "hltGtStage2Digis" ),
offset = cms.uint32( 0 )
)
fragment.hltL1TGlobalSummary = cms.EDAnalyzer( "L1TGlobalSummary",
ExtInputTag = cms.InputTag( "hltGtStage2Digis" ),
MaxBx = cms.int32( 0 ),
DumpRecord = cms.bool( False ),
psFileName = cms.string( "prescale_L1TGlobal.csv" ),
ReadPrescalesFromFile = cms.bool( False ),
AlgInputTag = cms.InputTag( "hltGtStage2Digis" ),
MinBx = cms.int32( 0 ),
psColumn = cms.int32( 0 ),
DumpTrigResults = cms.bool( False ),
DumpTrigSummary = cms.bool( True )
)
fragment.hltTrigReport = cms.EDAnalyzer( "HLTrigReport",
ReferencePath = cms.untracked.string( "HLTriggerFinalPath" ),
ReferenceRate = cms.untracked.double( 100.0 ),
serviceBy = cms.untracked.string( "never" ),
resetBy = cms.untracked.string( "never" ),
reportBy = cms.untracked.string( "job" ),
HLTriggerResults = cms.InputTag( 'TriggerResults','','@currentProcess' )
)
fragment.HLTL1UnpackerSequence = cms.Sequence( fragment.hltGtStage2Digis + fragment.hltGtStage2ObjectMap )
fragment.HLTBeamSpot = cms.Sequence( fragment.hltScalersRawToDigi + fragment.hltOnlineBeamSpot )
fragment.HLTBeginSequence = cms.Sequence( fragment.hltTriggerType + fragment.HLTL1UnpackerSequence + fragment.HLTBeamSpot )
fragment.HLTEndSequence = cms.Sequence( fragment.hltBoolEnd )
fragment.HLTBeginSequenceRandom = cms.Sequence( fragment.hltRandomEventsFilter + fragment.hltGtStage2Digis )
fragment.HLTriggerFirstPath = cms.Path( fragment.hltGetConditions + fragment.hltGetRaw + fragment.hltBoolFalse )
fragment.HLT_Physics_v1 = cms.Path( fragment.HLTBeginSequence + fragment.hltPrePhysics + fragment.HLTEndSequence )
fragment.HLT_Random_v1 = cms.Path( fragment.HLTBeginSequenceRandom + fragment.hltPreRandom + fragment.HLTEndSequence )
fragment.HLT_ZeroBias_v1 = cms.Path( fragment.HLTBeginSequence + fragment.hltL1sZeroBias + fragment.hltPreZeroBias + fragment.HLTEndSequence )
fragment.HLTriggerFinalPath = cms.Path( fragment.hltGtStage2Digis + fragment.hltScalersRawToDigi + fragment.hltFEDSelector + fragment.hltTriggerSummaryAOD + fragment.hltTriggerSummaryRAW + fragment.hltBoolFalse )
fragment.HLTAnalyzerEndpath = cms.EndPath( fragment.hltGtStage2Digis + fragment.hltPreHLTAnalyzerEndpath + fragment.hltL1TGlobalSummary + fragment.hltTrigReport )
fragment.HLTSchedule = cms.Schedule( *(fragment.HLTriggerFirstPath, fragment.HLT_Physics_v1, fragment.HLT_Random_v1, fragment.HLT_ZeroBias_v1, fragment.HLTriggerFinalPath, fragment.HLTAnalyzerEndpath ))
# dummyfy hltGetConditions in cff's
if 'hltGetConditions' in fragment.__dict__ and 'HLTriggerFirstPath' in fragment.__dict__ :
fragment.hltDummyConditions = cms.EDFilter( "HLTBool",
result = cms.bool( True )
)
fragment.HLTriggerFirstPath.replace(fragment.hltGetConditions,fragment.hltDummyConditions)
# add specific customizations
from HLTrigger.Configuration.customizeHLTforALL import customizeHLTforAll
fragment = customizeHLTforAll(fragment,"Fake2")
from HLTrigger.Configuration.customizeHLTforCMSSW import customizeHLTforCMSSW
fragment = customizeHLTforCMSSW(fragment,"Fake2")
# Eras-based customisations
from HLTrigger.Configuration.Eras import modifyHLTforEras
modifyHLTforEras(fragment)
| [
"[email protected]"
]
| |
887db783e687e89b25a38c91e85b1efb0c5422cb | 53fab060fa262e5d5026e0807d93c75fb81e67b9 | /backup/user_181/ch137_2020_04_01_18_52_38_120863.py | 52844cc7eccda0c6ccb5781d417f58d99cc19869 | []
| no_license | gabriellaec/desoft-analise-exercicios | b77c6999424c5ce7e44086a12589a0ad43d6adca | 01940ab0897aa6005764fc220b900e4d6161d36b | refs/heads/main | 2023-01-31T17:19:42.050628 | 2020-12-16T05:21:31 | 2020-12-16T05:21:31 | 306,735,108 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 99 | py | def calcula_aceleracao(r,f):
import math
w = 2*math.pi*(f/60)
a = (w**2)*r
return a | [
"[email protected]"
]
| |
724be9c7d7e5d959d5d756efdf52aa7275c3b593 | c7f0bef042fe7ec5636c4c68db0828dcac4d7a68 | /nbresuse/handlers.py | 2df514302af8cf90146d678ee6817cf777563e4b | [
"BSD-2-Clause"
]
| permissive | zzhangjii/nbresuse | 93ca3cdac06f57b13954d2a8d149e73d287bdca7 | 0daa6ec97667959d24dd89f3beeecd462afd51db | refs/heads/master | 2021-01-21T14:16:56.642914 | 2017-06-24T01:01:20 | 2017-06-24T01:01:20 | 95,262,522 | 0 | 0 | null | 2017-06-23T23:06:46 | 2017-06-23T23:06:46 | null | UTF-8 | Python | false | false | 724 | py | import os
import json
import psutil
from notebook.utils import url_path_join
from notebook.base.handlers import IPythonHandler
def get_metrics():
cur_process = psutil.Process()
all_processes = [cur_process] + cur_process.children(recursive=True)
rss = sum([p.memory_info().rss for p in all_processes])
return {
'rss': rss,
'limits': {
'memory': int(os.environ.get('MEM_LIMIT', None))
}
}
class MetricsHandler(IPythonHandler):
def get(self):
self.finish(json.dumps(get_metrics()))
def setup_handlers(web_app):
route_pattern = url_path_join(web_app.settings['base_url'], '/metrics')
web_app.add_handlers('.*', [(route_pattern, MetricsHandler)])
| [
"[email protected]"
]
| |
83accf7861f2d63d8f5fd0191a3bfd0fcf4c1c7e | 19c8d82a713ab69f4f4163a00b5a5519148116db | /python/psutil/examples/meminfo.py | f1bbbd8ee2df0f34ca4253f907407b8a604d98fe | [
"LicenseRef-scancode-unknown-license-reference",
"BSD-3-Clause"
]
| permissive | humphd/mozilla-central | 6b758084c5a7afe2b2f81934ce26aadbe536a504 | 1acf9935d4409757e6970a0ecba6c0736dff4782 | refs/heads/master | 2021-01-17T10:44:32.739863 | 2013-01-13T14:39:32 | 2013-01-13T14:39:32 | 1,617,367 | 6 | 27 | null | null | null | null | UTF-8 | Python | false | false | 806 | py | #!/usr/bin/env python
#
# $Id: meminfo.py 1509 2012-08-13 12:31:18Z g.rodola $
#
# Copyright (c) 2009, Jay Loden, Giampaolo Rodola'. All rights reserved.
# Use of this source code is governed by a BSD-style license that can be
# found in the LICENSE file.
"""
Print system memory information.
"""
import psutil
from psutil._compat import print_
def to_meg(n):
return str(int(n / 1024 / 1024)) + "M"
def pprint_ntuple(nt):
for name in nt._fields:
value = getattr(nt, name)
if name != 'percent':
value = to_meg(value)
print_('%-10s : %7s' % (name.capitalize(), value))
def main():
print_('MEMORY\n------')
pprint_ntuple(psutil.virtual_memory())
print_('\nSWAP\n----')
pprint_ntuple(psutil.swap_memory())
if __name__ == '__main__':
main()
| [
"[email protected]"
]
| |
03f459a285c75fba42e137c8229e79543bb0b0eb | ad59fb12042bfd3f5c43eca057d0f747f9e148cf | /StreamLink/usr/lib/python2.7/site-packages/streamlink/plugins/abweb.py | 87094ccda556b88c13bf0a2c31b13caa6650d815 | []
| no_license | lexlong2007/eePlugins | d62b787100a7069ad5713a47c5688008063b45ec | 167b262fe36901a2d3a2fae6d0f85e2307b3eff7 | refs/heads/master | 2022-03-09T05:37:37.567937 | 2022-02-27T01:44:25 | 2022-02-27T01:44:25 | 253,012,126 | 0 | 0 | null | 2020-04-04T14:03:29 | 2020-04-04T14:03:29 | null | UTF-8 | Python | false | false | 4,983 | py | import logging
import re
from streamlink.plugin import Plugin, PluginArgument, PluginArguments, PluginError, pluginmatcher
from streamlink.plugin.api.utils import itertags
from streamlink.stream import HLSStream
from streamlink.utils import update_scheme
from streamlink.utils.url import url_concat
log = logging.getLogger(__name__)
@pluginmatcher(re.compile(
r"https?://(?:www\.)?abweb\.com/BIS-TV-Online/bistvo-tele-universal\.aspx",
re.IGNORECASE
))
class ABweb(Plugin):
url_l = 'https://www.abweb.com/BIS-TV-Online/identification.aspx?ReturnUrl=%2fBIS-TV-Online%2fbistvo-tele-universal.aspx'
_hls_re = re.compile(r'''["']file["']:\s?["'](?P<url>[^"']+\.m3u8[^"']+)["']''')
arguments = PluginArguments(
PluginArgument(
"username",
requires=["password"],
sensitive=True,
metavar="USERNAME",
help="""
The username associated with your ABweb account, required to access any
ABweb stream.
""",
prompt="Enter ABweb username"
),
PluginArgument(
"password",
sensitive=True,
metavar="PASSWORD",
help="A ABweb account password to use with --abweb-username.",
prompt="Enter ABweb password"
),
PluginArgument(
"purge-credentials",
action="store_true",
help="""
Purge cached ABweb credentials to initiate a new session and
reauthenticate.
""")
)
def __init__(self, url):
super(ABweb, self).__init__(url)
self._authed = (self.session.http.cookies.get('ASP.NET_SessionId', domain='.abweb.com')
and self.session.http.cookies.get('.abportail1', domain='.abweb.com'))
def _login(self, username, password):
log.debug('Attempting to login.')
data = {}
for i in itertags(self.session.http.get(self.url_l).text, 'input'):
data[i.attributes.get('name')] = i.attributes.get('value', '')
if not data:
raise PluginError('Missing input data on login website.')
data.update({
'ctl00$ContentPlaceHolder1$Login1$UserName': username,
'ctl00$ContentPlaceHolder1$Login1$Password': password,
'ctl00$ContentPlaceHolder1$Login1$LoginButton.x': '0',
'ctl00$ContentPlaceHolder1$Login1$LoginButton.y': '0',
'ctl00$ContentPlaceHolder1$Login1$RememberMe': 'on',
})
self.session.http.post(self.url_l, data=data)
if (self.session.http.cookies.get('ASP.NET_SessionId') and self.session.http.cookies.get('.abportail1')):
for cookie in self.session.http.cookies:
# remove www from cookie domain
cookie.domain = '.abweb.com'
self.save_cookies(default_expires=3600 * 24)
return True
else:
log.error('Failed to login, check your username/password')
return False
def _get_streams(self):
self.session.http.headers.update({
'Referer': 'http://www.abweb.com/BIS-TV-Online/bistvo-tele-universal.aspx'
})
login_username = self.get_option('username')
login_password = self.get_option('password')
if self.options.get('purge_credentials'):
self.clear_cookies()
self._authed = False
log.info('All credentials were successfully removed.')
if self._authed:
log.info('Attempting to authenticate using cached cookies')
elif not self._authed and not (login_username and login_password):
log.error('A login for ABweb is required, use --abweb-username USERNAME --abweb-password PASSWORD')
return
elif not self._authed and not self._login(login_username, login_password):
return
log.debug('get iframe_url')
res = self.session.http.get(self.url)
for iframe in itertags(res.text, 'iframe'):
iframe_url = iframe.attributes.get('src')
if iframe_url.startswith('/'):
iframe_url = url_concat('https://www.abweb.com', iframe_url)
else:
iframe_url = update_scheme('https://', iframe_url)
log.debug('iframe_url={0}'.format(iframe_url))
break
else:
raise PluginError('No iframe_url found.')
self.session.http.headers.update({'Referer': iframe_url})
res = self.session.http.get(iframe_url)
m = self._hls_re.search(res.text)
if not m:
raise PluginError('No hls_url found.')
hls_url = update_scheme('https://', m.group('url'))
streams = HLSStream.parse_variant_playlist(self.session, hls_url)
if streams:
for stream in streams.items():
yield stream
else:
yield 'live', HLSStream(self.session, hls_url)
__plugin__ = ABweb
| [
"[email protected]"
]
| |
6159a34909e55c2a8dc3aebe2f944c2a087f0bb9 | 1f3672fc6e64b7400548158c2ca6e0a0e8f01d7f | /orlab4/func.py | b5c945278605b3e80e608b0786998a86d5e28de9 | []
| no_license | alexbelan1999/university_python_labs | 340ff0ca99044009d3290c48fc74b5dc0590c905 | ee019a3826b1c166ca05832168af9249178d9074 | refs/heads/master | 2023-08-30T10:58:46.528482 | 2021-11-07T17:04:06 | 2021-11-07T17:04:06 | 424,985,367 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 13,517 | py | import numpy as np
def change_array(arr, check):
if check:
max = 0
for i in range(0, len(arr)):
for j in range(0, len(arr)):
if arr[i][j] > max:
max = arr[i][j]
for i in range(0, len(arr)):
for j in range(0, len(arr)):
arr[i][j] = max - arr[i][j]
for i in arr:
print(i)
for i in range(0, len(arr)):
min = np.inf
for j in range(0, len(arr)):
if arr[j][i] < min:
min = arr[j][i]
for k in range(0, len(arr)):
arr[k][i] -= min
for i in range(0, len(arr)):
min = np.inf
for j in range(0, len(arr)):
if arr[i][j] < min:
min = arr[i][j]
for k in range(0, len(arr)):
arr[i][k] -= min
return arr
def array_for_algoritm(array):
arr = []
k = 0
for i in range(2, len(array) + 2):
arr.insert(k, [1, i, 1])
k += 1
for i in range(0, len(array)):
for j in range(0, len(array)):
if array[i][j] == 0:
arr.insert(k, [i + 2, j + len(array) + 2, 1])
k += 1
for i in range(len(array) + 2, len(array) * 2 + 2):
arr.insert(k, [i, 12, 1])
k += 1
return arr
def FordFalk(inputarr, checkarr, c):
one = []
for i in range(0, len(c)):
one.insert(i, [])
for j in range(0, len(c)):
one[i].insert(j, 1)
vertex = 12
iteration = 0
isBreak = False
Y1 = None
Y1_ = None
while True:
Y1 = []
Y1_ = []
iteration += 1
markedEdge = [1]
viewedEdge = [1]
marks = [0] * (vertex + 1)
marks[1] = [1, 0, np.inf]
print(iteration, " итерация")
while (vertex not in markedEdge):
edge_ = markedEdge[0]
if (edge_ < 7):
print("Просмотр S", edge_ - 1, " вершины")
else:
print(" Просмотр t", edge_ - len(c) - 1, " вершины")
newEdges = []
for i in range(0, len(checkarr)):
if ((edge_ == checkarr[i][0]) and (checkarr[i][1] not in viewedEdge) and (checkarr[i][2] > 0) and
marks[edge_][2] != 0):
markedEdge.append(checkarr[i][1])
viewedEdge.append(checkarr[i][1])
marks[checkarr[i][1]] = [checkarr[i][1], edge_, min(marks[edge_][2], checkarr[i][2])]
newEdges.append(checkarr[i][1])
elif ((edge_ == checkarr[i][1]) and (checkarr[i][0] not in viewedEdge) and (
checkarr[i][2] < inputarr[i][2])):
markedEdge.append(checkarr[i][0])
viewedEdge.append(checkarr[i][0])
marks[checkarr[i][0]] = [checkarr[i][0], edge_,
min(marks[edge_][2], inputarr[i][2] - checkarr[i][2])]
newEdges.append(checkarr[i][0])
for i in range(0, len(newEdges)):
if (newEdges[i] < 7):
print("Добавили вершину S", newEdges[i] - 1, ": [", marks[newEdges[i]][1], ", ",
marks[newEdges[i]][2], "]")
else:
print("Добавили вершину t", newEdges[i] - len(c) - 1, ": [", marks[newEdges[i]][1], ", ",
marks[newEdges[i]][2], "]")
Y1.append(edge_)
if (edge_ < 7):
print("Вершина S", edge_ - 1, " просмотрена")
else:
print("Вершина t", edge_ - len(c) - 1, " просмотрена")
markedEdge.pop(0)
if (len(markedEdge) == 0) and (vertex not in viewedEdge):
isBreak = True
break
if isBreak:
break
print(" ")
print("----------Шаг 2----------")
arr_route = []
arr_route.append("t")
route = vertex
flow = marks[route][2]
while (route != 1):
for i in range(0, len(checkarr)):
if (checkarr[i][0] == marks[route][1] and checkarr[i][1] == route):
checkarr[i][2] -= flow
route = checkarr[i][0]
if (route < 7):
snumber = "S" + str(route - 1)
arr_route.append(snumber)
else:
snumber = "t" + str(route - len(c) - 1)
arr_route.append(snumber)
if (route < len(c) + 2) and (route > 1):
w = checkarr[i][0] - 2
ws = checkarr[i][1] - len(c) - 2
one[w][ws] = 0
break
elif (checkarr[i][1] == abs(marks[route][1]) and checkarr[i][0] == route):
checkarr[i][2] += flow
route = checkarr[i][1]
if (route < 7):
snumber = "S" + str(route - 1)
arr_route.append(snumber)
else:
snumber = "t" + str(route - len(c) - 1)
arr_route.append(snumber)
if (route < len(c) * 2 + 2) and (route > len(c) + 1):
w = checkarr[i][0] - 2
ws = checkarr[i][1] - len(c) - 2
one[w][ws] = 1
break
arr_route.reverse()
str_route = (" ---> ").join(str(x) for x in arr_route)
print(str_route)
print("Увеличиваем поток на ", flow)
print(" ")
print(" ")
for i in range(1, vertex + 1):
if (i not in Y1):
Y1_.append(i)
fluxCheck = 0
weight = 0
for i in range(0, len(checkarr)):
if (checkarr[i][0] in Y1) and (checkarr[i][1] in Y1_) and (checkarr[i][2] == 0):
fluxCheck += inputarr[i][2]
weight += inputarr[i][2]
print("d = ", weight)
answer = []
answer.append(len(c) - weight)
answer.append(Y1)
answer.append(Y1_)
answer.append(one)
return answer
def some(c, c1, task_var):
task1 = change_array(c, task_var)
print("C2")
for i in task1:
print(i)
nu = 100
while (nu > 0):
inputarr = array_for_algoritm(task1)
checkarr = array_for_algoritm(task1)
answer = FordFalk(inputarr, checkarr, c)
Y1 = answer[1]
Y1_ = answer[2]
nu = answer[0]
work = []
workers = []
if (nu == 0):
checkarr = answer[3]
for i in range(0, len(c)):
for j in range(0, len(c)):
if (checkarr[i][j] == 0) and (j not in workers):
workers.append(j)
# mass =[]
mass = [i, j, c1[i][j]]
# print(work[i][2])
# mass.append(mass)
work.append(mass)
end_answer = 0
for i in range(0, len(c)):
print(work[i][2])
end_answer += work[i][2]
print('Работа ', work[i][0] + 1, ' -> исполнитель ', work[i][1] + 1)
print(end_answer)
exit(0)
min = np.inf
for i in range(0, len(c)):
for j in range(0, len(c)):
if ((i + 2) in Y1) and ((j + len(c) + 2) in Y1_) and (task1[i][j] < min):
min = task1[i][j]
for i in range(0, len(c)):
for j in range(0, len(c)):
if ((i + 2) in Y1):
task1[i][j] -= min
if ((j + len(c) + 2) in Y1):
task1[i][j] += min
print('C2~~')
for i in task1:
print(i)
pass
def FordFalk_task3(inputarr, checkarr, c, c1):
weight = 0
s = []
for i in range(0, len(c1)):
s.insert(i, i + 1)
t = [0] * 5
vertex = 12
iteration = 0
isBreak = False
while True:
iteration += 1
markedEdge = [1]
viewedEdge = [1]
marks = [0] * (vertex + 1)
marks[1] = [1, 0, np.inf]
print(iteration, " итерация")
while (vertex not in markedEdge):
edge_ = markedEdge[0]
if (edge_ < 7):
print("Просмотр S", edge_ - 1, " вершины")
else:
print(" Просмотр t", edge_ - len(c) - 1, " вершины")
newEdges = []
for i in range(0, len(checkarr)):
if ((edge_ == checkarr[i][0]) and (checkarr[i][1] not in viewedEdge) and (checkarr[i][2] > 0) and
marks[edge_][2] != 0):
markedEdge.append(checkarr[i][1])
viewedEdge.append(checkarr[i][1])
marks[checkarr[i][1]] = [checkarr[i][1], edge_, min(marks[edge_][2], checkarr[i][2])]
newEdges.append(checkarr[i][1])
elif ((edge_ == checkarr[i][1]) and (checkarr[i][0] not in viewedEdge) and (
checkarr[i][2] < inputarr[i][2])):
markedEdge.append(checkarr[i][0])
viewedEdge.append(checkarr[i][0])
marks[checkarr[i][0]] = [checkarr[i][0], edge_,
min(marks[edge_][2], inputarr[i][2] - checkarr[i][2])]
newEdges.append(checkarr[i][0])
for i in range(0, len(newEdges)):
if (newEdges[i] < 7):
print("Добавили вершину S", newEdges[i] - 1, ": [", marks[newEdges[i]][1], ", ",
marks[newEdges[i]][2], "]")
else:
print("Добавили вершину t", newEdges[i] - len(c) - 1, ": [", marks[newEdges[i]][1], ", ",
marks[newEdges[i]][2], "]")
if (edge_ < 7):
print("Вершина S", edge_ - 1, " просмотрена")
else:
print("Вершина t", edge_ - len(c) - 1, " просмотрена")
markedEdge.pop(0)
if (len(markedEdge) == 0) and (vertex not in viewedEdge):
isBreak = True
break
if isBreak:
break
print(" ")
print("----------Шаг 2----------")
arr_route = []
arr_route.append("t")
route = vertex
flow = marks[route][2]
while (route != 1):
for i in range(0, len(checkarr)):
if (checkarr[i][0] == marks[route][1] and checkarr[i][1] == route):
r = route
checkarr[i][2] -= flow
route = checkarr[i][0]
numb = route - 2
if (route < 7):
snumber = "S" + str(route - 1)
arr_route.append(snumber)
else:
snumber = "t" + str(route - len(c) - 1)
arr_route.append(snumber)
if (route <= len(c1) + 1) and (route > 1):
t[numb] = r - len(c1) - 1
break
elif (checkarr[i][1] == abs(marks[route][1])) and (checkarr[i][0] == route):
checkarr[i][2] += flow
numb = route - 2
route = checkarr[i][1]
if (route < 7):
snumber = "S" + str(route - 1)
arr_route.append(snumber)
else:
snumber = "t" + str(route - len(c) - 1)
arr_route.append(snumber)
break
arr_route.reverse()
weight += flow
str_route = (" ---> ").join(str(x) for x in arr_route)
print(str_route)
print("Увеличиваем поток на ", flow)
print(" ")
print(" ")
answer = []
answer.append(len(c) - weight)
answer.append(s)
answer.append(t)
return answer
def some_3(P0, c, c1):
nu = 0
while (nu < 1):
FP0_arr = []
for i in range(0, len(c1)):
FP0_arr.insert(i, c1[P0[0][i] - 1][P0[1][i] - 1])
FP0 = np.inf
for i in range(0, len(FP0_arr)):
if (FP0_arr[i] < FP0):
FP0 = FP0_arr[i]
print()
print("Новое назначение")
for i in P0:
print(i)
c3 = []
for i in range(0, len(c1)):
c3.insert(i, [])
for j in range(0, len(c1)):
if c1[i][j] <= FP0:
c3[i].insert(j, '*')
else:
c3[i].insert(j, 0)
print()
print("C0")
for i in c3:
print(i)
c3_3 = array_for_algoritm(c3)
c3_3_clone = array_for_algoritm(c3)
answer = FordFalk_task3(c3_3, c3_3_clone, c, c1)
nu = answer[0]
s = answer[1]
t = answer[2]
print("Результат для назначения")
for i in P0:
print(i)
for i in range(0, len(c1)):
if t[i]:
P0[0][i] = s[i]
P0[1][i] = t[i]
pass
| [
"[email protected]"
]
| |
1afc6a0ea2708d1db866442c7cb20dfafd8871bd | 9878df8dcc9443267197e31f24a628e115c87949 | /swagger_client/api_client.py | 21ef5a37ad711a7994575ea6f1eaa59a602d5333 | []
| no_license | mirandacong/gitea_python_client | 79fff8b3bb73f160abb059fe2f470b185017e844 | 79e2ae5253a20635aa019e176c17f8797d418f01 | refs/heads/master | 2020-04-02T00:19:07.392521 | 2018-10-20T05:02:55 | 2018-10-20T05:02:55 | 153,798,708 | 0 | 0 | null | 2018-10-20T05:02:56 | 2018-10-19T14:49:15 | Python | UTF-8 | Python | false | false | 24,353 | py | # coding: utf-8
"""
Gitea API.
This documentation describes the Gitea API. # noqa: E501
OpenAPI spec version: 1.1.1
Generated by: https://github.com/swagger-api/swagger-codegen.git
"""
from __future__ import absolute_import
import datetime
import json
import mimetypes
from multiprocessing.pool import ThreadPool
import os
import re
import tempfile
# python 2 and python 3 compatibility library
import six
from six.moves.urllib.parse import quote
from swagger_client.configuration import Configuration
import swagger_client.models
from swagger_client import rest
class ApiClient(object):
"""Generic API client for Swagger client library builds.
Swagger generic API client. This client handles the client-
server communication, and is invariant across implementations. Specifics of
the methods and models for each application are generated from the Swagger
templates.
NOTE: This class is auto generated by the swagger code generator program.
Ref: https://github.com/swagger-api/swagger-codegen
Do not edit the class manually.
:param configuration: .Configuration object for this client
:param header_name: a header to pass when making calls to the API.
:param header_value: a header value to pass when making calls to
the API.
:param cookie: a cookie to include in the header when making calls
to the API
"""
PRIMITIVE_TYPES = (float, bool, bytes, six.text_type) + six.integer_types
NATIVE_TYPES_MAPPING = {
'int': int,
'long': int if six.PY3 else long, # noqa: F821
'float': float,
'str': str,
'bool': bool,
'date': datetime.date,
'datetime': datetime.datetime,
'object': object,
}
def __init__(self, configuration=None, header_name=None, header_value=None,
cookie=None):
if configuration is None:
configuration = Configuration()
self.configuration = configuration
self.pool = ThreadPool()
self.rest_client = rest.RESTClientObject(configuration)
self.default_headers = {}
if header_name is not None:
self.default_headers[header_name] = header_value
self.cookie = cookie
# Set default User-Agent.
self.user_agent = 'Swagger-Codegen/1.0.0/python'
def __del__(self):
self.pool.close()
self.pool.join()
@property
def user_agent(self):
"""User agent for this API client"""
return self.default_headers['User-Agent']
@user_agent.setter
def user_agent(self, value):
self.default_headers['User-Agent'] = value
def set_default_header(self, header_name, header_value):
self.default_headers[header_name] = header_value
def __call_api(
self, resource_path, method, path_params=None,
query_params=None, header_params=None, body=None, post_params=None,
files=None, response_type=None, auth_settings=None,
_return_http_data_only=None, collection_formats=None,
_preload_content=True, _request_timeout=None):
config = self.configuration
# header parameters
header_params = header_params or {}
header_params.update(self.default_headers)
if self.cookie:
header_params['Cookie'] = self.cookie
if header_params:
header_params = self.sanitize_for_serialization(header_params)
header_params = dict(self.parameters_to_tuples(header_params,
collection_formats))
# path parameters
if path_params:
path_params = self.sanitize_for_serialization(path_params)
path_params = self.parameters_to_tuples(path_params,
collection_formats)
for k, v in path_params:
# specified safe chars, encode everything
resource_path = resource_path.replace(
'{%s}' % k,
quote(str(v), safe=config.safe_chars_for_path_param)
)
# query parameters
if query_params:
query_params = self.sanitize_for_serialization(query_params)
query_params = self.parameters_to_tuples(query_params,
collection_formats)
# post parameters
if post_params or files:
post_params = self.prepare_post_parameters(post_params, files)
post_params = self.sanitize_for_serialization(post_params)
post_params = self.parameters_to_tuples(post_params,
collection_formats)
# auth setting
self.update_params_for_auth(header_params, query_params, auth_settings)
# body
if body:
body = self.sanitize_for_serialization(body)
# request url
url = self.configuration.host + resource_path
# perform request and return response
response_data = self.request(
method, url, query_params=query_params, headers=header_params,
post_params=post_params, body=body,
_preload_content=_preload_content,
_request_timeout=_request_timeout)
self.last_response = response_data
return_data = response_data
if _preload_content:
# deserialize response data
if response_type:
return_data = self.deserialize(response_data, response_type)
else:
return_data = None
if _return_http_data_only:
return (return_data)
else:
return (return_data, response_data.status,
response_data.getheaders())
def sanitize_for_serialization(self, obj):
"""Builds a JSON POST object.
If obj is None, return None.
If obj is str, int, long, float, bool, return directly.
If obj is datetime.datetime, datetime.date
convert to string in iso8601 format.
If obj is list, sanitize each element in the list.
If obj is dict, return the dict.
If obj is swagger model, return the properties dict.
:param obj: The data to serialize.
:return: The serialized form of data.
"""
if obj is None:
return None
elif isinstance(obj, self.PRIMITIVE_TYPES):
return obj
elif isinstance(obj, list):
return [self.sanitize_for_serialization(sub_obj)
for sub_obj in obj]
elif isinstance(obj, tuple):
return tuple(self.sanitize_for_serialization(sub_obj)
for sub_obj in obj)
elif isinstance(obj, (datetime.datetime, datetime.date)):
return obj.isoformat()
if isinstance(obj, dict):
obj_dict = obj
else:
# Convert model obj to dict except
# attributes `swagger_types`, `attribute_map`
# and attributes which value is not None.
# Convert attribute name to json key in
# model definition for request.
obj_dict = {obj.attribute_map[attr]: getattr(obj, attr)
for attr, _ in six.iteritems(obj.swagger_types)
if getattr(obj, attr) is not None}
return {key: self.sanitize_for_serialization(val)
for key, val in six.iteritems(obj_dict)}
def deserialize(self, response, response_type):
"""Deserializes response into an object.
:param response: RESTResponse object to be deserialized.
:param response_type: class literal for
deserialized object, or string of class name.
:return: deserialized object.
"""
# handle file downloading
# save response body into a tmp file and return the instance
if response_type == "file":
return self.__deserialize_file(response)
# fetch data from response object
try:
data = json.loads(response.data)
except ValueError:
data = response.data
return self.__deserialize(data, response_type)
def __deserialize(self, data, klass):
"""Deserializes dict, list, str into an object.
:param data: dict, list or str.
:param klass: class literal, or string of class name.
:return: object.
"""
if data is None:
return None
if type(klass) == str:
if klass.startswith('list['):
sub_kls = re.match('list\[(.*)\]', klass).group(1)
return [self.__deserialize(sub_data, sub_kls)
for sub_data in data]
if klass.startswith('dict('):
sub_kls = re.match('dict\(([^,]*), (.*)\)', klass).group(2)
return {k: self.__deserialize(v, sub_kls)
for k, v in six.iteritems(data)}
# convert str to class
if klass in self.NATIVE_TYPES_MAPPING:
klass = self.NATIVE_TYPES_MAPPING[klass]
else:
klass = getattr(swagger_client.models, klass)
if klass in self.PRIMITIVE_TYPES:
return self.__deserialize_primitive(data, klass)
elif klass == object:
return self.__deserialize_object(data)
elif klass == datetime.date:
return self.__deserialize_date(data)
elif klass == datetime.datetime:
return self.__deserialize_datatime(data)
else:
return self.__deserialize_model(data, klass)
def call_api(self, resource_path, method,
path_params=None, query_params=None, header_params=None,
body=None, post_params=None, files=None,
response_type=None, auth_settings=None, async=None,
_return_http_data_only=None, collection_formats=None,
_preload_content=True, _request_timeout=None):
"""Makes the HTTP request (synchronous) and returns deserialized data.
To make an async request, set the async parameter.
:param resource_path: Path to method endpoint.
:param method: Method to call.
:param path_params: Path parameters in the url.
:param query_params: Query parameters in the url.
:param header_params: Header parameters to be
placed in the request header.
:param body: Request body.
:param post_params dict: Request post form parameters,
for `application/x-www-form-urlencoded`, `multipart/form-data`.
:param auth_settings list: Auth Settings names for the request.
:param response: Response data type.
:param files dict: key -> filename, value -> filepath,
for `multipart/form-data`.
:param async bool: execute request asynchronously
:param _return_http_data_only: response data without head status code
and headers
:param collection_formats: dict of collection formats for path, query,
header, and post parameters.
:param _preload_content: if False, the urllib3.HTTPResponse object will
be returned without reading/decoding response
data. Default is True.
:param _request_timeout: timeout setting for this request. If one
number provided, it will be total request
timeout. It can also be a pair (tuple) of
(connection, read) timeouts.
:return:
If async parameter is True,
the request will be called asynchronously.
The method will return the request thread.
If parameter async is False or missing,
then the method will return the response directly.
"""
if not async:
return self.__call_api(resource_path, method,
path_params, query_params, header_params,
body, post_params, files,
response_type, auth_settings,
_return_http_data_only, collection_formats,
_preload_content, _request_timeout)
else:
thread = self.pool.apply_async(self.__call_api, (resource_path,
method, path_params, query_params,
header_params, body,
post_params, files,
response_type, auth_settings,
_return_http_data_only,
collection_formats,
_preload_content, _request_timeout))
return thread
def request(self, method, url, query_params=None, headers=None,
post_params=None, body=None, _preload_content=True,
_request_timeout=None):
"""Makes the HTTP request using RESTClient."""
if method == "GET":
return self.rest_client.GET(url,
query_params=query_params,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
headers=headers)
elif method == "HEAD":
return self.rest_client.HEAD(url,
query_params=query_params,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
headers=headers)
elif method == "OPTIONS":
return self.rest_client.OPTIONS(url,
query_params=query_params,
headers=headers,
post_params=post_params,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
body=body)
elif method == "POST":
return self.rest_client.POST(url,
query_params=query_params,
headers=headers,
post_params=post_params,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
body=body)
elif method == "PUT":
return self.rest_client.PUT(url,
query_params=query_params,
headers=headers,
post_params=post_params,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
body=body)
elif method == "PATCH":
return self.rest_client.PATCH(url,
query_params=query_params,
headers=headers,
post_params=post_params,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
body=body)
elif method == "DELETE":
return self.rest_client.DELETE(url,
query_params=query_params,
headers=headers,
_preload_content=_preload_content,
_request_timeout=_request_timeout,
body=body)
else:
raise ValueError(
"http method must be `GET`, `HEAD`, `OPTIONS`,"
" `POST`, `PATCH`, `PUT` or `DELETE`."
)
def parameters_to_tuples(self, params, collection_formats):
"""Get parameters as list of tuples, formatting collections.
:param params: Parameters as dict or list of two-tuples
:param dict collection_formats: Parameter collection formats
:return: Parameters as list of tuples, collections formatted
"""
new_params = []
if collection_formats is None:
collection_formats = {}
for k, v in six.iteritems(params) if isinstance(params, dict) else params: # noqa: E501
if k in collection_formats:
collection_format = collection_formats[k]
if collection_format == 'multi':
new_params.extend((k, value) for value in v)
else:
if collection_format == 'ssv':
delimiter = ' '
elif collection_format == 'tsv':
delimiter = '\t'
elif collection_format == 'pipes':
delimiter = '|'
else: # csv is the default
delimiter = ','
new_params.append(
(k, delimiter.join(str(value) for value in v)))
else:
new_params.append((k, v))
return new_params
def prepare_post_parameters(self, post_params=None, files=None):
"""Builds form parameters.
:param post_params: Normal form parameters.
:param files: File parameters.
:return: Form parameters with files.
"""
params = []
if post_params:
params = post_params
if files:
for k, v in six.iteritems(files):
if not v:
continue
file_names = v if type(v) is list else [v]
for n in file_names:
with open(n, 'rb') as f:
filename = os.path.basename(f.name)
filedata = f.read()
mimetype = (mimetypes.guess_type(filename)[0] or
'application/octet-stream')
params.append(
tuple([k, tuple([filename, filedata, mimetype])]))
return params
def select_header_accept(self, accepts):
"""Returns `Accept` based on an array of accepts provided.
:param accepts: List of headers.
:return: Accept (e.g. application/json).
"""
if not accepts:
return
accepts = [x.lower() for x in accepts]
if 'application/json' in accepts:
return 'application/json'
else:
return ', '.join(accepts)
def select_header_content_type(self, content_types):
"""Returns `Content-Type` based on an array of content_types provided.
:param content_types: List of content-types.
:return: Content-Type (e.g. application/json).
"""
if not content_types:
return 'application/json'
content_types = [x.lower() for x in content_types]
if 'application/json' in content_types or '*/*' in content_types:
return 'application/json'
else:
return content_types[0]
def update_params_for_auth(self, headers, querys, auth_settings):
"""Updates header and query params based on authentication setting.
:param headers: Header parameters dict to be updated.
:param querys: Query parameters tuple list to be updated.
:param auth_settings: Authentication setting identifiers list.
"""
if not auth_settings:
return
for auth in auth_settings:
auth_setting = self.configuration.auth_settings().get(auth)
if auth_setting:
if not auth_setting['value']:
continue
elif auth_setting['in'] == 'header':
headers[auth_setting['key']] = auth_setting['value']
elif auth_setting['in'] == 'query':
querys.append((auth_setting['key'], auth_setting['value']))
else:
raise ValueError(
'Authentication token must be in `query` or `header`'
)
def __deserialize_file(self, response):
"""Deserializes body to file
Saves response body into a file in a temporary folder,
using the filename from the `Content-Disposition` header if provided.
:param response: RESTResponse.
:return: file path.
"""
fd, path = tempfile.mkstemp(dir=self.configuration.temp_folder_path)
os.close(fd)
os.remove(path)
content_disposition = response.getheader("Content-Disposition")
if content_disposition:
filename = re.search(r'filename=[\'"]?([^\'"\s]+)[\'"]?',
content_disposition).group(1)
path = os.path.join(os.path.dirname(path), filename)
with open(path, "wb") as f:
f.write(response.data)
return path
def __deserialize_primitive(self, data, klass):
"""Deserializes string to primitive type.
:param data: str.
:param klass: class literal.
:return: int, long, float, str, bool.
"""
try:
return klass(data)
except UnicodeEncodeError:
return six.u(data)
except TypeError:
return data
def __deserialize_object(self, value):
"""Return a original value.
:return: object.
"""
return value
def __deserialize_date(self, string):
"""Deserializes string to date.
:param string: str.
:return: date.
"""
try:
from dateutil.parser import parse
return parse(string).date()
except ImportError:
return string
except ValueError:
raise rest.ApiException(
status=0,
reason="Failed to parse `{0}` as date object".format(string)
)
def __deserialize_datatime(self, string):
"""Deserializes string to datetime.
The string should be in iso8601 datetime format.
:param string: str.
:return: datetime.
"""
try:
from dateutil.parser import parse
return parse(string)
except ImportError:
return string
except ValueError:
raise rest.ApiException(
status=0,
reason=(
"Failed to parse `{0}` as datetime object"
.format(string)
)
)
def __deserialize_model(self, data, klass):
"""Deserializes list or dict to model.
:param data: dict, list.
:param klass: class literal.
:return: model object.
"""
if not klass.swagger_types and not hasattr(klass,
'get_real_child_model'):
return data
kwargs = {}
if klass.swagger_types is not None:
for attr, attr_type in six.iteritems(klass.swagger_types):
if (data is not None and
klass.attribute_map[attr] in data and
isinstance(data, (list, dict))):
value = data[klass.attribute_map[attr]]
kwargs[attr] = self.__deserialize(value, attr_type)
instance = klass(**kwargs)
if hasattr(instance, 'get_real_child_model'):
klass_name = instance.get_real_child_model(data)
if klass_name:
instance = self.__deserialize(data, klass_name)
return instance
| [
"[email protected]"
]
| |
16ab018bbe05629c3a99ac29b6b85d081004be41 | cb1c3c624fb2e8e65f8b80109bada6811d399205 | /creme/optim/losses/base.py | f01955e2beafbab39ff9ea37379017111d10b6ab | [
"BSD-3-Clause",
"LicenseRef-scancode-unknown-license-reference"
]
| permissive | 2torus/creme | 5cc830bb59ea95d7ed69ceaeed1d285f1544beae | bcc5e2a0155663a1f0ba779c68f23456695bcb54 | refs/heads/master | 2020-06-14T00:19:03.981678 | 2019-06-24T13:45:06 | 2019-06-24T13:45:06 | 194,833,808 | 4 | 0 | NOASSERTION | 2019-07-02T09:35:20 | 2019-07-02T09:35:19 | null | UTF-8 | Python | false | false | 754 | py | import abc
from ... import utils
class Loss(abc.ABC):
@abc.abstractmethod
def __call__(self, y_true, y_pred) -> float:
"""Returns the loss."""
@abc.abstractmethod
def gradient(self, y_true, y_pred) -> float:
"""Returns the gradient with respect to ``y_pred``."""
class ClassificationLoss(Loss):
@staticmethod
def clamp_proba(p):
return utils.clamp(p, minimum=1e-15, maximum=1 - 1e-15)
class BinaryClassificationLoss(ClassificationLoss):
"""A loss appropriate binary classification tasks."""
class MultiClassificationLoss(ClassificationLoss):
"""A loss appropriate for multi-class classification tasks."""
class RegressionLoss(Loss):
"""A loss appropriate for regression tasks."""
| [
"[email protected]"
]
| |
74afd6f1f7551b0108ee82bdb3d16190f8713a30 | afbaa5685bf737ec7d16fee2bab54ae13caf96f9 | /geekbang/core/07.py | cc9651a2933ba0aaaf2541bf66dba49a05132e46 | []
| no_license | ykdsg/myPython | 9dcc9afe6f595e51b72257875d66ada1ba04bba6 | 77d2eaa2acb172664b632cc2720cef62dff8f235 | refs/heads/master | 2023-06-10T20:11:08.061075 | 2023-06-03T11:39:53 | 2023-06-03T11:39:53 | 10,655,956 | 0 | 1 | null | null | null | null | UTF-8 | Python | false | false | 870 | py | d = {'name': 'jason', 'dob': '2000-01-01', 'gender': 'male'}
# 迭代的是键
for k in d:
print("key:" + k)
for v in d.values():
print("value:", v)
for it in d.items():
print("item:", it)
l = [1, 2, 3, 4, 5, 6, 7]
for index in range(0, len(l)):
if index < 5:
print(l[index])
text = ' Today, is, Sunday'
text_list = [s.strip() for s in text.split(",") if len(s.strip()) > 3]
print(text_list)
attributes = ['name', 'dob', 'gender']
values = [['jason', '2000-01-01', 'male'],
['mike', '1999-01-01', 'male'],
['nancy', '2001-02-01', 'female']
]
queen_list = []
for va in values:
dic = {}
for i in range(0, len(attributes)):
dic[attributes[i]] = va[i]
queen_list.append(dic)
print(queen_list)
result2 = [{attributes[i]: va[i] for i in range(len(attributes))} for va in values]
print(result2)
| [
"[email protected]"
]
| |
08af90889078f73287251b4fd69ade6c9d7c5378 | e18a353582609732c795401f1a01bc762bd939f2 | /top/python/get_mub_predictions.py | 105537cf78d91566e4f76baa7c5bb3b7c7670013 | []
| no_license | s-farry/workspaces | 06741807bb464bb0712d52108c2d1b7ae62b1353 | 0dcf3868dcbe110206ea88ff5c9e04a3b44b1ca1 | refs/heads/master | 2020-04-03T00:45:39.152227 | 2017-06-15T16:33:33 | 2017-06-15T16:33:33 | 64,213,815 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 23,156 | py | from os import sys
import copy
from Jawa import *
from ROOT import TCut, TTree, TFile, TMath, TH1F, TF1, TH1, TParameter
from Utils import GetWeightHist, GetSpreadGraph, GetPDFGraph, asymm_details, ratio_details, details, Bunch
from math import sqrt
def getpdfuncertainty(central, pdfsets):
sumsq = 0
for pdf in pdfsets:
sumsq = sumsq + pow(central - pdf,2)
return sqrt(sumsq / (len(pdfsets) - 1))
TH1.AddDirectory(False)
dpm = "root://hepgrid11.ph.liv.ac.uk///dpm/ph.liv.ac.uk/home/lhcb/electroweak/"
ptmuj = "sqrt((<mu>_px + <jet>_px)^2 + (<mu>_py + <jet>_py)^2)"
vars = [
Bunch(name="mu_pt" , var = "<mu>_pt" , bins = 8 , lo = 20 , hi = 100 ),
Bunch(name="mu_eta" , var = "abs(<mu>_eta)" , edges = [2.0, 2.5, 3.0, 3.5, 4.5]),
Bunch(name="etaj" , var = "<jet>_eta" , edges = [2.2, 2.7, 3.2, 3.7, 4.2]),
Bunch(name="ptj" , var = "<jet>_pt" , bins = 5, lo = 20, hi = 220),
Bunch(name="ptmuj" , var = ptmuj , bins = 4, lo = 20, hi = 100.0),
Bunch(name='t_y' , var = 't_y', bins = 10, lo = 0, hi = 5.0),
Bunch(name='tbar_y', var = 'tbar_y', bins = 10, lo = 0, hi = 5.0),
Bunch(name='t_pt' , var = 't_pt', bins = 10, lo = 0, hi = 100.0),
Bunch(name='tbar_pt' , var = 'tbar_pt', bins = 10, lo = 0, hi = 100.0),
]
pltvars = ['ptj', 'eta', 'yj', 'etaj']
lhcb_plus_fwd = TCut("lp_eta > 2.0 && lp_eta < 4.5")
lhcb_plus_bwd = TCut("lp_eta < -2.0 && lp_eta > -4.5")
lhcb_minus_fwd = TCut("lm_eta > 2.0 && lm_eta < 4.5")
lhcb_minus_bwd = TCut("lm_eta < -2.0 && lm_eta > -4.5")
pt20_plus = TCut("lp_pt > 20")
pt20_minus = TCut("lm_pt > 20")
fwdjet_btag = TCut("abs(fwdjet_flav) == 5")
bwdjet_btag = TCut("abs(bwdjet_flav) == 5")
fwdjetpt10 = TCut("fwdjet_pt > 10")
fwdjetpt20 = TCut("fwdjet_pt > 20")
bwdjetpt10 = TCut("bwdjet_pt > 10")
bwdjetpt20 = TCut("bwdjet_pt > 20")
bwdjet20_plus = pt20_plus + lhcb_plus_bwd + bwdjetpt20 + bwdjet_btag
fwdjet20_plus = pt20_plus + lhcb_plus_fwd + fwdjetpt20 + fwdjet_btag
bwdjet20_minus = pt20_minus + lhcb_minus_bwd + bwdjetpt20 + bwdjet_btag
fwdjet20_minus = pt20_minus + lhcb_minus_fwd + fwdjetpt20 + fwdjet_btag
bwdjet20_nobtag_plus = pt20_plus + lhcb_plus_bwd + bwdjetpt20
fwdjet20_nobtag_plus = pt20_plus + lhcb_plus_fwd + fwdjetpt20
bwdjet20_nobtag_minus = pt20_minus + lhcb_minus_bwd + bwdjetpt20
fwdjet20_nobtag_minus = pt20_minus + lhcb_minus_fwd + fwdjetpt20
top_fid = TCut("t_y > 2.0 && t_y < 5.0 && t_pt > 10")
antitop_fid = TCut("tbar_y > 2.0 && tbar_y < 5.0 && tbar_pt > 10")
ttf = TFile.Open("/hepstore/sfarry/aMCatNLO/ttbar/Events/llj_ttbar_amcatnlo_13tev.root")
t = ttf.Get("ttbar")
wtf = TFile.Open("/hepstore/sfarry/powheg_v1/ST_wtch_DR/mumu_Wt_powheg_13tev.root")
u = wtf.Get("ttbar")
wbf = TFile.Open("/hepstore/sfarry/aMCatNLO/Wb/Events/llj_Wb_amcatnlo_13tev.root")
v = wbf.Get("ttbar")
N = ttf.Get('totEvts').GetVal()
wtN = wtf.Get('totEvts').GetVal()
wbN = wbf.Get('totEvts').GetVal()
#N = t.GetEntries()
#correct by enforced branching ratio of W to mu or e
bf_ww = pow(2*0.1080,2)
bf_w = 2*0.1080
#one 0.5 for using bwd and fwd, another for using muons and electrons
ttbar_sf = 0.5*0.5*bf_ww/N
fid_sf = 0.5/N
wt_sf = 0.5*bf_ww/wtN
wb_sf = 1.0/wtN
#although no branching is imposed, ntuple only contains events where there is at least muon,
#so we should account for this when doing fiducial
#B = (0.108 + 0.108 - 0.108*0.108)
relaunch = True
ttbar_plus_out = {}
ttbar_minus_out = {}
Wb_plus_out = {}
Wb_minus_out = {}
top_fiducial_out = {}
antitop_fiducial_out = {}
def get_templates(name, t, sf, weights = True):
fwd_plus = MWTemplate(name+"_fwd_plus", t, fwdjet20_plus)
for v in vars:
var = v.var.replace('<jet>', 'fwdjet').replace('<mu>', 'lp')
if hasattr(v, 'edges'):
fwd_plus.AddVar(v.name, var, v.edges)
else:
fwd_plus.AddVar(v.name, var, v.bins, v.lo, v.hi)
fwd_plus.ApplyCut()
if weights:
fwd_plus.AddWeight("Central","w1010")
fwd_plus.AddWeight("Scale1", "w1002")
fwd_plus.AddWeight("Scale2", "w1003")
fwd_plus.AddWeight("Scale3", "w1004")
fwd_plus.AddWeight("Scale4", "w1005")
fwd_plus.AddWeight("Scale5", "w1007")
fwd_plus.AddWeight("Scale6", "w1009")
for i in range(89):
fwd_plus.AddWeight("pdf"+str(i+1), "w10"+str(i+11))
for i in range(11):
fwd_plus.AddWeight("pdf"+str(i+90), "w1"+str(i+100))
fwd_plus.AddWeight("alphas_117", "w1111")
fwd_plus.AddWeight("alphas_119", "w1112")
fwd_plus.FillVars()
fwd_plus.Scale(sf)
fwd_plus.ScaleAllWeights(sf)
fwd_plus.SaveToFile()
fwd_minus = MWTemplate(name+"_fwd_minus", t, fwdjet20_minus)
for v in vars:
var = v.var.replace('<jet>', 'fwdjet').replace('<mu>', 'lm')
if hasattr(v, 'edges'):
fwd_minus.AddVar(v.name, var, v.edges)
else:
fwd_minus.AddVar(v.name, var, v.bins, v.lo, v.hi)
# fwd_minus.Add2DVars(vars2d)
fwd_minus.ApplyCut()
if weights:
fwd_minus.AddWeight("Central","w1010")
fwd_minus.AddWeight("Scale1", "w1002")
fwd_minus.AddWeight("Scale2", "w1003")
fwd_minus.AddWeight("Scale3", "w1004")
fwd_minus.AddWeight("Scale4", "w1005")
fwd_minus.AddWeight("Scale5", "w1007")
fwd_minus.AddWeight("Scale6", "w1009")
for i in range(89):
fwd_minus.AddWeight("pdf"+str(i+1), "w10"+str(i+11))
for i in range(11):
fwd_minus.AddWeight("pdf"+str(i+90), "w1"+str(i+100))
fwd_minus.AddWeight("alphas_117", "w1111")
fwd_minus.AddWeight("alphas_119", "w1112")
fwd_minus.FillVars()
fwd_minus.Scale(sf)
fwd_minus.ScaleAllWeights(sf)
fwd_minus.SaveToFile()
bwd_plus = MWTemplate(name+"_bwd_plus", t, bwdjet20_plus)
for v in vars:
var = v.var.replace('<jet>', 'bwdjet').replace('<mu>', 'lp')
if hasattr(v, 'edges'):
bwd_plus.AddVar(v.name, var, v.edges)
else:
bwd_plus.AddVar(v.name, var, v.bins, v.lo, v.hi)
bwd_plus.ApplyCut()
if weights:
bwd_plus.AddWeight("Central","w1010")
bwd_plus.AddWeight("Scale1", "w1002")
bwd_plus.AddWeight("Scale2", "w1003")
bwd_plus.AddWeight("Scale3", "w1004")
bwd_plus.AddWeight("Scale4", "w1005")
bwd_plus.AddWeight("Scale5", "w1007")
bwd_plus.AddWeight("Scale6", "w1009")
for i in range(89):
bwd_plus.AddWeight("pdf"+str(i+1), "w10"+str(i+11))
for i in range(11):
bwd_plus.AddWeight("pdf"+str(i+90), "w1"+str(i+100))
bwd_plus.AddWeight("alphas_117", "w1111")
bwd_plus.AddWeight("alphas_119", "w1112")
bwd_plus.FillVars()
bwd_plus.Scale(sf)
bwd_plus.ScaleAllWeights(sf)
bwd_plus.SaveToFile()
bwd_minus = MWTemplate(name+"_bwd_minus", t, bwdjet20_minus)
for v in vars:
var = v.var.replace('<jet>', 'bwdjet').replace('<mu>', 'lm')
if hasattr(v, 'edges'):
bwd_minus.AddVar(v.name, var, v.edges)
else:
bwd_minus.AddVar(v.name, var, v.bins, v.lo, v.hi)
# bwd_minus.Add2DVars(vars2d)
bwd_minus.ApplyCut()
if weights:
bwd_minus.AddWeight("Central","w1010")
bwd_minus.AddWeight("Scale1", "w1002")
bwd_minus.AddWeight("Scale2", "w1003")
bwd_minus.AddWeight("Scale3", "w1004")
bwd_minus.AddWeight("Scale4", "w1005")
bwd_minus.AddWeight("Scale5", "w1007")
bwd_minus.AddWeight("Scale6", "w1009")
for i in range(89):
bwd_minus.AddWeight("pdf"+str(i+1), "w10"+str(i+11))
for i in range(11):
bwd_minus.AddWeight("pdf"+str(i+90), "w1"+str(i+100))
bwd_minus.AddWeight("alphas_117", "w1111")
bwd_minus.AddWeight("alphas_119", "w1112")
bwd_minus.FillVars()
bwd_minus.Scale(sf)
bwd_minus.ScaleAllWeights(sf)
bwd_minus.SaveToFile()
plus = MWTemplate(name+"_plus", fwd_plus, bwd_plus)
#plus.SaveToFile("/user2/sfarry/workspaces/top/tuples/mub_plus.root")
plus.SaveToFile()
minus = MWTemplate(name+"_minus", fwd_minus, bwd_minus)
#minus.SaveToFile("/user2/sfarry/workspaces/top/tuples/mub_plus.root")
minus.SaveToFile()
return [plus, minus]
def get_fiducial(name, t, t_fid, tbar_fid, sf, weights = True):
top_fiducial = MWTemplate(name+"_fiducial", t, t_fid )
for v in vars:
var = v.var.replace('<jet>', 'fwdjet').replace('<mu>', 'lp')
if hasattr(v, 'edges'):
top_fiducial.AddVar(v.name, var, v.edges)
else:
top_fiducial.AddVar(v.name, var, v.bins, v.lo, v.hi)
top_fiducial.ApplyCut()
if weights:
top_fiducial.AddWeight("Central","w1010")
top_fiducial.AddWeight("Scale1", "w1002")
top_fiducial.AddWeight("Scale2", "w1003")
top_fiducial.AddWeight("Scale3", "w1004")
top_fiducial.AddWeight("Scale4", "w1005")
top_fiducial.AddWeight("Scale5", "w1007")
top_fiducial.AddWeight("Scale6", "w1009")
for i in range(89):
top_fiducial.AddWeight("pdf"+str(i+1), "w10"+str(i+11))
for i in range(11):
top_fiducial.AddWeight("pdf"+str(i+90), "w1"+str(i+100))
top_fiducial.AddWeight("alphas_117", "w1111")
top_fiducial.AddWeight("alphas_119", "w1112")
top_fiducial.FillVars()
top_fiducial.Scale(sf)
top_fiducial.ScaleAllWeights(sf)
top_fiducial.SaveToFile()
antitop_fiducial = MWTemplate("top_fiducial", t, antitop_fid)
for v in vars:
var = v.var.replace('<jet>', 'fwdjet').replace('<mu>', 'lp')
if hasattr(v, 'edges'):
antitop_fiducial.AddVar(v.name, var, v.edges)
else:
antitop_fiducial.AddVar(v.name, var, v.bins, v.lo, v.hi)
antitop_fiducial.ApplyCut()
if weights:
antitop_fiducial.AddWeight("Central","w1010")
antitop_fiducial.AddWeight("Scale1", "w1002")
antitop_fiducial.AddWeight("Scale2", "w1003")
antitop_fiducial.AddWeight("Scale3", "w1004")
antitop_fiducial.AddWeight("Scale4", "w1005")
antitop_fiducial.AddWeight("Scale5", "w1007")
antitop_fiducial.AddWeight("Scale6", "w1009")
for i in range(89):
antitop_fiducial.AddWeight("pdf"+str(i+1), "w10"+str(i+11))
for i in range(11):
antitop_fiducial.AddWeight("pdf"+str(i+90), "w1"+str(i+100))
antitop_fiducial.AddWeight("alphas_117", "w1111")
antitop_fiducial.AddWeight("alphas_119", "w1112")
antitop_fiducial.FillVars()
antitop_fiducial.Scale(sf)
antitop_fiducial.ScaleAllWeights(sf)
antitop_fiducial.SaveToFile()
return [top_fiducial, antitop_fiducial]
if relaunch:
ttbar = get_templates('ttbar', t, ttbar_sf)
#wt = get_templates('wt', u, wt_sf, weights = False)
wb = get_templates('wb', v, wb_sf)
top_fiducials = get_fiducial('ttbar', t, top_fid, antitop_fid, fid_sf)
#wt_fiducials = get_fiducial('wt', u, top_fid, antitop_fid, fid_sf, weights = False)
ttbar_plus = ttbar[0]
ttbar_minus = ttbar[1]
Wb_plus = wb[0]
Wb_minus = wb[1]
top_fiducial = top_fiducials[0]
antitop_fiducial = top_fiducials[1]
for v in vars:
ttbar_plus_out[v.name] = ttbar_plus.GetWeightHist(v.name, "Central")
for w in range(1,7):
ttbar_plus_out[v.name+'_Scale'+str(w)] = ttbar_plus.GetWeightHist(v.name, "Scale"+str(w))
for w in range(1,101):
ttbar_plus_out[v.name+'_pdf'+str(w)] = ttbar_plus.GetWeightHist(v.name, "pdf"+str(w))
ttbar_plus_out[v.name+"_alphas117"] = ttbar_plus.GetWeightHist(v.name, "alphas_117")
ttbar_plus_out[v.name+"_alphas119"] = ttbar_plus.GetWeightHist(v.name, "alphas_119")
ttbar_minus_out[v.name] = ttbar_minus.GetWeightHist(v.name, "Central")
for w in range(1,7):
ttbar_minus_out[v.name+'_Scale'+str(w)] = ttbar_minus.GetWeightHist(v.name, "Scale"+str(w))
for w in range(1,101):
ttbar_minus_out[v.name+'_pdf'+str(w)] = ttbar_minus.GetWeightHist(v.name, "pdf"+str(w))
ttbar_minus_out[v.name+"_alphas117"] = ttbar_minus.GetWeightHist(v.name, "alphas_117")
ttbar_minus_out[v.name+"_alphas119"] = ttbar_minus.GetWeightHist(v.name, "alphas_119")
Wb_plus_out[v.name] = Wb_plus.GetWeightHist(v.name, "Central")
for w in range(1,7):
Wb_plus_out[v.name+'_Scale'+str(w)] = Wb_plus.GetWeightHist(v.name, "Scale"+str(w))
for w in range(1,101):
Wb_plus_out[v.name+'_pdf'+str(w)] = Wb_plus.GetWeightHist(v.name, "pdf"+str(w))
Wb_plus_out[v.name+"_alphas117"] = Wb_plus.GetWeightHist(v.name, "alphas_117")
Wb_plus_out[v.name+"_alphas119"] = Wb_plus.GetWeightHist(v.name, "alphas_119")
Wb_minus_out[v.name] = Wb_minus.GetWeightHist(v.name, "Central")
for w in range(1,7):
Wb_minus_out[v.name+'_Scale'+str(w)] = Wb_minus.GetWeightHist(v.name, "Scale"+str(w))
for w in range(1,101):
Wb_minus_out[v.name+'_pdf'+str(w)] = Wb_minus.GetWeightHist(v.name, "pdf"+str(w))
Wb_minus_out[v.name+"_alphas117"] = Wb_minus.GetWeightHist(v.name, "alphas_117")
Wb_minus_out[v.name+"_alphas119"] = Wb_minus.GetWeightHist(v.name, "alphas_119")
top_fiducial_out[v.name] = top_fiducial.GetWeightHist(v.name, "Central")
for w in range(1,7):
top_fiducial_out[v.name+'_Scale'+str(w)] = top_fiducial.GetWeightHist(v.name, "Scale"+str(w))
for w in range(1,101):
top_fiducial_out[v.name+'_pdf'+str(w)] = top_fiducial.GetWeightHist(v.name, "pdf"+str(w))
top_fiducial_out[v.name+"_alphas117"] = top_fiducial.GetWeightHist(v.name, "alphas_117")
top_fiducial_out[v.name+"_alphas119"] = top_fiducial.GetWeightHist(v.name, "alphas_119")
antitop_fiducial_out[v.name] = antitop_fiducial.GetWeightHist(v.name, "Central")
for w in range(1,7):
antitop_fiducial_out[v.name+'_Scale'+str(w)] = antitop_fiducial.GetWeightHist(v.name, "Scale"+str(w))
for w in range(1,101):
antitop_fiducial_out[v.name+'_pdf'+str(w)] = antitop_fiducial.GetWeightHist(v.name, "pdf"+str(w))
antitop_fiducial_out[v.name+"_alphas117"] = antitop_fiducial.GetWeightHist(v.name, "alphas_117")
antitop_fiducial_out[v.name+"_alphas119"] = antitop_fiducial.GetWeightHist(v.name, "alphas_119")
ptj_plus = details('ptj_ttbar_plus', ttbar_plus_out['ptj'], [ttbar_plus_out['ptj_Scale'+str(i)] for i in range(1,7)], [ttbar_plus_out['ptj_pdf'+str(i)] for i in range(1,101)], [ttbar_plus_out['ptj_alphas117'], ttbar_plus_out['ptj_alphas119']])
ptj_minus = details('ptj_ttbar_minus', ttbar_minus_out['ptj'], [ttbar_minus_out['ptj_Scale'+str(i)] for i in range(1,7)], [ttbar_minus_out['ptj_pdf'+str(i)] for i in range(1,101)], [ttbar_minus_out['ptj_alphas117'], ttbar_minus_out['ptj_alphas119']])
mu_eta_plus = details('mu_eta_ttbar_plus', ttbar_plus_out['mu_eta'], [ttbar_plus_out['mu_eta_Scale'+str(i)] for i in range(1,7)], [ttbar_plus_out['mu_eta_pdf'+str(i)] for i in range(1,101)], [ttbar_plus_out['mu_eta_alphas117'], ttbar_plus_out['mu_eta_alphas119']])
mu_eta_minus = details('mu_eta_ttbar_minus', ttbar_minus_out['mu_eta'], [ttbar_minus_out['mu_eta_Scale'+str(i)] for i in range(1,7)], [ttbar_minus_out['mu_eta_pdf'+str(i)] for i in range(1,101)], [ttbar_minus_out['mu_eta_alphas117'], ttbar_minus_out['mu_eta_alphas119']])
etaj_plus = details('etaj_ttbar_plus', ttbar_plus_out['etaj'], [ttbar_plus_out['etaj_Scale'+str(i)] for i in range(1,7)], [ttbar_plus_out['etaj_pdf'+str(i)] for i in range(1,101)], [ttbar_plus_out['etaj_alphas117'], ttbar_plus_out['etaj_alphas119']])
etaj_minus = details('etaj_ttbar_minus', ttbar_minus_out['etaj'], [ttbar_minus_out['etaj_Scale'+str(i)] for i in range(1,7)], [ttbar_minus_out['etaj_pdf'+str(i)] for i in range(1,101)], [ttbar_minus_out['etaj_alphas117'], ttbar_minus_out['etaj_alphas119']])
ptmuj_plus = details('ptmuj_ttbar_plus', ttbar_plus_out['ptmuj'], [ttbar_plus_out['ptmuj_Scale'+str(i)] for i in range(1,7)], [ttbar_plus_out['ptmuj_pdf'+str(i)] for i in range(1,101)], [ttbar_plus_out['ptmuj_alphas117'], ttbar_plus_out['ptmuj_alphas119']])
ptmuj_minus = details('ptmuj_ttbar_minus', ttbar_minus_out['ptmuj'], [ttbar_minus_out['ptmuj_Scale'+str(i)] for i in range(1,7)], [ttbar_minus_out['ptmuj_pdf'+str(i)] for i in range(1,101)], [ttbar_minus_out['ptmuj_alphas117'], ttbar_minus_out['ptmuj_alphas119']])
ptj_Wb_plus = details('ptj_Wb_plus', Wb_plus_out['ptj'], [Wb_plus_out['ptj_Scale'+str(i)] for i in range(1,7)], [Wb_plus_out['ptj_pdf'+str(i)] for i in range(1,101)], [Wb_plus_out['ptj_alphas117'], Wb_plus_out['ptj_alphas119']])
ptj_Wb_minus = details('ptj_Wb_minus', Wb_minus_out['ptj'], [Wb_minus_out['ptj_Scale'+str(i)] for i in range(1,7)], [Wb_minus_out['ptj_pdf'+str(i)] for i in range(1,101)], [Wb_minus_out['ptj_alphas117'], Wb_minus_out['ptj_alphas119']])
mu_eta_Wb_plus = details('mu_eta_Wb_plus', Wb_plus_out['mu_eta'], [Wb_plus_out['mu_eta_Scale'+str(i)] for i in range(1,7)], [Wb_plus_out['mu_eta_pdf'+str(i)] for i in range(1,101)], [Wb_plus_out['mu_eta_alphas117'], Wb_plus_out['mu_eta_alphas119']])
mu_eta_Wb_minus = details('mu_eta_Wb_minus', Wb_minus_out['mu_eta'], [Wb_minus_out['mu_eta_Scale'+str(i)] for i in range(1,7)], [Wb_minus_out['mu_eta_pdf'+str(i)] for i in range(1,101)], [Wb_minus_out['mu_eta_alphas117'], Wb_minus_out['mu_eta_alphas119']])
ptmuj_asy = asymm_details('ptmuj_ttbar_asy', ttbar_plus_out['ptmuj'],
[ttbar_plus_out['ptmuj_Scale'+str(i)] for i in range(1,7)],
ttbar_minus_out['ptmuj'],
[ttbar_minus_out['ptmuj_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [ttbar_plus_out['ptmuj_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [ttbar_minus_out['ptmuj_pdf'+str(i)] for i in range(1,101)],
alphas1 = [ttbar_plus_out['ptmuj_alphas117'],
ttbar_plus_out['ptmuj_alphas119']],
alphas2 = [ttbar_minus_out['ptmuj_alphas117'],
ttbar_minus_out['ptmuj_alphas119']])
ptj_Wb_asy = asymm_details('ptj_Wb_asy', Wb_plus_out['ptj'],
[Wb_plus_out['ptj_Scale'+str(i)] for i in range(1,7)],
Wb_minus_out['ptj'],
[Wb_minus_out['ptj_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [Wb_plus_out['ptj_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [Wb_minus_out['ptj_pdf'+str(i)] for i in range(1,101)],
alphas1 = [Wb_plus_out['ptj_alphas117'],
Wb_plus_out['ptj_alphas119']],
alphas2 = [Wb_minus_out['ptj_alphas117'],
Wb_minus_out['ptj_alphas119']])
etaj_asy = asymm_details('etaj_ttbar_asy', ttbar_plus_out['etaj'],
[ttbar_plus_out['etaj_Scale'+str(i)] for i in range(1,7)],
ttbar_minus_out['etaj'],
[ttbar_minus_out['etaj_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [ttbar_plus_out['etaj_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [ttbar_minus_out['etaj_pdf'+str(i)] for i in range(1,101)],
alphas1 = [ttbar_plus_out['etaj_alphas117'],
ttbar_plus_out['etaj_alphas119']],
alphas2 = [ttbar_minus_out['etaj_alphas117'],
ttbar_minus_out['etaj_alphas119']])
mu_eta_asy = asymm_details('mu_eta_ttbar_asy', ttbar_plus_out['mu_eta'],
[ttbar_plus_out['mu_eta_Scale'+str(i)] for i in range(1,7)],
ttbar_minus_out['mu_eta'],
[ttbar_minus_out['mu_eta_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [ttbar_plus_out['mu_eta_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [ttbar_minus_out['mu_eta_pdf'+str(i)] for i in range(1,101)],
alphas1 = [ttbar_plus_out['mu_eta_alphas117'],
ttbar_plus_out['mu_eta_alphas119']],
alphas2 = [ttbar_minus_out['mu_eta_alphas117'],
ttbar_minus_out['mu_eta_alphas119']])
mu_eta_Wb_asy = asymm_details('mu_eta_Wb_asy', Wb_plus_out['mu_eta'],
[Wb_plus_out['mu_eta_Scale'+str(i)] for i in range(1,7)],
Wb_minus_out['mu_eta'],
[Wb_minus_out['mu_eta_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [Wb_plus_out['mu_eta_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [Wb_minus_out['mu_eta_pdf'+str(i)] for i in range(1,101)],
alphas1 = [Wb_plus_out['mu_eta_alphas117'],
Wb_plus_out['mu_eta_alphas119']],
alphas2 = [Wb_minus_out['mu_eta_alphas117'],
Wb_minus_out['mu_eta_alphas119']])
t_y_acc = ratio_details('t_y_acc', top_fiducial_out['t_y'], [top_fiducial_out['t_y_Scale'+str(i)] for i in range(1,7)],
ttbar_plus_out['t_y'], [ttbar_plus_out['t_y_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [top_fiducial_out['t_y_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [ttbar_plus_out['t_y_pdf'+str(i)] for i in range(1,101)],
alphas1 = [top_fiducial_out['t_y_alphas117'], top_fiducial_out['t_y_alphas119']],
alphas2 = [ttbar_plus_out['t_y_alphas117'], ttbar_plus_out['t_y_alphas119']])
tbar_y_acc = ratio_details('tbar_y_acc', antitop_fiducial_out['t_y'], [antitop_fiducial_out['t_y_Scale'+str(i)] for i in range(1,7)],
ttbar_minus_out['t_y'], [ttbar_minus_out['t_y_Scale'+str(i)] for i in range(1,7)],
pdfs1 = [antitop_fiducial_out['t_y_pdf'+str(i)] for i in range(1,101)],
pdfs2 = [ttbar_minus_out['t_y_pdf'+str(i)] for i in range(1,101)],
alphas1 = [antitop_fiducial_out['t_y_alphas117'], antitop_fiducial_out['t_y_alphas119']],
alphas2 = [ttbar_minus_out['t_y_alphas117'], ttbar_minus_out['t_y_alphas119']])
output = TFile("/user2/sfarry/workspaces/top/tuples/ttbar_mub_13tev_amcatnlo_predictions.root", "RECREATE")
ptj_plus.write()
ptmuj_plus.write()
etaj_plus.write()
ptj_minus.write()
ptj_Wb_plus.write()
ptj_Wb_minus.write()
ptmuj_minus.write()
etaj_minus.write()
ptmuj_asy.write()
etaj_asy.write()
mu_eta_plus.write()
mu_eta_minus.write()
mu_eta_Wb_plus.write()
mu_eta_Wb_minus.write()
mu_eta_asy.write()
mu_eta_Wb_asy.write()
t_y_acc.write()
tbar_y_acc.write()
output.Close()
| [
"[email protected]"
]
| |
a82a9f43ecaaedd29851c1774f84ce30246134ad | 6c92af1a600a707232f36dbb17d3944b95b1206c | /src/collective/caching/hostname/Extensions/Install.py | bc37f6e28fdb9cc8d3c2ffe43e866e25c849fd10 | []
| no_license | simplesconsultoria/collective.caching.hostname | f1a8c33fa7b720086c98f4c6311ad7974902ddcf | 71cb740abfcfcecb8155fb336a0e0a30907b5502 | refs/heads/master | 2021-01-22T01:54:35.904018 | 2012-02-23T18:39:51 | 2012-02-23T18:39:51 | 3,528,231 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 389 | py | # -*- coding:utf-8 -*-
from Products.CMFCore.utils import getToolByName
def uninstall(portal, reinstall=False):
if not reinstall:
# normal uninstall
setup_tool = getToolByName(portal, 'portal_setup')
profile = 'profile-collective.caching.hostname:uninstall'
setup_tool.runAllImportStepsFromProfile(profile)
return "Ran all uninstall steps."
| [
"[email protected]"
]
| |
521a53b5d74cabc70ce1ca76fa0a85326ae842c0 | 8db5ef7e8355c1beff7b55313b3aa57737b56df6 | /guidez/local_settings_safe.py | 1fa3c50654e99d4310cd0d3b4780f3d525511c79 | []
| no_license | Seredyak1/guidez | ec8748df9e45131119b18ecaccf9bc8afb4489d3 | 88ff2eb0b0d2b9a2e736712f0ff049d6c2108107 | refs/heads/master | 2022-12-10T04:16:56.158178 | 2020-04-14T06:58:16 | 2020-04-14T06:58:16 | 208,821,905 | 0 | 0 | null | 2022-12-08T03:13:30 | 2019-09-16T14:34:11 | Python | UTF-8 | Python | false | false | 822 | py | DEBUG = True
SITE = ""
SWAGGER_SETTINGS = {
"SUPPORTED_SUBMIT_METHOD": ['get', 'post', 'put', 'delete', ],
'USE_SESSION_AUTH': False,
'JSON_EDITOR': True,
'SECURITY_DEFINITIONS': {
'api_key': {
'type': 'apiKey',
'description': 'Personal API Key authorization',
'name': 'Authorization',
'in': 'header',
}
},
'APIS_SORTER': 'alpha',
"SHOW_REQUEST_HEADERS": True,
"VALIDATOR_URL": None
}
DATABASES = {
'default': {
'ENGINE': '',
'NAME': '',
'USER': '',
'PASSWORD': '',
'HOST': '',
'PORT': '',
}
}
ALLOWED_HOSTS = ['*']
# WORKED EMAIL CONFIGURATION
EMAIL_BACKEND = ''
EMAIL_USE_TLS = True
EMAIL_HOST = ''
EMAIL_HOST_USER = ''
EMAIL_HOST_PASSWORD = ''
EMAIL_PORT = 587
| [
"[email protected]"
]
| |
383eb73d0bbe59aa068c39befe436da753716ea1 | 2638a861e7ac0b37361348babc18212176cb75cb | /solvers/results.py | 66e6fa60532a809fa4f5b9d80f6f8b2b58431eff | [
"Apache-2.0"
]
| permissive | jcarpent/osqp_benchmarks | 64de68f111d464810983d2f4ea31962b8646b041 | 787f46e73ce22bcdc9055a4fea56fc812a7d6e5f | refs/heads/master | 2020-04-18T11:50:55.026557 | 2019-01-31T13:09:21 | 2019-01-31T13:09:21 | 167,514,778 | 0 | 0 | Apache-2.0 | 2019-01-25T08:43:05 | 2019-01-25T08:43:04 | null | UTF-8 | Python | false | false | 296 | py | class Results(object):
'''
Results class from QP solution
'''
def __init__(self, status, obj_val, x, y, run_time, niter):
self.status = status
self.obj_val = obj_val
self.x = x
self.y = y
self.run_time = run_time
self.niter = niter
| [
"[email protected]"
]
| |
ccd57a1a2366440d8df6ef67e648d00666d96a92 | ac549e553263801bdc6962a10ebbe784dc2631df | /Python/tree/tree.py | cf633f53da24c08f988ca5e6d17f85ca37ac644a | []
| no_license | Bishal44/DataStructure | e595890d18bde39e65f02a7ca3a6904c6070c3c8 | 939c47de6dcfe3b2578aaa0610d3cdc5726572c7 | refs/heads/master | 2020-09-10T22:40:46.368607 | 2020-03-28T12:15:08 | 2020-03-28T12:15:08 | 221,854,694 | 0 | 0 | null | 2019-12-10T15:47:45 | 2019-11-15T05:59:40 | Python | UTF-8 | Python | false | false | 189 | py | """
Datastructure_and_algorithm
Created by Bishal on 25 Mar 2020
"""
class TreeNode:
def __init__(self, val=0):
self.val = val
self.left = None
self.right = None | [
"[email protected]"
]
| |
a2573aed665d4ec84c3a3a988bbfc2e97bbc1c92 | 13d8ede6d23ed0a375bbc9310d93be035fd164e9 | /InterviewBits/arrays/first-missing-positive.py | b52f188313126497bbe4e63e6fbff1cee6428e8c | []
| no_license | iamrishap/PythonBits | 192d3fb7bce101485eb81da2153e5b0c82b6872a | dcbc5f087ad78110a98e78dd6e5943ed971309c2 | refs/heads/master | 2022-03-10T07:16:08.601170 | 2019-11-17T04:01:00 | 2019-11-17T04:01:00 | 206,778,724 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 827 | py | """
Given an unsorted integer array, find the first missing positive integer.
Example:
Given [1,2,0] return 3,
[3,4,-1,1] return 2,
[-8, -7, -6] returns 1
Your algorithm should run in O(n) time and use constant space.
"""
class Solution:
# @param A : list of integers
# @return an integer
def firstMissingPositive(self, A):
A = list(filter(lambda x: x > 0, A))
# print(A)
A = [len(A) + 2] + A # Add the next number. This is for proper indexing (zero based).
# print(A)
for i, num in enumerate(A):
num = abs(num)
if num < len(A):
A[num] = - abs(A[num])
# print(A)
for i in range(1, len(A)):
if A[i] > 0:
return i
return len(A)
s = Solution()
s.firstMissingPositive([3, 5, 2, 1])
| [
"[email protected]"
]
| |
382fc999a896f8ab47db64595325ce80048bb9bd | cbb3ff933ecd7c113eb5740d1206caf8e099c599 | /communityapp/images/models.py | 346e5a05ae6b3bf5fad7f6ccfbc3105a99be3026 | []
| no_license | userzeroc/communityapp | 1cbb2a0021d124f9cfb2f9eec9e30e5c1d40f04b | 9bc2300c18f74b03706896cf43d0d6d9bbdd0725 | refs/heads/master | 2021-01-15T04:55:08.625686 | 2020-02-25T01:38:03 | 2020-02-25T01:38:03 | 242,884,202 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,346 | py | from django.db import models
from django.conf import settings
from django.urls import reverse
from django.core.files.base import ContentFile
from urllib import request
# Create your models here.
from django.utils.text import slugify
class Image(models.Model):
user = models.ForeignKey(settings.AUTH_USER_MODEL,
related_name='images_created',
on_delete=models.CASCADE)
title = models.CharField(max_length=200)
slug = models.SlugField(max_length=200,
blank=True)
url = models.URLField()
image = models.ImageField(upload_to='images/%Y/%m/%d/')
description = models.TextField(blank=True)
created = models.DateField(auto_now_add=True,
db_index=True)
users_like = models.ManyToManyField(settings.AUTH_USER_MODEL,
related_name='images_liked',
blank=True)
class Meta:
verbose_name_plural = '相册'
def __str__(self):
return self.title
def save(self, *args, **kwargs):
if not self.slug:
self.slug = slugify(self.title)
super(Image, self).save(*args, **kwargs)
def get_absolute_url(self):
return reverse('images:detail', args=[self.id, self.slug])
| [
"[email protected]"
]
| |
68622fb85d1a8503ea0a50083047d2cee133d957 | 9ae6ce54bf9a2a86201961fdbd5e7b0ec913ff56 | /google/ads/googleads/v9/enums/types/asset_set_link_status.py | 9d699ae74e4f85fcf250f0a500f0e697bf8d3f45 | [
"Apache-2.0"
]
| permissive | GerhardusM/google-ads-python | 73b275a06e5401e6b951a6cd99af98c247e34aa3 | 676ac5fcb5bec0d9b5897f4c950049dac5647555 | refs/heads/master | 2022-07-06T19:05:50.932553 | 2022-06-17T20:41:17 | 2022-06-17T20:41:17 | 207,535,443 | 0 | 0 | Apache-2.0 | 2019-09-10T10:58:55 | 2019-09-10T10:58:55 | null | UTF-8 | Python | false | false | 1,237 | py | # -*- coding: utf-8 -*-
# Copyright 2020 Google LLC
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# 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 proto # type: ignore
__protobuf__ = proto.module(
package="google.ads.googleads.v9.enums",
marshal="google.ads.googleads.v9",
manifest={"AssetSetLinkStatusEnum",},
)
class AssetSetLinkStatusEnum(proto.Message):
r"""Container for enum describing possible statuses of the
linkage between asset set and its container.
"""
class AssetSetLinkStatus(proto.Enum):
r"""The possible statuses of he linkage between asset set and its
container.
"""
UNSPECIFIED = 0
UNKNOWN = 1
ENABLED = 2
REMOVED = 3
__all__ = tuple(sorted(__protobuf__.manifest))
| [
"[email protected]"
]
| |
aa7e46563249d3913a650320cb7ca403c54835d8 | ecebefec65cc55b305419a689660eb8e2ea04fef | /abrtuner/demo_mpc_tuner_server/mpc_lookup_table_4300_default.py | 278b97a5953799eb4c9605760e33be565617e5cd | []
| no_license | generlist/ABRTuner | 4ab1d6d5e5201a7953d4565ca4574307a35513c3 | baea8fab155a71c185e74121a8f014e6ad889308 | refs/heads/master | 2020-05-26T01:09:29.712879 | 2018-08-03T23:40:01 | 2018-08-03T23:40:01 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,175,150 | py | mpc_dash_syth_hyb_pen_table_4300_default_100 = {(7100, 2400): [90.0], (7400, 4300): [80.0, 0.0, 100.0, 10.0], (5900, 1000): [50.0, 60.0, 50.0], (5000, 2600): [60.0, 20.0, 30.0, 10.0], (8100, 600): [90.0], (4600, 800): [0.0], (8000, 1500): [20.0], (7200, 1600): [40.0], (8200, 4000): [100.0, 100.0, 100.0], (4200, 500): [20.0], (7100, 3300): [50.0, 10.0, 10.0, 100.0, 10.0], (7000, 4600): [100.0, 100.0, 0.0, 10.0, 50.0, 70.0, 0.0], (4700, 1300): [10.0], (5200, 1300): [10.0], (8200, 3300): [20.0, 0.0], (7000, 800): [50.0, 50.0], (7300, 2100): [100.0], (1900, 800): [-1.0], (8100, 5500): [90.0, 30.0], (5700, 1800): [20.0], (7100, 1500): [20.0, 60.0], (7400, 1400): [90.0, 70.0], (1300, 800): [-1.0, 40.0, 60.0, 80.0, 50.0, 50.0, 40.0, 70.0], (3100, 1300): [-1.0], (2700, 2000): [50.0, -1.0, 80.0, 80.0, 70.0, 50.0, 40.0, 50.0], (2800, 1400): [-1.0], (6300, 1600): [70.0], (1500, 600): [30.0, 40.0], (800, 600): [20.0, 20.0, 40.0], (7100, 2700): [80.0, 10.0], (8800, 1300): [40.0], (6400, 600): [70.0], (2800, 100): [30.0, 20.0, 30.0], (8500, 5600): [60.0], (3700, 2300): [40.0, 30.0], (7300, 3700): [0.0], (8600, 3000): [10.0, 20.0], (5900, 3700): [20.0, 50.0], (6400, 4500): [90.0, 30.0, 0.0, 40.0], (4500, 3000): [10.0, 30.0, 40.0, 40.0, 10.0, 20.0, 20.0], (4300, 2000): [80.0], (4900, 1200): [10.0, 10.0], (6700, 900): [20.0, 40.0], (8900, 4800): [100.0, 40.0], (8400, 5300): [100.0, 40.0, 100.0, 90.0, 100.0], (4400, 300): [10.0, 10.0], (3200, 800): [20.0, 20.0, -1.0], (7300, 3500): [100.0], (8300, 1100): [90.0], (4600, 600): [10.0, 0.0], (6400, 900): [30.0, 40.0, 70.0], (8800, 0): [100.0, 100.0], (7600, 4400): [30.0, 100.0, 100.0, 20.0], (4400, 3300): [40.0, 0.0, 30.0, 80.0, 30.0, 20.0], (7900, 2300): [0.0, 10.0], (6500, 1200): [90.0], (7000, 3900): [100.0, 30.0, 100.0], (8900, 2700): [0.0, 80.0, 70.0, 100.0], (3800, 1900): [30.0, 30.0, 50.0], (6100, 800): [40.0, 40.0], (6300, 4300): [30.0, 0.0], (5600, 1800): [40.0], (7000, 2900): [80.0, 100.0], (3300, 1500): [20.0, 30.0, 20.0, 20.0, 10.0], (400, 100): [10.0], (7500, 5300): [100.0], (7900, 4700): [90.0, 50.0], (8500, 3400): [70.0], (1600, 900): [20.0, 30.0, 10.0], (4200, 3300): [30.0], (8900, 1600): [100.0, 100.0, 40.0], (2100, 1100): [-1.0, 40.0, 30.0, 20.0], (4600, 1600): [10.0, 70.0], (8900, 3400): [20.0, 100.0], (8500, 4300): [20.0, 100.0], (5600, 3000): [0.0], (1700, 600): [10.0, 10.0], (3000, 1800): [30.0], (4500, 100): [10.0], (6900, 2700): [20.0], (8500, 400): [80.0, 80.0], (8700, 5500): [100.0], (3500, 2100): [40.0, 20.0, 40.0, 40.0, 60.0, 30.0, 70.0, 40.0], (5100, 600): [0.0, 20.0], (8100, 5000): [10.0], (7600, 4500): [100.0, 30.0, 10.0], (5800, 500): [40.0, 50.0], (600, 400): [20.0, 10.0, -1.0, 50.0, 20.0, -1.0, 40.0, 40.0], (6800, 800): [50.0], (8700, 5600): [20.0, 10.0, 70.0, 100.0], (800, 300): [10.0], (6800, 4600): [100.0, 70.0, 100.0, 70.0, 30.0], (5700, 4000): [50.0, 100.0, 0.0, 10.0, 0.0, 60.0], (6500, 700): [80.0, 40.0], (7500, 800): [90.0, 70.0], (6600, 2800): [60.0], (8100, 4100): [70.0, 100.0, 90.0, 80.0], (6200, 2000): [60.0], (3900, 2500): [20.0, 40.0, 90.0], (4400, 1300): [-1.0], (5800, 400): [40.0, 40.0], (4600, 2100): [0.0, 30.0, 20.0, 20.0], (6900, 3300): [20.0, 20.0, 30.0, 20.0], (7100, 3600): [60.0], (4500, 2700): [80.0, 0.0], (3100, 2600): [50.0], (7700, 2500): [100.0, 60.0], (4300, 2500): [10.0, 20.0, 0.0, 40.0], (2300, 800): [30.0, 30.0], (3100, 1400): [20.0], (8200, 5600): [0.0], (300, 0): [0.0, 100.0], (6600, 4800): [30.0, 0.0, 0.0, 30.0, 100.0], (8500, 0): [100.0, 90.0], (5700, 4300): [20.0, 20.0, 100.0, 50.0, 0.0, 10.0], (4700, 800): [0.0, 10.0], (2000, 0): [10.0], (7600, 2400): [80.0], (1000, 400): [50.0, 10.0, 10.0], (8000, 4700): [100.0, 60.0, 20.0, 20.0], (3600, 2200): [30.0], (6000, 2000): [30.0], (6800, 4100): [60.0, 0.0, 20.0, 60.0, 80.0], (6000, 4700): [50.0], (5900, 4400): [20.0, 100.0, 0.0, 10.0, 100.0], (8800, 1700): [100.0, 100.0], (7900, 5400): [10.0, 50.0, 40.0, 0.0, 20.0], (4800, 3000): [0.0, 10.0], (7700, 4300): [100.0, 100.0], (3700, 100): [30.0], (3500, 1900): [30.0, 30.0, 30.0, 60.0, 10.0, 90.0], (6000, 2300): [100.0, 30.0], (2800, 800): [10.0], (8300, 1200): [50.0], (2400, 100): [-1.0], (6100, 4400): [80.0, 100.0, 60.0, 90.0, 60.0], (7100, 1100): [100.0, 50.0], (5900, 2400): [80.0], (6100, 3800): [20.0, 0.0, 10.0, 0.0, 60.0], (6400, 500): [40.0], (4400, 3200): [40.0, 0.0, 10.0, 30.0, 10.0, 30.0], (6100, 2600): [20.0, 100.0, 100.0, 60.0], (5600, 3100): [50.0, 0.0], (7200, 5100): [0.0], (7600, 2700): [20.0, 100.0], (8400, 3900): [100.0], (7700, 2100): [20.0], (6800, 4400): [100.0, 60.0, 0.0], (4600, 2700): [20.0], (7400, 2000): [90.0], (1500, 200): [10.0], (6700, 4100): [50.0, 100.0, 100.0], (8600, 1900): [100.0, 50.0, 100.0], (5500, 3500): [40.0, 50.0, 10.0, 60.0], (5800, 4100): [20.0, 0.0, 10.0, 0.0, 0.0, 50.0], (8100, 3700): [30.0, 100.0], (7800, 3100): [20.0, 0.0, 20.0, 80.0], (3500, 2700): [80.0, 50.0], (5900, 2200): [40.0], (6600, 5000): [50.0], (8600, 4300): [100.0], (5500, 1100): [60.0], (7800, 1300): [90.0], (3000, 500): [30.0], (2500, 1500): [20.0, 60.0, 20.0, 50.0, 50.0], (7000, 1500): [60.0], (7800, 100): [70.0], (6300, 3300): [100.0, 0.0], (8300, 4100): [60.0, 20.0], (2100, 1000): [20.0, 40.0, 40.0], (8400, 1500): [10.0, 100.0], (7100, 4600): [0.0, 100.0, 70.0, 100.0, 30.0, 0.0, 20.0], (8000, 800): [100.0, 60.0], (6000, 3700): [0.0, 50.0, 70.0, 0.0, 10.0], (8600, 2300): [100.0, 100.0], (7000, 1400): [30.0], (7000, 100): [60.0, 60.0], (4200, 1000): [10.0], (2400, 1500): [40.0, 20.0, 30.0, 50.0, 40.0, 50.0, 20.0, 60.0], (5200, 1200): [10.0, 0.0], (6900, 2800): [20.0], (6800, 400): [60.0, 60.0, 70.0], (3100, 2000): [90.0, 40.0, 50.0, 60.0, 40.0, 0.0, 20.0], (8200, 2000): [80.0, 70.0], (5200, 1500): [0.0, 20.0], (7700, 4400): [10.0], (7700, 300): [70.0], (3000, 1400): [30.0], (7900, 4300): [0.0, 0.0, 70.0], (6300, 1400): [30.0, 30.0], (7300, 2900): [90.0], (8500, 900): [100.0, 70.0, 100.0], (4600, 700): [0.0, 10.0], (7000, 4900): [90.0, 20.0, 100.0], (6200, 4600): [50.0, 100.0, 30.0, 0.0], (6600, 200): [50.0], (7500, 5000): [90.0, 20.0, 100.0, 0.0], (4700, 3500): [40.0, 10.0], (8600, 2100): [50.0, 100.0, 100.0], (7300, 3200): [20.0], (7300, 3300): [90.0, 0.0, 100.0], (7600, 100): [70.0], (7400, 4000): [100.0, 90.0, 50.0], (3500, 2500): [20.0, 40.0, 40.0, 100.0, 100.0, 90.0], (1700, 900): [20.0, -1.0], (8400, 3100): [100.0], (5900, 3000): [30.0], (8600, 4500): [100.0, 30.0, 0.0], (3400, 2200): [80.0, 40.0, 40.0, 40.0, 60.0], (7600, 800): [90.0, 90.0], (8700, 5200): [100.0, 90.0, 10.0], (8400, 3300): [20.0], (4000, 1300): [40.0], (8800, 2800): [100.0], (3200, 2500): [40.0], (2700, 1500): [50.0, 40.0], (4800, 2300): [0.0, 10.0], (5700, 3100): [10.0], (4000, 500): [-1.0, -1.0, 20.0], (5400, 3500): [20.0, 0.0, 0.0, 50.0, 90.0, 0.0], (700, 100): [50.0], (4500, 1800): [10.0], (8900, 4500): [100.0, 100.0], (6600, 100): [50.0, 50.0, 50.0], (5500, 2300): [20.0], (7300, 4500): [80.0, 0.0, 100.0, 80.0, 30.0, 40.0], (4000, 2500): [10.0, 10.0, 50.0, 20.0], (4100, 1900): [40.0], (6300, 1200): [60.0, 30.0, 40.0], (8400, 4100): [50.0, 20.0], (8700, 3000): [10.0, 60.0, 90.0, 60.0, 100.0], (6300, 2100): [0.0], (7300, 5400): [100.0], (8100, 500): [70.0, 80.0], (2500, 600): [20.0, 10.0], (8900, 3700): [100.0], (5300, 2600): [30.0], (3600, 300): [-1.0, 10.0], (7500, 3700): [100.0, 100.0, 70.0], (6400, 4100): [10.0, 70.0, 100.0, 100.0], (3200, 1200): [30.0, -1.0], (5300, 600): [0.0], (5600, 3500): [50.0, 10.0, 0.0], (7200, 4400): [10.0, 80.0, 10.0, 100.0], (3600, 2100): [30.0, 20.0, 40.0, 40.0], (4300, 2300): [20.0, 80.0, 30.0, 0.0, 60.0], (7900, 600): [80.0], (6700, 3700): [10.0, 10.0, 90.0, 40.0], (2400, 1300): [100.0], (6700, 3200): [70.0], (5500, 3900): [0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 40.0, 0.0, 0.0], (8300, 3100): [60.0], (3900, 200): [10.0], (7700, 4100): [20.0, 90.0], (5000, 1800): [0.0], (8100, 4200): [100.0, 80.0, 100.0], (8400, 1400): [100.0], (8300, 4200): [30.0, 60.0, 10.0, 30.0], (3300, 2300): [40.0, 50.0, 40.0, 30.0, 40.0, 60.0, 40.0, 60.0, 50.0, 20.0, 60.0], (8700, 2100): [50.0], (6600, 4700): [10.0, 100.0, 60.0, 100.0, 100.0, 0.0, 80.0, 0.0], (6300, 2600): [0.0], (3200, 1100): [10.0, 30.0], (5200, 2100): [30.0], (7500, 5500): [100.0], (7200, 2600): [90.0], (4600, 900): [10.0], (4200, 1600): [20.0, 30.0], (5800, 900): [40.0, 60.0], (7600, 1400): [90.0], (6800, 4900): [50.0, 50.0, 0.0, 100.0, 40.0, 20.0, 10.0], (2100, 600): [10.0], (3100, 2100): [20.0, 30.0, 60.0, 40.0, 80.0, 40.0, 50.0], (6400, 2400): [40.0], (5400, 4200): [30.0, 70.0], (7500, 4200): [40.0, 10.0, 100.0, 100.0, 50.0], (7100, 3800): [100.0, 0.0, 40.0, 30.0, 90.0], (4400, 1200): [20.0], (6600, 300): [50.0, 50.0], (3200, 2100): [50.0, 20.0, -1.0, 80.0, 70.0, 10.0], (5100, 500): [30.0], (7200, 4900): [0.0, 80.0, 50.0, 10.0], (8800, 5200): [100.0, 0.0, 100.0, 90.0, 100.0], (5300, 1000): [10.0], (7600, 700): [90.0, 30.0], (7000, 1000): [60.0], (6200, 1800): [50.0], (8700, 200): [100.0], (6500, 3300): [70.0, 0.0], (4700, 3600): [20.0], (6700, 1300): [30.0], (4400, 3000): [20.0, 20.0, 60.0, 10.0, 40.0, 20.0, 0.0], (4300, 2600): [20.0, 30.0, 20.0, 20.0], (8100, 4500): [0.0, 50.0], (6100, 2100): [0.0], (7500, 1600): [80.0], (7500, 300): [70.0, 90.0], (7400, 2100): [0.0], (4900, 400): [0.0], (5000, 400): [10.0], (7100, 3700): [70.0], (5600, 3300): [0.0, 20.0, 30.0, 80.0, 80.0, 50.0, 100.0], (5000, 2300): [30.0], (7400, 100): [70.0], (3800, 2100): [40.0, 60.0], (4800, 3200): [20.0, 0.0, 10.0, 20.0, 100.0], (4800, 2900): [10.0], (7800, 1900): [70.0, 100.0], (8500, 1000): [100.0], (6500, 2100): [60.0], (8800, 1900): [100.0, 20.0], (7200, 4000): [0.0, 20.0, 30.0, 90.0], (2300, 1600): [50.0, -1.0, 20.0, 30.0, -1.0], (5400, 100): [10.0, 30.0], (8300, 1300): [100.0, 100.0], (6400, 3100): [30.0, 10.0, 100.0, 60.0, 0.0, 100.0], (6300, 1100): [50.0], (4400, 2500): [60.0, 0.0, 0.0, 30.0], (6000, 1400): [20.0], (5900, 3500): [80.0, 0.0, 10.0, 10.0], (6900, 3400): [100.0], (1600, 0): [0.0, 10.0], (5200, 2400): [40.0], (2900, 1000): [-1.0, 30.0, 0.0], (4900, 4000): [10.0], (8700, 2200): [50.0], (4100, 2300): [10.0, 90.0], (5600, 2200): [10.0], (3500, 600): [20.0], (6300, 3900): [40.0, 0.0], (4400, 2100): [10.0, 0.0], (5500, 4200): [0.0, 0.0], (3600, 1200): [10.0, 10.0, 50.0], (4000, 900): [10.0], (7200, 700): [70.0, 60.0], (6600, 1700): [100.0], (2500, 700): [20.0], (8200, 1700): [100.0], (6900, 2900): [100.0], (5800, 4400): [60.0, 70.0, 60.0], (4600, 1200): [40.0, 50.0], (7500, 1300): [90.0], (6000, 3100): [50.0, 40.0], (8500, 3900): [0.0], (5600, 3400): [10.0, 0.0, 0.0, 0.0], (8600, 300): [90.0, 90.0], (3600, 1900): [10.0, 40.0, 30.0], (7600, 4200): [50.0, 60.0, 0.0], (5000, 700): [20.0], (5400, 2800): [70.0, 10.0, 10.0, 10.0, 0.0], (5300, 3100): [0.0, 100.0, 0.0, 10.0], (8400, 4700): [100.0, 30.0, 20.0], (8300, 2900): [60.0], (8700, 4800): [30.0, 80.0, 100.0, 100.0], (5800, 1600): [30.0], (6700, 1500): [50.0, 70.0], (5200, 2700): [70.0, 30.0, 30.0], (8500, 1100): [70.0], (8500, 300): [100.0], (6500, 4900): [0.0, 50.0], (4500, 3200): [30.0, 50.0, 50.0, 30.0, 10.0, 70.0, 0.0, 0.0, 60.0], (3200, 2400): [60.0, 50.0], (6700, 3300): [40.0], (4000, 100): [10.0], (4100, 0): [10.0, 10.0], (1900, 200): [-1.0], (1700, 0): [10.0], (1500, 900): [40.0, 60.0, -1.0, 90.0, -1.0, 40.0, 40.0, -1.0], (8300, 0): [90.0], (7800, 2900): [100.0], (8900, 4900): [100.0, 0.0], (7100, 500): [60.0], (4900, 3700): [0.0, 10.0, 0.0, 0.0], (4800, 1700): [10.0, 30.0, 10.0], (8800, 3800): [40.0, 100.0, 100.0, 30.0], (1200, 700): [50.0, 50.0, 30.0, 50.0, 40.0, 30.0], (4900, 600): [20.0, 0.0], (2700, 1000): [20.0], (1100, 400): [30.0], (7000, 4200): [20.0, 80.0, 60.0, 0.0, 100.0, 90.0, 20.0, 60.0], (5600, 1300): [50.0], (1300, 500): [60.0], (2600, 1200): [0.0, 40.0], (3600, 2400): [20.0, 30.0, 50.0, 40.0], (6400, 4800): [40.0, 10.0, 10.0], (6300, 3200): [0.0, 0.0, 10.0, 40.0], (6200, 4800): [10.0, 0.0, 70.0, 10.0], (3300, 0): [10.0, -1.0], (1300, 0): [10.0], (6100, 2900): [0.0, 10.0], (8100, 4700): [100.0, 20.0, 20.0], (5100, 3900): [0.0, 20.0], (6100, 3400): [100.0, 10.0, 10.0, 30.0], (8300, 4700): [100.0, 80.0, 20.0, 100.0], (8900, 3200): [100.0], (5100, 1100): [30.0], (7700, 3200): [100.0, 80.0], (800, 400): [10.0, 10.0], (6100, 300): [40.0], (5100, 2300): [30.0, 0.0], (8800, 1100): [60.0], (5400, 200): [10.0, 30.0], (7600, 3300): [100.0, 30.0], (8200, 2100): [30.0], (7500, 1000): [60.0, 70.0], (6100, 1500): [30.0], (5900, 700): [40.0, 20.0], (3400, 2000): [40.0, 60.0, 30.0, 40.0], (4100, 2600): [40.0, 20.0, 80.0, 10.0], (5000, 1000): [0.0], (5400, 1500): [60.0], (3800, 2200): [100.0, 60.0], (1200, 500): [10.0, 20.0], (6000, 2600): [90.0], (7200, 800): [100.0, 50.0, 80.0], (4000, 2200): [10.0], (4700, 1500): [30.0], (2900, 0): [20.0, 30.0], (8700, 4700): [100.0, 100.0, 100.0, 30.0, 100.0, 40.0], (8900, 400): [100.0, 100.0], (6600, 4200): [20.0], (4700, 1100): [30.0, 10.0], (4200, 2500): [40.0, 10.0, 0.0, 50.0, 20.0], (6200, 1500): [40.0], (5000, 2800): [0.0, 0.0, 0.0], (5700, 2600): [0.0, 30.0, 30.0], (8300, 4300): [40.0, 100.0, 100.0], (8400, 1100): [70.0], (7900, 5200): [90.0], (8300, 2000): [100.0], (7700, 900): [90.0, 50.0], (8000, 3900): [10.0, 20.0], (3900, 2100): [-1.0, 10.0], (2600, 1500): [60.0, -1.0, 50.0, 50.0], (5500, 1000): [30.0, 40.0], (6500, 3500): [0.0, 10.0], (2100, 300): [20.0, 20.0, 0.0, 10.0], (2100, 900): [0.0, 30.0, 10.0, 20.0, 40.0], (8400, 3200): [100.0], (8400, 4300): [100.0], (6800, 1200): [40.0], (8300, 5600): [100.0, 100.0], (6300, 3100): [0.0], (5500, 300): [20.0], (5200, 2300): [10.0], (8300, 100): [90.0, 90.0, 90.0], (3600, 1300): [20.0, 50.0], (3200, 1000): [20.0], (6100, 3100): [0.0, 90.0, 40.0, 30.0, 80.0, 80.0], (5400, 500): [10.0], (6200, 4200): [60.0, 70.0, 0.0, 40.0, 40.0], (2200, 1500): [50.0, 40.0, 70.0, 50.0], (6000, 3400): [40.0, 30.0, 40.0, 40.0, 90.0, 100.0], (4400, 2300): [10.0], (4300, 3300): [40.0, -1.0], (7200, 2500): [40.0], (6700, 4700): [80.0, 0.0, 50.0, 50.0, 100.0, 0.0, 10.0], (8300, 3700): [100.0, 90.0], (5800, 700): [10.0], (8000, 5300): [100.0, 20.0], (5000, 800): [20.0, 30.0], (7200, 4300): [100.0, 10.0, 0.0, 20.0], (6500, 4300): [90.0, 0.0, 100.0, 60.0, 100.0, 30.0, 0.0], (4900, 100): [0.0, 10.0], (8500, 5000): [10.0, 0.0, 90.0, 100.0, 90.0, 60.0], (3300, 2400): [-1.0, 30.0, 40.0, 40.0, 50.0, 30.0, -1.0], (5800, 3800): [20.0, 0.0, 60.0, 50.0, 0.0, 0.0, 100.0, 50.0, 0.0], (4900, 2300): [0.0, 10.0, 0.0], (8700, 4400): [60.0, 100.0], (2200, 0): [0.0], (5600, 3200): [0.0], (5000, 3800): [10.0, 70.0, 10.0], (5200, 3100): [0.0, 80.0, 20.0, 30.0, 0.0], (3600, 0): [-1.0], (8500, 4100): [70.0], (1200, 900): [20.0, 80.0, 60.0, 50.0, 40.0], (6500, 4500): [0.0, 100.0], (7600, 4100): [100.0, 30.0], (5700, 1200): [20.0], (8100, 100): [90.0, 80.0, 90.0], (5200, 3200): [90.0, 0.0, 30.0, 0.0, 0.0, 0.0], (5300, 3000): [100.0, 40.0, 10.0], (2200, 800): [50.0], (8800, 3100): [100.0, 100.0], (1900, 1300): [-1.0, 30.0, 70.0, 50.0, 70.0, 20.0, 40.0, 90.0, 40.0, 20.0], (3000, 700): [10.0], (7500, 1100): [100.0, 50.0], (2900, 800): [10.0], (8600, 3100): [60.0, 100.0], (5400, 600): [40.0], (5900, 3600): [20.0, 0.0, 0.0, 50.0], (6300, 2800): [30.0], (8600, 2900): [100.0, 80.0], (3800, 2600): [-1.0, 70.0, 30.0], (7700, 3800): [100.0, 100.0], (8000, 700): [100.0], (5900, 1800): [40.0], (5300, 800): [10.0], (900, 300): [50.0], (8200, 400): [100.0], (8200, 700): [80.0, 100.0], (7500, 4700): [80.0, 30.0, 100.0, 0.0], (7700, 2000): [70.0], (3600, 2600): [80.0, 60.0, 20.0, 40.0, 30.0], (7500, 4000): [100.0, 0.0, 30.0], (7400, 3100): [60.0], (4200, 700): [10.0], (6400, 1800): [50.0], (6200, 3000): [40.0, 0.0], (300, 200): [100.0, 50.0, 100.0], (8600, 5800): [100.0], (1300, 600): [70.0], (2800, 2200): [0.0], (5300, 1500): [30.0], (3100, 2300): [90.0, 10.0, 30.0, 20.0, 40.0], (5200, 2900): [50.0, 40.0], (6800, 2800): [70.0], (8600, 500): [90.0, 100.0], (1800, 600): [40.0, 10.0], (7700, 5100): [100.0, 80.0], (6500, 2600): [20.0, -1.0, 100.0], (4800, 3300): [90.0, 10.0, 20.0, 100.0, 10.0, 20.0, 0.0, 30.0], (3300, 900): [-1.0], (2400, 1900): [70.0, 60.0], (5100, 3700): [10.0, 10.0, 0.0, 10.0], (4100, 3000): [50.0, 70.0, 30.0, -1.0], (3700, 200): [-1.0], (3900, 3000): [20.0, 30.0, 40.0, 40.0], (600, 0): [0.0], (5300, 3200): [10.0, 10.0, 80.0, 0.0], (5100, 1600): [0.0, 0.0], (8800, 800): [100.0], (3000, 900): [10.0, 60.0], (4400, 1600): [40.0, 20.0], (8700, 5400): [0.0], (6100, 4200): [60.0, 10.0, 10.0, 20.0, 40.0, 0.0], (7400, 2800): [70.0], (4400, 2200): [50.0, 40.0, 30.0, 30.0], (6100, 3600): [0.0], (1400, 800): [20.0], (1500, 1200): [70.0], (8800, 500): [100.0], (5900, 400): [40.0], (8900, 5000): [100.0, 100.0, 30.0], (5800, 3100): [80.0, 10.0], (8000, 5100): [100.0, 0.0], (6100, 2400): [100.0], (2600, 200): [-1.0, 10.0], (6200, 3600): [100.0, 90.0, 50.0, 30.0, 70.0, 30.0], (2000, 500): [-1.0, 20.0, 10.0], (8300, 5000): [20.0, 30.0, 70.0, 100.0, 10.0], (2800, 500): [20.0, 10.0], (7800, 4700): [100.0, 70.0, 20.0, 100.0, 100.0, 20.0], (6700, 4300): [40.0, 80.0, 30.0, 0.0], (5800, 3700): [40.0, 100.0, 20.0, 10.0, 0.0, 20.0, 0.0, 0.0], (8400, 800): [60.0, 100.0, 90.0], (6300, 300): [50.0, 40.0], (6400, 3900): [50.0, 90.0], (8400, 2000): [100.0, 100.0, 100.0, 90.0], (7800, 1700): [100.0], (1400, 200): [0.0], (8700, 4500): [0.0], (8200, 2600): [100.0], (7800, 1100): [100.0, 70.0], (6900, 900): [30.0], (2700, 500): [-1.0], (7300, 3900): [0.0, 0.0, 0.0], (7100, 3000): [30.0], (4300, 2400): [50.0, 0.0, 30.0], (8000, 2400): [80.0], (4700, 2800): [40.0, 10.0, 0.0, 60.0, 10.0, 80.0], (6200, 1200): [10.0, 80.0], (1000, 500): [70.0, 40.0], (7300, 2500): [40.0], (5400, 4300): [30.0], (5400, 1400): [100.0, 50.0], (4500, 3500): [40.0, 20.0], (5400, 3100): [20.0, 30.0, 90.0, 20.0], (6300, 4100): [40.0, 10.0, 60.0], (4200, 800): [30.0], (6100, 400): [30.0], (4200, 0): [10.0], (4600, 3400): [30.0, 50.0, 0.0, 0.0, 60.0], (6900, 1100): [20.0, 60.0, 80.0], (4000, 1000): [50.0], (1400, 1100): [20.0, 60.0], (6500, 4700): [20.0, 100.0, 70.0, 40.0, 60.0, 0.0, 70.0, 60.0, 100.0, 30.0, 0.0], (7400, 1900): [80.0], (4100, 3300): [40.0, 50.0], (7400, 300): [70.0], (5500, 2900): [0.0], (8700, 4000): [100.0, 100.0, 0.0], (6500, 2900): [80.0], (6000, 3800): [10.0, 100.0, 0.0, 20.0], (5200, 3500): [100.0, 90.0, 30.0, 30.0, 90.0, 20.0, 40.0, 30.0, 10.0, 50.0, 10.0, 50.0, 0.0], (4700, 2500): [0.0, 20.0], (7600, 1800): [100.0], (3000, 100): [10.0, 0.0], (7200, 2800): [70.0, 100.0], (7000, 4800): [70.0, 90.0, 60.0, 30.0, 0.0, 20.0], (2100, 400): [-1.0], (7600, 3600): [0.0], (2900, 2200): [20.0, 80.0, 80.0, 30.0], (5100, 3300): [60.0, 40.0, 0.0, 20.0, 20.0, 10.0, 0.0, 50.0, 10.0, 0.0, 0.0], (7600, 3700): [0.0], (5700, 300): [30.0, 30.0], (7600, 2100): [50.0, 10.0, 60.0], (4900, 2900): [10.0, 10.0, 40.0, 30.0], (2700, 200): [10.0], (7400, 600): [90.0, 80.0], (1100, 800): [40.0, -1.0, 40.0, 30.0], (5900, 1200): [60.0], (8600, 2500): [100.0, 100.0], (4600, 3000): [0.0, 80.0, 70.0, 60.0, 0.0, 30.0, 0.0, 10.0, 0.0], (7900, 500): [100.0], (8100, 2200): [0.0], (5600, 2600): [20.0, 20.0, 20.0], (2200, 1300): [40.0, 40.0], (8900, 500): [100.0, 80.0], (7400, 1200): [80.0, 20.0], (3700, 1300): [10.0], (1500, 500): [10.0], (4800, 300): [10.0], (5500, 500): [10.0], (900, 600): [70.0, 40.0, 20.0, 30.0, -1.0, 40.0, 70.0, 20.0, 50.0], (8800, 1500): [80.0], (4000, 1400): [30.0], (6800, 5000): [0.0], (200, 0): [100.0], (6200, 3900): [60.0, 30.0, 50.0, 50.0, 100.0], (5500, 4500): [50.0], (8000, 1400): [100.0], (2100, 1600): [80.0], (7100, 2100): [20.0, 90.0], (6800, 500): [60.0, 40.0, 40.0], (6800, 2200): [0.0, 80.0], (7000, 4500): [10.0, 0.0, 0.0, 0.0, 0.0, 10.0], (8800, 1000): [100.0], (3000, 1500): [20.0], (1800, 800): [30.0], (5700, 1900): [80.0], (3900, 800): [20.0, 10.0], (6700, 3900): [100.0, 20.0, 50.0, 0.0], (7600, 4300): [50.0], (6400, 0): [40.0], (5500, 4400): [30.0], (6900, 1800): [100.0], (2000, 1000): [50.0, 40.0], (3100, 200): [0.0, -1.0], (3400, 2600): [40.0, 60.0, 50.0, 20.0, 20.0, 10.0], (5800, 2300): [60.0, 10.0], (3600, 1500): [30.0, -1.0], (4100, 1600): [20.0, 20.0], (5800, 1400): [10.0, 20.0, 40.0], (3400, 1100): [30.0, 50.0], (6800, 1700): [60.0], (5900, 3800): [10.0, 10.0, 100.0, 0.0, 50.0, 0.0], (8600, 4600): [100.0], (3900, 2300): [30.0, 60.0, 30.0], (4000, 1700): [30.0, 80.0, 10.0, -1.0], (8500, 4700): [100.0], (8400, 5200): [100.0, 0.0, 100.0, 100.0, 100.0], (3500, 0): [10.0], (4500, 1100): [30.0], (1900, 1200): [20.0], (4000, 3500): [80.0], (8600, 5000): [0.0, 100.0, 0.0, 40.0, 90.0, 0.0], (5600, 1200): [40.0], (3100, 1000): [20.0, 20.0], (8100, 5600): [10.0], (6500, 3100): [40.0], (5000, 200): [10.0], (3000, 1200): [20.0], (2200, 100): [0.0], (3300, 1100): [0.0], (6900, 4700): [60.0, 10.0, 20.0], (6500, 1300): [40.0, 0.0], (8900, 3300): [100.0], (5100, 0): [20.0, 20.0, 10.0, 20.0, 10.0], (8300, 2500): [80.0], (4600, 2400): [0.0], (8900, 3800): [40.0], (7700, 2800): [100.0], (2600, 1400): [20.0, 20.0, 20.0], (8100, 1100): [80.0, 80.0], (4800, 900): [20.0], (7200, 5000): [0.0, 100.0], (2900, 2000): [40.0, 40.0, 50.0, 40.0, 20.0, 50.0, 30.0, 30.0, 50.0, 30.0, 40.0, 40.0, 100.0, 70.0, 40.0], (6000, 4400): [100.0, 80.0, 40.0, 40.0, 20.0, 90.0], (7400, 400): [70.0], (5700, 3400): [40.0], (6000, 2900): [20.0, 70.0, 70.0, 0.0, 0.0], (3000, 1000): [-1.0, 40.0], (8100, 5100): [30.0, 60.0, 40.0, 30.0, 20.0], (3300, 2200): [90.0, 40.0, 30.0, 40.0, 40.0, 30.0, 30.0, 40.0, 30.0], (1300, 100): [20.0, 0.0, 0.0], (7100, 1900): [100.0], (8700, 3600): [100.0, 100.0, 10.0, 100.0], (2600, 1100): [10.0], (5600, 1900): [10.0], (7900, 2000): [80.0, 50.0], (5200, 3900): [50.0, 0.0, 20.0, 100.0, 0.0, 20.0, 20.0, 0.0, -1.0, 40.0], (5000, 3600): [20.0, 30.0, 60.0, 10.0], (5900, 4100): [0.0, 10.0, 40.0, 100.0, 30.0, 20.0, 50.0, 40.0], (5200, 1000): [20.0, 50.0], (8200, 1900): [100.0, 20.0], (4700, 1600): [10.0], (5000, 2100): [60.0], (8300, 900): [70.0], (8400, 3700): [100.0, 20.0], (5200, 3800): [80.0, 10.0, 10.0, 30.0], (4600, 3300): [100.0, 70.0, 0.0, 10.0, 0.0, 0.0, 0.0], (6800, 700): [60.0], (6700, 200): [60.0], (5400, 2600): [30.0], (8400, 4900): [90.0, 40.0, 100.0], (5700, 600): [10.0], (5200, 800): [10.0], (8200, 5500): [80.0], (3100, 300): [10.0], (6800, 1900): [20.0], (4200, 400): [10.0, 10.0], (6800, 3600): [100.0, 80.0, 0.0, 60.0], (8700, 2800): [100.0, 100.0], (7800, 5200): [0.0, 50.0], (2700, 1300): [40.0, 40.0], (4200, 1300): [20.0], (7000, 200): [60.0], (3700, 1000): [40.0, 10.0, 10.0], (5800, 300): [40.0, 50.0], (4500, 1200): [30.0], (7800, 3400): [40.0, 100.0], (5500, 3600): [0.0, 30.0, 20.0, 0.0], (5200, 1600): [60.0, 40.0], (4500, 2100): [0.0, 20.0], (1100, 600): [30.0, 10.0, 40.0, 50.0], (3500, 2400): [-1.0, 50.0, 40.0, 30.0, 80.0, 40.0, 70.0], (7300, 1900): [90.0, 70.0, 30.0], (6200, 3500): [60.0, 0.0, 0.0, 0.0], (6400, 100): [50.0, 50.0], (7800, 1600): [80.0], (2500, 800): [10.0, -1.0], (4300, 1100): [10.0], (2400, 500): [10.0, 30.0], (6100, 4500): [20.0, 0.0, 30.0, 30.0, 0.0], (8300, 5800): [100.0], (2800, 2000): [-1.0, 20.0, 60.0, 40.0, 30.0, 50.0], (6100, 3900): [50.0, 10.0, 80.0, 100.0, 100.0, 0.0], (8400, 700): [100.0, 90.0, 100.0], (8000, 3000): [100.0], (5200, 3700): [20.0, 0.0, 60.0, 10.0, 60.0, 40.0, 0.0, 0.0, 10.0], (1800, 1200): [90.0, 30.0, 60.0, 80.0, -1.0, 50.0, 50.0, 80.0, 40.0], (6100, 2700): [40.0, 50.0, 20.0, 10.0], (6200, 2800): [90.0, 100.0, 10.0], (1600, 1200): [30.0], (7600, 4700): [20.0, 100.0, 40.0], (2000, 1400): [40.0, 70.0, 70.0, 50.0, 40.0, 70.0, -1.0, 20.0], (5200, 2500): [10.0], (8100, 1700): [80.0], (8000, 3500): [0.0], (7500, 2400): [100.0], (7900, 2800): [40.0], (4900, 3800): [30.0, 0.0, 70.0], (7600, 2300): [80.0, 10.0], (5100, 2500): [30.0, 10.0], (8700, 3500): [0.0, 100.0], (8600, 4200): [0.0, 80.0, 70.0], (6000, 900): [40.0, 10.0], (2300, 1200): [10.0, -1.0, 40.0], (4200, 2200): [40.0, 50.0, 40.0, 80.0, 10.0], (3000, 600): [10.0], (4700, 3200): [10.0, 50.0, 20.0, 0.0, 50.0, 0.0, 0.0, 60.0], (3900, 2400): [50.0, 30.0, 30.0, 0.0, 40.0, 20.0], (6000, 2700): [0.0, 0.0, 90.0, 60.0], (5000, 3000): [0.0, 0.0, 30.0, 10.0], (3300, 1000): [10.0, 10.0], (1300, 1000): [80.0], (7000, 3800): [50.0, 70.0, 80.0], (8000, 1100): [80.0, 80.0], (6800, 1100): [90.0], (4700, 100): [10.0, 10.0], (8800, 4500): [10.0, 10.0, 100.0, 0.0], (7100, 2300): [70.0], (3600, 700): [-1.0], (7700, 2300): [60.0], (3400, 700): [10.0, -1.0], (2100, 100): [0.0], (7000, 2400): [20.0], (8300, 1000): [70.0], (3600, 200): [0.0], (8600, 1500): [100.0, 100.0], (4000, 3300): [80.0], (2300, 1500): [30.0, 30.0, -1.0, 30.0, 50.0], (8100, 1200): [80.0, 50.0, 90.0], (1700, 700): [40.0], (8400, 2100): [100.0, 100.0, 40.0, 10.0], (6400, 200): [60.0, 40.0], (8400, 4000): [0.0], (6300, 3800): [100.0, 90.0, 100.0, 30.0, 0.0], (8200, 5400): [20.0, 20.0], (5800, 1900): [20.0, 30.0, 40.0, 10.0], (6100, 4600): [60.0], (3300, 600): [10.0], (8000, 1900): [100.0], (4300, 2700): [20.0, 100.0, 60.0, 30.0], (8500, 5500): [40.0, 90.0], (8400, 4500): [80.0, 70.0, 100.0], (7400, 4100): [30.0, 50.0], (5900, 4200): [0.0, 0.0, 0.0, 60.0], (6800, 4200): [90.0, 0.0, 0.0, 50.0], (6700, 1600): [70.0], (6100, 200): [60.0], (3000, 2000): [90.0, 50.0, 60.0, 30.0], (6800, 1500): [100.0, 60.0, 70.0, 50.0, 50.0], (6300, 4500): [40.0, 0.0, 0.0, 60.0, 0.0, 50.0], (5300, 4200): [10.0], (7900, 3400): [70.0, 100.0], (3500, 200): [-1.0], (8500, 1900): [10.0, 100.0, 20.0], (700, 400): [60.0, 20.0, 20.0, 30.0], (6700, 4900): [10.0], (4700, 400): [10.0], (3500, 800): [10.0], (3300, 1900): [40.0, 20.0, 30.0], (7000, 2100): [30.0], (8100, 700): [80.0, 100.0], (7600, 900): [60.0, 50.0], (7900, 4000): [30.0, 90.0, 90.0], (4300, 3000): [40.0, 80.0, 20.0, 40.0, 20.0, 10.0, 20.0, 30.0, 20.0], (5100, 3100): [0.0, 0.0, 20.0], (4300, 100): [20.0], (6200, 2700): [50.0, 90.0], (4900, 2100): [50.0, 20.0, 10.0, 0.0, 0.0, 0.0], (6400, 1600): [30.0, 10.0], (6900, 4000): [100.0], (5300, 3800): [0.0, 0.0, 0.0, 20.0], (7600, 400): [80.0, 70.0, 70.0], (3500, 1100): [30.0], (5600, 2900): [0.0, 30.0, 20.0], (3700, 2700): [20.0, 20.0], (6600, 2400): [80.0], (8700, 2400): [100.0], (7100, 3200): [40.0], (7600, 2200): [100.0, 10.0], (6400, 2300): [50.0, 30.0], (6200, 4100): [0.0, 0.0, 0.0, 30.0, 20.0], (6800, 2600): [100.0, 60.0, 20.0, 0.0, 50.0], (8900, 1800): [70.0, 70.0, 100.0], (8800, 100): [100.0], (3000, 1700): [50.0, 40.0], (700, 500): [50.0, 40.0, 100.0, 10.0, 50.0, 30.0], (2900, 1800): [-1.0, 20.0], (8800, 1200): [90.0], (5400, 1600): [30.0, 0.0, 70.0], (5700, 3200): [30.0], (7800, 5300): [70.0, 20.0, 70.0], (7900, 5100): [20.0, 0.0, 50.0, 100.0, 10.0, 100.0], (8800, 1400): [100.0, 50.0], (4000, 2900): [20.0, 20.0, 20.0, 20.0, 30.0, 30.0, 20.0, 20.0], (5100, 2200): [0.0], (2400, 300): [0.0], (8100, 4900): [100.0, 10.0, 30.0, 100.0, 70.0, 0.0], (5000, 2900): [0.0, 0.0, 0.0], (6400, 4400): [10.0, 0.0, 50.0, 100.0, 0.0], (6600, 3900): [100.0, 40.0, 50.0], (7500, 3800): [90.0], (8500, 4400): [100.0, 90.0, 100.0, 100.0], (6100, 1800): [10.0, 10.0], (7500, 3000): [60.0], (6100, 3000): [0.0, 10.0], (5900, 1900): [10.0], (7400, 4700): [0.0, 20.0, 50.0, 100.0, 0.0], (7500, 4800): [90.0, 90.0], (4500, 2400): [20.0, 60.0], (5800, 2000): [30.0], (4100, 700): [10.0], (6800, 900): [50.0], (6400, 800): [70.0], (2000, 900): [10.0, 20.0, 20.0, 40.0], (8500, 800): [80.0, 90.0], (7100, 4200): [100.0], (3400, 1800): [30.0, 50.0, -1.0, 30.0], (500, 200): [10.0], (7200, 3400): [30.0, 0.0, 70.0, 100.0], (5100, 1300): [0.0, 50.0], (8500, 5300): [100.0, 100.0], (4200, 2700): [30.0, 50.0, 30.0, 40.0, 10.0, 40.0], (8900, 1700): [100.0], (7600, 3900): [50.0, 100.0, 0.0], (4200, 1800): [10.0, 20.0], (4700, 1700): [20.0], (3600, 2000): [70.0, 10.0], (7800, 4900): [20.0, 100.0, 50.0, 100.0, 10.0, 100.0], (5400, 1100): [0.0], (3800, 800): [10.0, 30.0, 40.0], (3600, 100): [-1.0, 20.0], (1900, 600): [20.0], (5600, 4400): [100.0], (8300, 400): [100.0], (6000, 3200): [10.0, 20.0], (5900, 200): [40.0, 50.0, 30.0, 30.0], (6300, 4600): [20.0, 0.0, 10.0, 10.0, 40.0, 80.0, 10.0], (7900, 2500): [70.0], (2200, 1200): [-1.0], (3600, 1000): [10.0, 10.0], (6000, 700): [40.0, 20.0, 20.0], (7100, 5100): [0.0, 100.0], (6900, 4300): [100.0, 0.0, 10.0, 80.0, 0.0, 0.0], (2700, 0): [20.0], (600, 300): [50.0, 0.0, 40.0, 40.0, 10.0, 40.0], (7800, 4100): [10.0, 100.0], (6200, 2100): [80.0, 50.0, 40.0], (7900, 4900): [100.0, 100.0, 80.0, 100.0], (6000, 4200): [20.0, 0.0, 0.0, 80.0, 10.0, 0.0, -1.0, 80.0, 10.0, 20.0, 70.0], (8300, 4000): [50.0], (8700, 2300): [90.0], (6100, 1600): [100.0], (3600, 2900): [50.0], (7500, 900): [60.0], (8600, 1100): [90.0, 30.0], (5500, 4300): [0.0], (7800, 4500): [100.0, 50.0, 20.0], (6700, 4500): [50.0, 70.0, 10.0, 100.0, 90.0, 80.0, 0.0, 10.0], (6600, 4400): [10.0, 10.0, 0.0, 20.0, 0.0, 10.0], (7800, 3900): [50.0, 60.0], (8300, 2700): [100.0], (6400, 2500): [50.0, 0.0], (8500, 3500): [50.0], (7300, 1400): [90.0], (8900, 3600): [80.0, 30.0], (8000, 200): [90.0], (4800, 3100): [70.0, 0.0, 0.0, 50.0, 70.0], (7500, 4500): [70.0, 100.0], (4800, 500): [20.0], (1800, 1100): [-1.0, 20.0, 40.0, 40.0, 40.0], (7800, 900): [70.0, 80.0], (6700, 400): [50.0], (6400, 2000): [70.0], (3400, 600): [10.0], (6500, 1400): [30.0], (8600, 4000): [100.0, 100.0, 60.0, 100.0], (4700, 3000): [0.0, 20.0], (5800, 3200): [0.0, 10.0], (7300, 5000): [20.0, 20.0], (8400, 5800): [30.0], (7400, 2700): [100.0, 70.0, 30.0], (5400, 4100): [50.0, 30.0, 40.0], (8200, 1400): [100.0, 60.0], (7700, 5000): [100.0, 50.0, 100.0], (6400, 3500): [10.0, 30.0], (1600, 200): [20.0], (8400, 2700): [60.0, 100.0, 10.0], (5000, 1200): [30.0], (8700, 500): [100.0], (8200, 1100): [60.0, 100.0], (7800, 2300): [60.0, 100.0], (2900, 1400): [40.0], (5000, 1300): [40.0, 40.0, 0.0], (8000, 4400): [70.0, 80.0, 40.0, 100.0, 70.0, 100.0], (3100, 1600): [20.0, -1.0, 40.0, -1.0], (8100, 3900): [90.0, 60.0, 90.0], (4500, 2800): [50.0, 20.0, 30.0, 0.0], (6900, 1200): [40.0, 40.0], (6600, 4600): [10.0, 0.0, 20.0, 0.0, 0.0, 100.0, 70.0], (3500, 2000): [30.0, 40.0], (7200, 5300): [10.0], (7900, 1700): [80.0], (4600, 3600): [10.0, 0.0, 10.0], (7700, 2700): [100.0], (7000, 4100): [0.0, 30.0, 100.0, 20.0, 0.0], (8400, 2800): [30.0], (8200, 4700): [100.0, 80.0, 10.0, 50.0], (4400, 400): [-1.0], (4400, 2700): [0.0, 10.0, 40.0, 40.0], (8200, 500): [80.0], (3800, 2900): [50.0, 40.0, 30.0, 30.0], (6400, 2600): [60.0, 70.0], (6100, 4700): [60.0], (7900, 1500): [40.0], (5100, 3000): [60.0, 20.0], (8800, 2700): [30.0], (5900, 2800): [70.0, 20.0], (4300, 1400): [10.0], (6000, 1100): [90.0, 40.0], (7900, 1300): [90.0], (6600, 4000): [40.0, 60.0, 0.0, 60.0, 0.0, 20.0], (6500, 0): [50.0], (7900, 3900): [70.0, 60.0, 60.0], (6400, 4300): [70.0, 0.0, 20.0, 10.0, 100.0, 30.0, 60.0], (5600, 800): [40.0], (3900, 2800): [-1.0, 10.0], (2900, 200): [-1.0], (7000, 1700): [70.0, 0.0, 60.0], (4100, 2900): [30.0, 70.0, 60.0, 30.0, 10.0, 20.0, 30.0, 70.0, 50.0, 60.0, 70.0, 50.0, 20.0, 20.0], (8600, 3200): [50.0], (8500, 1400): [100.0, 100.0], (4600, 2800): [10.0, 0.0, 100.0, 80.0, 10.0, 20.0, 10.0, 0.0], (8500, 700): [100.0, 100.0, 100.0], (5600, 3800): [0.0, 30.0, 70.0, 20.0, 20.0, 70.0, 100.0, 0.0, 30.0], (2200, 1100): [20.0, 10.0], (4800, 1500): [0.0], (6400, 2900): [20.0], (6500, 4800): [60.0, 40.0], (8000, 4300): [100.0], (6700, 700): [50.0], (7800, 300): [90.0], (7300, 3600): [0.0, 30.0, 0.0, 70.0], (4000, 0): [10.0, 10.0], (4500, 3400): [50.0, 20.0, 10.0, 40.0, 0.0, 50.0], (8200, 4400): [100.0, 50.0], (4600, 400): [10.0], (5600, 200): [40.0], (6500, 2700): [40.0], (6700, 800): [40.0, 100.0], (7300, 4200): [30.0], (8400, 4800): [100.0, 30.0, 0.0], (5300, 3400): [40.0, 20.0, 0.0, 40.0], (4300, 3100): [0.0, 40.0, 70.0, 20.0, 0.0, 0.0, 20.0, 0.0], (7300, 5100): [50.0, 100.0, 0.0], (4300, 1900): [10.0], (6400, 1300): [40.0], (1000, 700): [70.0, 40.0], (2900, 1100): [40.0, -1.0], (3900, 1000): [30.0], (8000, 5200): [20.0, 30.0, 0.0, 100.0], (8900, 4600): [10.0, 100.0, 100.0, 100.0], (1900, 1400): [90.0, 40.0, 30.0, 50.0, 60.0, 90.0], (6500, 3800): [0.0], (7900, 2200): [100.0, 20.0], (7800, 400): [80.0], (5700, 2900): [70.0], (6400, 3800): [0.0, 20.0, 20.0, 90.0], (6000, 1000): [40.0], (6300, 4200): [10.0, 0.0, 100.0, 90.0], (8400, 0): [90.0, 90.0, 90.0], (7200, 400): [50.0], (4900, 1900): [50.0], (6200, 400): [60.0], (1400, 400): [10.0, 0.0, 10.0, -1.0], (4300, 1200): [40.0, 10.0], (5700, 3300): [0.0, 0.0, 0.0, 20.0, 10.0], (5800, 4300): [0.0, 40.0, 20.0, 60.0, 100.0, 20.0, 0.0, 20.0, 20.0, 90.0, 20.0], (6400, 4600): [30.0, 20.0, 60.0, 40.0, 10.0], (5800, 3400): [40.0, 0.0, 70.0], (8500, 4000): [100.0], (2200, 300): [10.0], (6300, 4000): [100.0, 0.0, 20.0, 60.0, 50.0, 100.0, 20.0, 40.0], (5200, 2200): [0.0, 100.0, 20.0, 20.0], (7700, 5500): [100.0], (3100, 1700): [40.0, 40.0, 20.0, 60.0], (5500, 2400): [30.0, 10.0], (4200, 1900): [30.0, 50.0], (5900, 600): [50.0], (2200, 1400): [60.0, 50.0, 50.0, 60.0, 70.0, 50.0], (5300, 3300): [10.0, 80.0, 40.0], (3300, 300): [0.0, 10.0], (4300, 300): [10.0, -1.0], (7100, 1200): [40.0, 80.0, 30.0, 50.0], (7700, 400): [90.0, 80.0], (8800, 2200): [100.0, 100.0], (4600, 2200): [0.0], (8800, 5100): [80.0, 80.0], (5100, 200): [10.0, 30.0], (3700, 1100): [-1.0], (7900, 100): [80.0], (6400, 4900): [0.0], (7100, 3400): [100.0, 60.0], (8500, 5700): [100.0], (3600, 2700): [60.0, 20.0, 50.0, 40.0, 40.0, 50.0], (400, 200): [20.0, 0.0, 30.0, 60.0, 0.0, 30.0], (6800, 1800): [10.0], (6800, 4000): [10.0, 80.0, 100.0, 90.0, 10.0], (8200, 2200): [100.0, 100.0], (4800, 2500): [80.0, 0.0, 60.0, 40.0, 40.0], (4300, 1500): [10.0, 30.0, 0.0], (4900, 3200): [10.0, 0.0, 40.0, 30.0, 10.0, 0.0], (6200, 3400): [10.0], (2500, 1800): [40.0, 60.0, 40.0, 50.0, 50.0, 10.0, 70.0], (2100, 1700): [20.0], (7900, 1600): [100.0, 80.0], (3900, 2600): [80.0, 30.0, 30.0, 30.0, 40.0, 40.0, 20.0, 30.0, 50.0, 60.0], (3500, 700): [20.0], (4400, 2900): [10.0, 20.0, 50.0, 100.0], (8200, 5300): [100.0, 100.0, 70.0, 100.0], (5900, 3900): [0.0, 90.0, 0.0, 80.0, 70.0, 0.0], (7200, 3900): [70.0], (7900, 1900): [80.0], (6500, 4400): [20.0, 70.0, 100.0, 20.0, 70.0, 20.0, 80.0], (7600, 5200): [30.0, 20.0, 70.0], (5700, 4200): [0.0, 20.0], (7300, 3400): [100.0, 100.0], (3400, 800): [-1.0], (2300, 0): [0.0], (3200, 1400): [40.0], (6300, 500): [50.0, 40.0, 60.0, 40.0], (6900, 5000): [90.0, 90.0], (4700, 1900): [10.0], (7200, 1500): [20.0], (6200, 3200): [10.0], (5200, 2000): [30.0, 30.0, 20.0], (3800, 1200): [20.0, 10.0, 20.0], (6300, 3600): [90.0, 90.0], (3800, 200): [-1.0, 10.0], (7900, 800): [90.0], (2400, 1000): [40.0, 10.0], (3600, 1100): [20.0], (1700, 500): [50.0], (4200, 1700): [0.0], (6000, 4100): [60.0, 0.0, 100.0], (8100, 3600): [10.0], (8600, 5200): [50.0, 80.0, 50.0], (0, 0): [100.0], (5500, 200): [30.0, 30.0], (3900, 2900): [80.0, 20.0, 50.0], (6900, 200): [50.0], (8800, 5500): [100.0, 0.0], (8700, 2900): [100.0], (8400, 5100): [20.0, 80.0, 100.0, 100.0], (8200, 3000): [20.0, 30.0, 70.0, 20.0], (1400, 700): [40.0, 10.0, 20.0, 60.0], (5500, 2100): [10.0], (7400, 1500): [60.0, 70.0], (6700, 2200): [30.0, 70.0, 80.0], (7400, 5000): [20.0, 100.0, 90.0], (6600, 3100): [100.0, 10.0, 100.0, 100.0], (6600, 400): [50.0], (6900, 2600): [10.0], (8500, 5200): [100.0, 0.0, 0.0, 20.0], (1500, 100): [-1.0], (4900, 3400): [40.0, 20.0, 80.0, 20.0, 0.0, 10.0, 0.0, 0.0, 20.0], (3900, 1800): [10.0], (2500, 1300): [20.0, 30.0], (3700, 800): [30.0, 10.0, 30.0], (4500, 3100): [10.0, 20.0, 0.0, 70.0, 20.0, 40.0, 20.0, 40.0], (6300, 0): [50.0], (5900, 3400): [20.0, 20.0, 0.0, 30.0], (5500, 4100): [0.0, 0.0, 30.0, 70.0, 50.0, 0.0], (2300, 1700): [70.0, 20.0, -1.0, 60.0, 60.0], (2500, 200): [-1.0], (5600, 2100): [20.0, 60.0], (6700, 4400): [50.0, 90.0], (6500, 900): [30.0], (8500, 1600): [20.0], (2700, 1700): [90.0, 50.0, 60.0], (8200, 2500): [100.0], (2500, 1200): [10.0, -1.0, 30.0, 30.0], (8500, 2400): [100.0], (7800, 200): [80.0, 80.0], (7500, 200): [80.0], (3900, 700): [-1.0, 10.0, 10.0], (5700, 2800): [40.0, 0.0], (6200, 3800): [30.0, 30.0, 10.0], (6100, 2500): [80.0, 20.0], (2600, 100): [10.0, 20.0], (5600, 4000): [20.0, 0.0, 10.0, 30.0, 0.0, 50.0, 100.0], (5300, 3700): [0.0, 0.0, 40.0, 0.0, 0.0, 10.0, 0.0], (3500, 1300): [90.0], (5300, 1900): [0.0], (7200, 4800): [100.0, 0.0, 60.0, 100.0, 0.0], (7700, 3700): [60.0], (5800, 3600): [20.0, 10.0], (3600, 800): [10.0, 20.0], (4700, 600): [30.0, 10.0], (3500, 2300): [50.0, 40.0, 80.0, 40.0, 10.0, 30.0, 30.0, 40.0], (8600, 800): [100.0, 80.0], (7900, 3300): [100.0], (6600, 3800): [0.0, 30.0, 0.0, 40.0], (4200, 3400): [90.0, 40.0], (1400, 900): [30.0, 40.0, 30.0, 40.0, 50.0, 40.0, 20.0], (2500, 1900): [100.0, 50.0, 80.0, 60.0, 50.0, 60.0], (3000, 1600): [20.0, 60.0, 20.0, 40.0], (4600, 2600): [10.0, 0.0], (7000, 0): [60.0, 60.0], (7000, 3100): [20.0, 90.0, 100.0, 70.0], (4400, 3400): [10.0], (5200, 2600): [50.0, 0.0, 10.0, 30.0], (5000, 3700): [10.0, 40.0], (6900, 4400): [0.0, 0.0], (8200, 3700): [100.0, 100.0], (6900, 4500): [90.0, 40.0, 40.0, 20.0, 50.0, 60.0], (2400, 1200): [20.0, 30.0, 50.0, 20.0], (4200, 2300): [40.0, 10.0, 10.0, 10.0], (2300, 300): [0.0], (5800, 2400): [0.0], (8200, 4900): [100.0, 60.0], (4600, 1400): [10.0], (2400, 0): [-1.0, 0.0, -1.0, 10.0], (4700, 1000): [10.0], (8600, 4400): [100.0], (2100, 1300): [70.0, 70.0, 50.0, 50.0, 40.0], (7600, 1600): [90.0], (3400, 2300): [80.0, 40.0, 80.0, 40.0, 70.0, 60.0, 30.0], (8600, 1300): [60.0, 50.0], (8800, 700): [100.0, 100.0], (6200, 4700): [10.0, 20.0], (4100, 2400): [10.0], (7600, 3400): [30.0, 50.0, 10.0, 70.0, 100.0], (3600, 900): [10.0, 20.0], (5600, 600): [20.0], (7300, 100): [70.0, 70.0], (5500, 900): [10.0], (5700, 3000): [10.0, 0.0], (2200, 1600): [10.0, 50.0, 30.0, 60.0, 40.0, 60.0, 50.0], (5500, 3000): [10.0, 0.0, 60.0, 30.0], (7000, 4000): [10.0, 100.0, 70.0, 100.0, 0.0, 100.0], (5000, 2700): [20.0, 0.0, 20.0, 10.0, 20.0], (2000, 200): [10.0], (8400, 2300): [100.0], (2600, 1800): [50.0, 10.0, 40.0, 50.0], (6900, 3500): [40.0, 30.0], (5100, 2600): [70.0, 0.0, 0.0, 40.0, 60.0], (5100, 700): [20.0, 10.0], (5300, 1100): [40.0], (8300, 4800): [100.0, 50.0, 100.0], (7300, 4900): [50.0, 30.0, 100.0, 10.0, 100.0], (5100, 1800): [50.0, 20.0], (2900, 2300): [50.0, 100.0], (3100, 2400): [60.0, 30.0, 30.0], (3000, 2400): [60.0], (4100, 3200): [-1.0, 50.0, 60.0], (5800, 2600): [20.0, 30.0, 40.0], (8700, 3800): [100.0], (6300, 100): [50.0], (3600, 2500): [30.0, -1.0, 30.0], (3100, 1200): [-1.0], (2900, 500): [-1.0, 10.0], (7400, 500): [80.0, 50.0], (7100, 2900): [40.0], (3300, 2600): [50.0], (6700, 3600): [0.0, 100.0, 100.0], (8600, 2400): [10.0], (4000, 3100): [50.0], (6300, 2500): [20.0, 10.0], (8700, 1200): [80.0], (8100, 2600): [90.0], (5300, 200): [10.0], (3500, 2200): [20.0, 50.0, 20.0, 100.0, 20.0, 50.0, -1.0], (7500, 3900): [100.0], (6200, 1400): [30.0, 50.0], (7200, 900): [30.0, 70.0], (8600, 4800): [100.0], (6000, 300): [30.0, 30.0, 40.0], (6000, 3600): [0.0, 30.0], (6400, 3700): [30.0, 100.0, 30.0], (5000, 4000): [0.0], (1600, 300): [10.0], (6600, 3400): [20.0, 40.0, 10.0, 40.0, 50.0, 70.0], (6000, 2100): [10.0, 60.0], (7900, 3000): [40.0, 100.0], (7800, 1800): [100.0], (8100, 1600): [100.0, 90.0], (5900, 2600): [0.0], (8000, 3400): [30.0], (6000, 1200): [70.0], (2200, 400): [0.0], (6200, 700): [10.0], (8200, 0): [90.0, 90.0], (1800, 100): [10.0], (5700, 400): [30.0], (5400, 3800): [10.0, 0.0, 30.0, 0.0, 30.0, 0.0, 60.0, 0.0], (3200, 300): [0.0], (3000, 2100): [-1.0, 20.0, 30.0, 30.0, 50.0], (7100, 300): [60.0], (8900, 2600): [100.0], (8500, 1300): [100.0, 70.0], (2900, 1600): [20.0, 40.0, 40.0], (7500, 4100): [0.0, 100.0], (8200, 3600): [70.0], (7700, 5200): [10.0, 0.0, 10.0, 100.0], (4700, 900): [0.0], (4400, 600): [10.0], (7600, 1000): [40.0, 90.0], (5100, 3800): [0.0, 0.0, 100.0, 80.0, 0.0, 0.0], (2400, 1600): [0.0, -1.0, 50.0, 20.0, 30.0, 40.0, 70.0, 30.0], (8300, 200): [100.0], (4800, 700): [10.0], (3800, 1800): [10.0], (7700, 3400): [20.0, 100.0, 100.0, 60.0], (2600, 2100): [60.0], (6900, 3600): [60.0], (5100, 2100): [30.0, 0.0, 0.0], (6600, 2900): [40.0], (1800, 1000): [60.0], (6800, 3300): [70.0, 20.0], (4100, 1800): [10.0, 30.0], (5800, 3500): [0.0, 70.0, 10.0, 80.0, 50.0, 10.0], (7700, 1600): [60.0], (7300, 1200): [100.0], (4600, 300): [10.0, 0.0], (6600, 4100): [40.0, 30.0, 0.0, 60.0, 20.0, 50.0], (5800, 4900): [40.0], (4800, 0): [0.0, 10.0, 10.0, 10.0], (3600, 2800): [30.0, 50.0], (5200, 4200): [10.0], (8200, 3500): [100.0], (5200, 100): [20.0], (5800, 4000): [0.0, 0.0, 40.0, 0.0, 10.0, 50.0, 10.0], (6900, 0): [60.0, 60.0], (5200, 400): [20.0], (7000, 300): [60.0, 80.0], (7400, 3400): [100.0, 100.0, 100.0], (2700, 600): [-1.0, -1.0], (6400, 3400): [0.0, 90.0], (5600, 4200): [50.0, 20.0], (7100, 2800): [80.0], (4700, 2600): [0.0, 30.0], (7700, 4700): [20.0, 80.0], (5200, 3000): [10.0, 30.0, 70.0, 0.0, 30.0, 0.0], (7900, 5500): [100.0], (1900, 0): [10.0, 10.0], (3300, 2500): [40.0, 30.0, 30.0], (7600, 5300): [10.0], (2600, 1300): [-1.0, 30.0, 10.0], (5300, 3500): [10.0, 10.0, 20.0, 0.0], (3600, 600): [30.0], (7300, 400): [70.0, 70.0], (3500, 2800): [30.0, 30.0], (4400, 2000): [60.0, 30.0, 20.0, 50.0], (4200, 2800): [0.0, 30.0, 50.0, 40.0, 20.0, 20.0, 0.0, 30.0], (6200, 3100): [0.0, 70.0], (4500, 2500): [100.0, 50.0, 100.0, 40.0, 20.0], (6100, 3200): [60.0, 10.0, 0.0], (7000, 600): [60.0, 80.0], (7500, 1200): [40.0, 80.0], (3400, 1400): [10.0], (900, 500): [10.0, 30.0], (6200, 1300): [50.0, 60.0], (8000, 2600): [100.0, 30.0], (7800, 5500): [70.0, 60.0, 100.0], (1600, 800): [-1.0, 40.0], (8800, 5700): [10.0], (8700, 3700): [80.0, 100.0, 100.0, 100.0], (1500, 800): [40.0, 20.0], (1500, 1100): [50.0, 70.0, 40.0, 70.0, 30.0], (6700, 1200): [100.0], (8300, 3300): [100.0, 100.0], (4900, 2400): [40.0], (600, 200): [40.0], (3700, 2500): [80.0, 50.0, 40.0, 40.0, 40.0, 60.0, 80.0, 40.0, 100.0, 50.0], (2800, 900): [20.0], (4200, 1100): [10.0, 20.0, -1.0], (7800, 2500): [100.0, 50.0, 20.0], (7400, 4500): [100.0, 100.0, 100.0], (8700, 3100): [100.0, 30.0], (5700, 3500): [10.0, 70.0, 90.0, 40.0], (2700, 1200): [50.0, 10.0, 40.0, 30.0, 10.0], (6800, 3700): [100.0, 0.0], (4700, 3800): [0.0], (5700, 500): [40.0], (4500, 2000): [40.0, 0.0], (8600, 0): [100.0], (8400, 3600): [50.0, 30.0], (4700, 2000): [30.0, 70.0], (4500, 2900): [70.0, 0.0, 20.0, 20.0, 0.0, 20.0, 50.0, 30.0, 20.0], (7100, 2600): [50.0], (1600, 400): [-1.0], (8200, 4200): [40.0, 100.0, 70.0, 100.0], (4700, 3400): [20.0, 20.0, 0.0, 20.0, 20.0, 90.0, 60.0], (2000, 1300): [50.0, 30.0, 40.0, 50.0, 20.0, 30.0], (8200, 4500): [100.0, 100.0, 50.0, 40.0], (2500, 500): [30.0], (8000, 2900): [100.0], (6900, 4600): [100.0, 100.0, 10.0, 100.0, 10.0], (6600, 800): [50.0, 30.0], (1700, 1100): [20.0, 40.0, 20.0, 50.0, 40.0, 40.0], (8100, 4300): [40.0], (6900, 4900): [90.0, 30.0], (3500, 2600): [50.0, 20.0], (5200, 700): [40.0], (4300, 2100): [40.0, 10.0], (800, 500): [20.0, 20.0, 60.0, 40.0, 80.0], (6900, 3700): [100.0, 50.0, 50.0, 100.0], (3400, 2100): [40.0, 30.0, 60.0, 60.0, 50.0], (7800, 1500): [100.0], (5500, 3700): [50.0, 60.0, 70.0, 20.0], (7000, 3200): [100.0], (8000, 5000): [0.0, 100.0, 100.0, 0.0], (5100, 3400): [30.0, 60.0, 30.0, 20.0, 20.0, 10.0, 0.0, 50.0, 90.0, 60.0], (7600, 4600): [40.0, 30.0, 0.0], (5700, 1600): [60.0], (4100, 500): [10.0, 10.0], (7500, 5100): [50.0, 10.0], (2000, 700): [20.0], (7500, 400): [70.0, 60.0], (7400, 4200): [0.0, 90.0, 20.0], (8300, 300): [80.0, 80.0], (1200, 300): [10.0, 10.0], (7300, 2700): [20.0, 100.0, 60.0], (8500, 1500): [80.0, 10.0], (5200, 3600): [0.0, 10.0, 0.0, 70.0, 10.0, 30.0], (4900, 2600): [10.0], (7500, 2700): [100.0], (6800, 4700): [30.0, 60.0, 100.0, 0.0, 100.0, 20.0], (4300, 2900): [0.0, 20.0, 100.0, 50.0], (6400, 3300): [80.0, 10.0], (2900, 1200): [10.0], (8900, 5300): [100.0], (8900, 4400): [100.0], (6600, 4300): [50.0, 0.0, 10.0, 10.0, 0.0, 40.0, 80.0], (7600, 300): [70.0], (2900, 2100): [80.0, 40.0, 40.0, 20.0, 40.0, 60.0], (3200, 1900): [20.0, 50.0], (7700, 3100): [100.0], (7300, 800): [50.0], (2900, 300): [10.0, 20.0], (6700, 2300): [40.0], (1700, 1000): [20.0, 30.0, 40.0, 30.0, 40.0, 30.0, 60.0], (8300, 3000): [80.0], (6900, 300): [60.0, 70.0, 60.0], (7600, 5500): [0.0, 10.0], (3100, 0): [10.0], (4200, 200): [20.0], (8300, 5700): [20.0], (2600, 900): [30.0, 30.0], (500, 300): [40.0, 30.0, 20.0, 20.0, 20.0, 20.0, 20.0, 10.0, 70.0, 10.0], (3800, 2300): [30.0, 30.0, 90.0], (6300, 4700): [40.0, 30.0], (7300, 4400): [100.0, 0.0, 0.0], (8200, 2800): [100.0], (5300, 1800): [10.0], (6300, 2200): [50.0, 70.0], (8200, 4800): [100.0, 10.0, 0.0, 70.0, 90.0, 60.0, 50.0], (4300, 500): [30.0, 10.0], (4500, 1400): [30.0], (5900, 1300): [10.0], (5300, 1600): [40.0], (4200, 2900): [10.0, 0.0, 30.0, 30.0], (6700, 2800): [100.0], (4200, 2000): [10.0, 20.0, 20.0, 10.0], (6000, 3500): [100.0, 0.0, 0.0, 90.0], (4100, 1200): [10.0], (8700, 4100): [100.0, 100.0, 20.0], (3700, 1400): [10.0, 10.0, 20.0], (5200, 3400): [10.0, 50.0, 0.0, 20.0, 0.0, 60.0], (8200, 2900): [70.0, 80.0, 100.0], (1900, 400): [10.0, -1.0, 10.0], (6700, 100): [60.0, 50.0], (3700, 1700): [60.0, 30.0], (7900, 300): [90.0, 90.0], (8200, 4100): [100.0, 10.0, 100.0, 60.0], (1200, 1000): [60.0], (7100, 4700): [20.0, 0.0, 40.0], (4900, 1000): [0.0], (8600, 1600): [100.0], (5900, 2700): [70.0], (5800, 1800): [60.0, 50.0, 30.0, 40.0, 100.0, 0.0], (8300, 5100): [0.0, 100.0, 100.0, 100.0], (3400, 1500): [10.0, 20.0, 40.0], (3800, 400): [10.0], (8100, 5300): [20.0], (8900, 5800): [90.0, 10.0], (2900, 400): [20.0], (7200, 1100): [20.0], (8400, 5600): [10.0, 0.0, 100.0, 60.0], (7500, 4900): [100.0, 0.0], (5300, 2500): [0.0], (8200, 900): [80.0], (4000, 2300): [50.0, 50.0], (6500, 3900): [10.0, 70.0, 100.0, 80.0], (4300, 1700): [10.0, 10.0], (8500, 500): [90.0], (6100, 1300): [40.0], (8800, 1600): [80.0], (3600, 400): [10.0], (1700, 800): [10.0, 20.0, 10.0, 20.0], (4400, 2400): [20.0], (4500, 1700): [0.0, 0.0], (7000, 3400): [100.0], (8900, 1200): [100.0], (6100, 4100): [20.0], (6200, 200): [50.0], (3300, 1600): [70.0, 30.0, 30.0], (6100, 2300): [60.0], (7600, 2500): [10.0], (4700, 2100): [0.0], (7700, 4200): [10.0, 100.0], (7000, 5300): [50.0, 50.0], (3700, 2800): [90.0, 20.0, 50.0, 80.0], (4000, 800): [20.0, 20.0], (7000, 4400): [0.0, 90.0, 10.0, 20.0, 60.0], (1700, 1200): [50.0, 30.0], (1100, 100): [0.0], (8900, 0): [100.0], (1900, 1000): [10.0, -1.0], (6800, 3200): [100.0, 100.0, 80.0], (6700, 3000): [60.0], (2500, 1600): [20.0, 50.0, 40.0, 70.0, 40.0, 60.0, 80.0], (5900, 1600): [60.0, 30.0], (8700, 1900): [20.0], (3900, 900): [40.0], (7400, 3500): [10.0, 60.0, 100.0], (6400, 2200): [30.0, 20.0], (3600, 2300): [60.0, 20.0, 40.0, 40.0], (300, 100): [100.0], (5700, 3800): [10.0, 0.0, 0.0, 0.0, 20.0], (3100, 2200): [60.0, 30.0, 40.0, -1.0, 50.0, 60.0, 30.0, 60.0, 50.0], (2900, 1900): [20.0, 60.0, 20.0, 60.0, 80.0, 40.0, 20.0, 50.0, 40.0], (8400, 100): [100.0], (5000, 1600): [0.0], (6900, 4800): [20.0, 100.0], (3200, 2000): [30.0, 100.0, 60.0, 90.0, 40.0], (5500, 3400): [100.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0], (3300, 2100): [60.0, 70.0, 70.0, -1.0, 90.0], (5400, 3400): [0.0, 90.0, 100.0], (5000, 100): [10.0], (1300, 900): [90.0, -1.0, 30.0, 40.0, 40.0, 40.0, 70.0, 40.0], (8400, 1700): [100.0, 20.0, 100.0], (6900, 3900): [0.0, 20.0, 70.0, 40.0, 0.0], (8300, 2400): [20.0], (3300, 2000): [30.0, -1.0], (5200, 4000): [10.0, 100.0, 60.0], (5300, 2900): [10.0], (3300, 1300): [0.0], (4300, 3400): [100.0], (1300, 700): [60.0, 40.0], (7700, 1900): [10.0], (8500, 2100): [100.0, 70.0, 70.0], (1300, 300): [0.0], (7200, 2900): [0.0], (600, 100): [20.0, 20.0], (6900, 5100): [20.0], (1900, 500): [-1.0], (3700, 3000): [20.0], (5000, 3200): [10.0, 10.0, 0.0, 30.0], (6400, 1500): [60.0], (7600, 2600): [90.0, 90.0, 80.0], (7200, 2100): [30.0], (5900, 900): [0.0], (4300, 2800): [20.0, 10.0], (7800, 4800): [40.0, 10.0, 30.0, 20.0, 10.0, 0.0, 60.0, 90.0, 80.0, 20.0], (6700, 4200): [70.0, 60.0, 40.0, 60.0, 20.0, 70.0, 40.0], (4100, 100): [20.0], (7400, 1300): [70.0], (6900, 1400): [60.0], (5400, 2300): [10.0], (3900, 2200): [40.0, 10.0, 40.0, 50.0, 20.0], (7000, 900): [20.0], (7300, 1100): [60.0], (8200, 1500): [100.0, 80.0], (4800, 3400): [10.0, 20.0, 40.0, 50.0, 0.0, 50.0, 0.0, 0.0], (6600, 4900): [100.0, 50.0], (3800, 2400): [20.0, 30.0, 30.0, 50.0, -1.0, 70.0], (8200, 2700): [100.0, 50.0], (3200, 600): [40.0], (7000, 3300): [70.0], (8000, 3600): [10.0], (6500, 3400): [60.0], (5500, 800): [20.0], (1200, 600): [-1.0, 50.0], (7300, 4700): [70.0, 40.0, 80.0, 100.0, 100.0, 10.0, 70.0, 40.0], (6300, 4800): [100.0], (5500, 3200): [20.0, 0.0, 70.0, 20.0], (6000, 3900): [100.0, 0.0, 10.0, 70.0, 90.0, 10.0, 80.0, 100.0, 100.0], (7000, 2000): [80.0], (4100, 2700): [90.0, 30.0, -1.0, 20.0, 30.0, 30.0], (4700, 3300): [10.0, 70.0, 40.0, 20.0, 10.0], (8700, 300): [100.0, 100.0, 100.0], (7200, 4500): [100.0, 100.0, 10.0, 30.0], (5700, 4800): [0.0], (8600, 1000): [100.0, 30.0], (4800, 2600): [20.0, 30.0], (3900, 2000): [40.0, 20.0, -1.0, 30.0, 30.0], (6100, 500): [50.0, 20.0, 30.0], (6000, 1500): [60.0], (7600, 4800): [0.0, 30.0, 0.0, 100.0, 40.0, 100.0, 100.0], (5900, 3100): [10.0, 0.0, 100.0], (500, 0): [20.0, 30.0], (6200, 4500): [100.0, 0.0, 80.0, 40.0], (1600, 700): [20.0], (8200, 3200): [100.0], (7300, 500): [60.0], (7300, 4600): [100.0, 0.0], (2500, 1700): [50.0, 100.0, 60.0, 60.0, 20.0], (2300, 1000): [10.0], (4900, 3100): [0.0, 60.0, 20.0], (8900, 5700): [100.0, 10.0], (7300, 300): [60.0], (7200, 4100): [70.0, 100.0, 20.0, 70.0], (8200, 1200): [90.0], (3700, 400): [10.0, 10.0], (3000, 200): [0.0, -1.0, 0.0], (5100, 2700): [30.0, 0.0], (6600, 1300): [90.0], (7000, 3000): [0.0], (8600, 3300): [100.0], (7100, 4300): [0.0, 0.0], (3200, 100): [10.0], (4900, 1600): [10.0, 50.0], (4900, 1400): [40.0, 10.0], (8700, 3900): [100.0, 80.0], (5900, 4000): [20.0, 80.0, 90.0, 0.0, 0.0, 100.0, 100.0, 20.0], (3200, 1700): [50.0], (7900, 4500): [30.0, 100.0, 10.0, 30.0], (4700, 3700): [10.0], (8100, 3800): [30.0, 70.0, 100.0, 40.0], (8900, 5100): [100.0, 0.0, 100.0], (1100, 700): [60.0, 50.0, 40.0, 30.0, 50.0, 50.0], (5600, 3900): [90.0, 10.0, 90.0, 90.0, 0.0, 10.0, 10.0], (2600, 2000): [30.0], (8000, 2000): [100.0], (2700, 1600): [30.0, 70.0, 40.0, 60.0, 40.0], (1900, 1100): [90.0, 20.0, 30.0], (3400, 1600): [20.0], (5700, 3700): [0.0, 20.0, 40.0, 20.0], (4300, 600): [10.0], (8200, 3400): [0.0], (8400, 1300): [100.0], (4700, 2200): [20.0, 10.0], (5400, 1700): [40.0], (7400, 3800): [100.0, 80.0], (3800, 1500): [10.0], (8600, 2700): [100.0], (8300, 3800): [100.0, 80.0, 90.0, 100.0], (8700, 0): [100.0], (2000, 1500): [40.0, 30.0, -1.0, 20.0, 20.0], (700, 300): [50.0, 20.0, 50.0], (3300, 1800): [30.0, -1.0, 50.0], (7100, 2200): [50.0], (7800, 2800): [100.0, 100.0], (6400, 4200): [80.0, 0.0, 100.0, 10.0, 100.0, 0.0], (8600, 5500): [20.0], (8600, 3600): [50.0], (7500, 0): [70.0, 70.0, 70.0], (3400, 1300): [40.0, 10.0], (2400, 2000): [-1.0], (7500, 2500): [100.0, 100.0, 80.0], (6700, 2000): [0.0], (8300, 1700): [70.0], (8900, 2100): [100.0, 100.0], (8900, 3000): [20.0], (1800, 900): [20.0], (3700, 600): [10.0, 10.0, -1.0, 10.0], (8000, 4600): [90.0, 70.0, 0.0], (2800, 1500): [-1.0, 10.0, 30.0, 40.0], (6700, 3800): [100.0, 90.0, 10.0, 100.0, 50.0], (6600, 600): [40.0], (5600, 2400): [10.0], (6400, 4000): [100.0, 40.0, 70.0], (3900, 1900): [60.0, 20.0], (3900, 1600): [-1.0, -1.0], (7000, 1300): [100.0], (6600, 2600): [60.0, 10.0], (8400, 5400): [70.0, 10.0, 100.0, 100.0], (5300, 4100): [0.0], (4400, 500): [10.0, -1.0], (3900, 1200): [40.0, 50.0], (5400, 2700): [20.0, 50.0, 30.0, 60.0], (8500, 2300): [50.0], (7800, 3700): [20.0], (3000, 0): [10.0], (8300, 5500): [100.0, 20.0, 100.0], (7000, 3700): [20.0, 60.0, 10.0], (8800, 5400): [10.0, 100.0], (5600, 3700): [0.0, 0.0, 0.0], (4700, 2300): [10.0], (5600, 2700): [0.0], (6200, 1700): [40.0], (6200, 4300): [60.0, 50.0, 80.0, 100.0], (3700, 1500): [10.0], (6000, 1300): [30.0], (7200, 200): [70.0, 60.0], (3900, 400): [-1.0], (5400, 3600): [30.0, 0.0, 10.0, 60.0, 90.0, 90.0, 100.0, 60.0], (6200, 2500): [70.0, 10.0, 100.0, 100.0], (6800, 2400): [40.0, 0.0], (5600, 100): [30.0], (5000, 900): [10.0, 10.0, 10.0], (8000, 3200): [40.0, 100.0, 100.0], (5300, 2200): [40.0, 10.0], (7500, 4400): [40.0, 100.0, 100.0, 100.0, 10.0], (6200, 4400): [100.0, 70.0, 0.0, 20.0, 10.0, 0.0], (3700, 500): [0.0], (5700, 3600): [20.0, 60.0, 80.0, 80.0, 40.0, 0.0, 80.0], (2300, 700): [20.0, 10.0], (5100, 2800): [30.0, 80.0, 0.0, 60.0], (3700, 2000): [30.0, 10.0, 40.0, 80.0], (5500, 2600): [-1.0], (4400, 1400): [40.0], (3400, 1000): [-1.0, 20.0], (1200, 100): [10.0], (6800, 0): [60.0], (1500, 400): [10.0], (2800, 1600): [60.0, 40.0, 20.0, 20.0, 20.0], (7100, 4000): [60.0, 20.0, 60.0, 0.0], (3100, 1800): [50.0, 20.0, 40.0, 50.0, 30.0], (7400, 5200): [10.0, 0.0], (5400, 2900): [30.0, 10.0, 60.0, 30.0, 0.0, 0.0, -1.0], (3900, 1700): [30.0, 20.0, 10.0], (6500, 2800): [10.0], (7700, 1400): [100.0], (200, 100): [-1.0], (5100, 3500): [20.0, 30.0, 30.0, 0.0, 10.0, 60.0, 0.0, 0.0, 70.0, 30.0, 30.0], (2800, 1700): [30.0, 10.0, 70.0, 70.0, 80.0, 60.0, 40.0, 20.0], (6400, 2700): [40.0, 70.0, 70.0, 70.0], (8900, 5500): [80.0, 0.0], (6000, 4500): [10.0, 0.0], (7100, 4400): [0.0, 40.0, 10.0], (5100, 4000): [10.0, 10.0], (6400, 1000): [10.0, 40.0, 80.0], (4200, 300): [10.0], (5300, 1200): [20.0, 10.0], (8800, 3400): [100.0], (4600, 3500): [70.0, 10.0], (8500, 1200): [100.0], (4000, 1500): [40.0], (6800, 2300): [100.0, 70.0], (5600, 400): [20.0, 30.0, 30.0, 30.0], (3600, 1400): [-1.0, 50.0], (6800, 3400): [0.0, 40.0, 0.0], (6200, 500): [50.0, 20.0], (7600, 4900): [10.0, 30.0, 70.0, 0.0, 0.0], (6600, 1600): [70.0, 90.0, 30.0], (7300, 5200): [30.0], (6500, 3600): [0.0], (7200, 300): [60.0], (8000, 2300): [100.0], (7600, 4000): [0.0], (8800, 900): [100.0, 80.0, 80.0], (5500, 1400): [30.0], (8700, 5100): [100.0], (5400, 3900): [0.0, 80.0, 0.0, 20.0, 60.0, 20.0, 0.0, 30.0, 20.0], (4900, 3300): [100.0, 70.0, 40.0, 20.0], (6100, 4800): [50.0], (2300, 1300): [20.0, 30.0], (8100, 4000): [90.0], (5800, 3900): [0.0, 30.0], (6400, 4700): [100.0, 0.0, 60.0, 0.0, 0.0, 0.0, 20.0, 20.0], (3200, 2300): [50.0, 30.0, 70.0, 30.0, 30.0, 30.0], (6600, 1200): [-1.0], (8400, 4200): [100.0], (7000, 5000): [0.0, 60.0], (8300, 3200): [40.0], (8000, 5600): [100.0], (8900, 5200): [90.0, 80.0, 100.0, 20.0, 100.0, 60.0], (6600, 3200): [30.0, 0.0], (8900, 3900): [100.0, 100.0], (1500, 1000): [40.0, 30.0, 50.0, 50.0, 50.0, 60.0], (6000, 3000): [0.0, 40.0], (6600, 2200): [60.0], (6700, 3400): [90.0, 100.0, 20.0], (7900, 3200): [100.0], (4500, 900): [20.0, 10.0], (6100, 0): [40.0, 40.0, 40.0], (5600, 3600): [50.0, 0.0, 10.0, 0.0, 80.0, 0.0, 0.0], (5800, 2700): [100.0, 0.0, 60.0, 30.0, 60.0], (7200, 4200): [50.0, 40.0, 0.0, 100.0], (6800, 1300): [80.0], (7200, 100): [70.0], (8800, 4700): [0.0], (3800, 2800): [30.0, 40.0], (7200, 5200): [100.0, 0.0], (5700, 4100): [0.0, 0.0, 70.0, 0.0, 50.0], (8800, 5300): [100.0, 20.0, 30.0], (2300, 1100): [10.0], (2600, 1600): [40.0, 40.0, -1.0, 40.0, 80.0, 50.0, 20.0], (5400, 4000): [40.0, 0.0, 80.0], (6400, 3000): [0.0], (2700, 1400): [20.0], (2600, 600): [-1.0, 10.0], (5100, 2900): [60.0, 0.0, 10.0, 20.0, 0.0, 20.0], (8200, 4300): [90.0, 0.0, 10.0], (8600, 5100): [10.0, 100.0, 100.0], (3100, 1500): [40.0], (7700, 4800): [10.0, 100.0, 100.0, 0.0], (7800, 500): [80.0], (5700, 4500): [0.0], (7000, 2300): [0.0, 0.0], (8400, 5000): [80.0, 100.0], (1800, 1300): [40.0, 20.0, 0.0, 50.0, 40.0, 80.0, 60.0, -1.0], (4200, 2600): [40.0, 30.0, 40.0, 10.0, 30.0, 30.0], (5000, 3900): [100.0], (7100, 4100): [90.0, 70.0, 90.0], (8000, 4200): [30.0, 70.0, 100.0, 50.0, 100.0], (400, 300): [80.0], (6800, 2000): [60.0], (8500, 3800): [100.0], (5600, 2300): [40.0, 10.0], (5400, 2500): [20.0, 20.0], (4900, 3500): [0.0, 10.0, 0.0, 0.0], (7400, 2600): [100.0, 30.0], (8100, 5400): [10.0, 100.0, 90.0], (5400, 3200): [0.0, 100.0, 50.0, 20.0, 40.0, 10.0], (7900, 2700): [60.0], (7100, 1400): [30.0, 100.0], (4300, 1800): [10.0], (5300, 100): [20.0, 20.0], (2200, 200): [0.0, 0.0, 0.0], (5100, 2400): [0.0, 10.0, 10.0, 0.0], (8500, 2900): [100.0, 0.0], (4200, 2400): [60.0, 30.0, 50.0], (8800, 4300): [30.0, 0.0], (8300, 1500): [80.0, 90.0, 30.0], (4500, 2300): [0.0, 10.0, 40.0], (1700, 400): [10.0, 50.0], (8900, 5400): [100.0, 0.0, 100.0, 100.0, 10.0], (5700, 1300): [30.0], (4300, 200): [20.0, 10.0], (4600, 2900): [20.0, 100.0, 20.0, 0.0], (4700, 3100): [0.0, 100.0, 0.0, 100.0, 90.0, 40.0, 100.0, 0.0, 80.0, 20.0], (7200, 3700): [60.0, 100.0], (6300, 1900): [80.0], (6600, 3000): [20.0], (8000, 2700): [50.0], (7100, 5000): [30.0], (7400, 3600): [10.0, 10.0], (1200, 800): [40.0, 60.0], (4900, 2500): [10.0], (8600, 6200): [100.0], (5700, 200): [20.0], (8900, 2800): [60.0, 90.0], (8700, 5300): [20.0, 100.0, 100.0, 100.0], (8100, 4600): [90.0, 20.0, 0.0, 80.0, 10.0, 100.0], (7100, 1000): [80.0], (7900, 1200): [60.0], (8600, 5300): [100.0, 100.0, 0.0, 100.0], (5400, 2100): [0.0, 50.0], (2700, 1100): [20.0], (8100, 2800): [90.0, 70.0], (5700, 2700): [30.0, 0.0], (4700, 2400): [0.0], (2800, 700): [20.0, 40.0], (3900, 1400): [30.0], (5700, 3900): [60.0, 40.0, 20.0, 30.0, 30.0, 0.0, 10.0, 60.0, 10.0], (1600, 500): [20.0, 10.0], (1900, 1500): [40.0, 30.0], (2400, 1400): [20.0, 60.0, 60.0], (8800, 5000): [100.0, 100.0, 100.0, 0.0], (7300, 2800): [90.0, 80.0, 10.0, 0.0], (6300, 3700): [0.0, 100.0], (3500, 1000): [30.0, 10.0], (7300, 4000): [70.0, 20.0, 100.0, 100.0], (7400, 4800): [0.0, 100.0, 30.0, 30.0, 70.0, 100.0], (8900, 200): [100.0], (8000, 2200): [70.0, 70.0], (7000, 3500): [40.0, 30.0], (8800, 3900): [100.0, 80.0], (7500, 3300): [10.0, 50.0], (4400, 1500): [20.0, 0.0, 40.0], (4000, 1600): [60.0, 40.0], (6300, 4400): [0.0, 50.0, 0.0], (5600, 500): [30.0, 20.0], (3700, 2400): [30.0, 100.0, 50.0], (6800, 4300): [100.0, 100.0, 40.0, 100.0, 100.0], (6500, 3000): [30.0], (600, 500): [60.0, 40.0, 30.0, 40.0], (7200, 2400): [30.0], (7400, 4400): [100.0], (6700, 4800): [100.0, 50.0, 0.0, 30.0, 10.0], (2800, 2100): [40.0, 20.0, 30.0, 50.0, 40.0, 60.0, 70.0, 30.0], (6300, 3400): [70.0, 20.0, 20.0], (2200, 1000): [20.0], (5900, 2000): [70.0], (6200, 4000): [10.0, 40.0, 90.0, 60.0, 60.0], (2600, 1700): [30.0, 20.0, 20.0, 20.0, 40.0, 40.0, 30.0, 80.0, 50.0, 20.0], (8500, 5100): [20.0, 100.0, 0.0], (2600, 300): [10.0], (8400, 3400): [60.0, 10.0, 0.0], (700, 200): [20.0, 10.0, 10.0], (5900, 3300): [50.0, 10.0, 30.0, 30.0, 50.0, 90.0, 60.0, 90.0, 10.0], (2100, 200): [0.0], (8400, 4600): [10.0, 100.0, 0.0, 90.0, 100.0], (6600, 2500): [10.0], (7200, 4600): [10.0, 70.0, 50.0, 60.0, 60.0], (3400, 1700): [20.0], (5000, 3500): [60.0, 0.0, 0.0, 10.0, 0.0, 20.0, 80.0, 0.0, 60.0, 0.0, 60.0, 50.0, 0.0], (7200, 600): [60.0], (5800, 600): [20.0, 30.0, 30.0], (4400, 3100): [10.0, 30.0, 100.0, 40.0, 20.0, 80.0], (2800, 400): [-1.0], (8600, 5600): [100.0], (3100, 100): [-1.0, -1.0, 0.0], (7400, 4900): [70.0, 0.0, 0.0, 0.0], (3400, 2700): [10.0], (4400, 2600): [30.0, 0.0], (8100, 3200): [30.0], (1000, 600): [30.0, 60.0, 20.0, 10.0], (3800, 2000): [20.0], (7200, 1000): [100.0, 20.0, 30.0], (4800, 3600): [40.0], (1200, 400): [40.0, 20.0, 10.0], (3700, 2600): [70.0, 30.0, 70.0, -1.0, 60.0, 30.0], (7000, 3600): [80.0, 20.0], (1400, 500): [30.0, 30.0, 20.0], (7600, 5100): [100.0, 10.0, 60.0, 20.0], (5300, 4500): [50.0], (4200, 3000): [30.0, 100.0, 0.0, 100.0, 60.0, 60.0, 0.0, 10.0, 50.0, 20.0, 60.0, 30.0, 70.0, 10.0, 40.0, 40.0], (5700, 1000): [30.0, 50.0], (8000, 3700): [0.0, 90.0, 40.0], (2200, 1700): [90.0], (3200, 400): [-1.0, 0.0], (7000, 4300): [20.0, 0.0, 30.0, 20.0, 50.0, 90.0, 90.0], (7200, 3000): [10.0, 100.0, 70.0], (3400, 1900): [20.0, 30.0, 90.0], (5700, 4600): [0.0], (7200, 3500): [0.0, 10.0], (8800, 4000): [100.0], (6200, 1900): [50.0, 50.0, 40.0], (6500, 4000): [40.0, 100.0, 0.0, 10.0], (7700, 4600): [0.0], (6600, 2700): [90.0], (4800, 1800): [20.0, 0.0], (4600, 2500): [50.0, 40.0, 0.0], (6800, 200): [60.0], (5800, 4200): [60.0, 40.0, 20.0, 10.0, 20.0, 20.0], (5500, 4600): [10.0], (3800, 3000): [50.0], (5800, 3300): [0.0, 10.0, 0.0, 20.0, 0.0], (4500, 0): [0.0, -1.0, 10.0], (5900, 2100): [10.0, 40.0, 0.0], (3000, 1300): [40.0, 40.0], (4900, 2800): [50.0, 90.0, 80.0, 20.0, 30.0, 10.0], (5200, 200): [10.0], (7200, 1900): [100.0, 30.0], (5200, 3300): [0.0], (4900, 1300): [0.0, 0.0, 0.0, 10.0], (6700, 1900): [10.0, 70.0], (5600, 1400): [30.0], (8600, 4900): [100.0, 0.0], (5400, 400): [30.0, 30.0], (5900, 100): [30.0], (4200, 3100): [30.0, 20.0, 60.0, 10.0, 30.0], (5900, 300): [40.0], (7300, 2200): [10.0, 50.0], (6500, 4100): [40.0, 80.0, 10.0, 70.0, 100.0, 60.0], (3700, 0): [10.0, 20.0], (7800, 4600): [70.0, 0.0, 0.0], (5600, 4100): [30.0, 90.0, 60.0, 10.0, 20.0, 100.0, 0.0, 10.0, 70.0], (3800, 1600): [70.0, 50.0, 20.0], (4000, 3000): [30.0, 60.0, 20.0, 10.0], (8700, 4600): [10.0, 100.0, 0.0], (4800, 2400): [30.0, 20.0], (8300, 800): [100.0], (8400, 900): [90.0, 100.0], (5200, 1100): [30.0], (5000, 3400): [0.0, 10.0, 30.0, 0.0, 30.0, 70.0, 50.0, 0.0], (4300, 1600): [10.0], (3900, 2700): [40.0, 70.0, 30.0, 70.0, 100.0, 40.0, 60.0, 30.0], (8600, 1800): [100.0, 100.0], (8600, 2800): [100.0], (7900, 5300): [100.0, 100.0, 100.0], (7200, 3200): [70.0], (8000, 900): [100.0, 70.0, 30.0], (6000, 400): [40.0], (8300, 4400): [60.0], (6000, 4600): [0.0], (7600, 1900): [100.0], (7700, 5400): [50.0], (8300, 5200): [70.0, 10.0, 100.0, 20.0, 40.0], (5500, 3300): [0.0, 10.0], (8500, 3000): [40.0], (2000, 800): [30.0], (4900, 3000): [0.0, 0.0, 50.0, 0.0, 100.0], (5500, 2200): [50.0, 0.0], (7700, 3600): [80.0, 30.0], (8900, 3100): [30.0, 70.0], (7600, 5000): [50.0, 50.0, 0.0, 0.0], (4600, 3200): [20.0, 40.0, 0.0, -1.0, 30.0, 30.0, 20.0, 40.0, 40.0, 70.0, 30.0], (8100, 4400): [0.0, 20.0], (8100, 1500): [100.0], (7100, 4900): [0.0, 50.0, 100.0], (7700, 1800): [100.0, 100.0, 10.0], (4000, 2700): [20.0, 40.0, 30.0, 30.0, 10.0, 20.0, 40.0, 50.0, 50.0, 50.0, 20.0, 40.0, 40.0, 30.0], (4600, 3700): [40.0, 100.0], (8100, 3500): [60.0, 40.0], (6900, 4100): [40.0, 100.0, 60.0, 90.0, 40.0, 100.0, -1.0, 80.0], (7100, 3900): [70.0, 10.0], (2500, 400): [10.0, -1.0], (8400, 200): [90.0], (3400, 2400): [20.0, 80.0, 70.0, 60.0, 30.0, 20.0, 40.0], (5100, 1700): [20.0], (1800, 700): [20.0, 10.0], (3500, 1800): [40.0, 90.0, 30.0], (7900, 1400): [40.0, 100.0], (6300, 700): [60.0], (8700, 800): [90.0, 90.0], (7000, 4700): [100.0, 30.0, 100.0], (5500, 2500): [60.0, 50.0], (2100, 500): [10.0, 10.0], (1600, 1100): [30.0, 40.0, 60.0, 10.0, 20.0, 40.0, 10.0, 30.0, 20.0], (400, 0): [40.0], (7500, 3600): [100.0], (7700, 4900): [100.0, 20.0, 10.0, 30.0, 0.0, 100.0], (6200, 2200): [50.0], (4800, 3500): [50.0, 70.0, 20.0, 20.0, 0.0, 40.0, 100.0], (8300, 700): [60.0, 100.0], (4200, 600): [10.0], (4200, 3200): [40.0, 10.0, 40.0, 30.0, 40.0, 30.0], (4300, 2200): [40.0], (5700, 2200): [0.0, 20.0], (3400, 2500): [20.0, 30.0, -1.0, 50.0, 50.0, 30.0], (5500, 3800): [0.0, 40.0, 20.0, 100.0, 30.0, 50.0, 40.0], (5300, 4300): [30.0], (6300, 2000): [40.0, 60.0, 10.0], (4600, 2000): [10.0], (4800, 1300): [0.0, 10.0], (3800, 2500): [10.0, 90.0, 30.0, 50.0, 60.0, 80.0, 40.0, 20.0], (8800, 2400): [30.0], (2000, 600): [10.0], (6500, 2300): [100.0, 40.0], (900, 700): [50.0, 50.0, 10.0], (8500, 4600): [40.0, 100.0], (7300, 4100): [90.0, 60.0, 20.0, 100.0], (5400, 3300): [60.0], (8800, 2000): [100.0], (7500, 2800): [0.0], (5000, 3300): [40.0, 0.0, 40.0, 50.0, 0.0, 60.0, 20.0, 0.0], (6500, 1600): [50.0], (7000, 2200): [10.0, 60.0, 80.0], (6400, 3200): [80.0, 20.0], (6800, 4800): [70.0, 10.0], (7500, 1500): [50.0], (3800, 0): [10.0], (8500, 3700): [90.0, 60.0, 100.0], (8300, 3900): [100.0], (7400, 3000): [100.0, 100.0, 60.0], (3100, 800): [10.0], (8000, 1800): [100.0], (3200, 1800): [60.0, 40.0, 20.0], (6000, 600): [20.0], (6700, 4000): [60.0, 10.0, 0.0, 50.0], (8900, 4100): [100.0], (2400, 600): [-1.0], (8700, 5000): [100.0], (7900, 2100): [60.0], (8000, 4100): [100.0, 30.0, 50.0, 100.0], (8500, 100): [100.0, 100.0, 90.0, 90.0], (7200, 4700): [0.0, 40.0, 40.0, 100.0, 0.0], (2500, 900): [-1.0, 30.0], (7900, 3600): [60.0], (8600, 3400): [10.0, 0.0], (7200, 3800): [0.0], (6100, 3700): [40.0, 20.0], (6700, 1400): [50.0], (4000, 2800): [70.0, 20.0, 30.0, 20.0, 40.0, 50.0, 30.0, 10.0], (8200, 2400): [100.0], (4500, 1600): [30.0], (7200, 2300): [30.0], (6400, 1100): [30.0], (4000, 2100): [20.0, 40.0], (7600, 3100): [10.0, 10.0, 10.0], (3500, 100): [-1.0, 0.0], (7400, 1700): [70.0, 80.0], (5000, 600): [0.0, 20.0], (5700, 800): [20.0], (8000, 4800): [60.0, 30.0, 50.0, 30.0, 0.0, 0.0], (6200, 2300): [70.0], (6400, 1400): [20.0], (8800, 3500): [100.0, 50.0], (8700, 1500): [40.0], (5900, 2500): [10.0, 50.0], (5400, 1000): [10.0], (6000, 2400): [30.0], (1300, 200): [10.0, 20.0, 0.0, -1.0], (1400, 100): [10.0, 30.0, 0.0], (3200, 1500): [40.0], (5900, 2900): [30.0, 0.0, 10.0], (4500, 600): [10.0, 30.0], (8400, 3800): [50.0], (1900, 300): [0.0], (5700, 4400): [0.0, 20.0, 40.0, 0.0], (3700, 1800): [20.0, 10.0, 40.0], (8200, 5200): [10.0, 100.0, 100.0, 10.0], (8600, 3700): [60.0], (3200, 1600): [30.0, 20.0, 30.0, 30.0, 40.0], (8000, 3100): [40.0], (7500, 4300): [90.0, 100.0, 70.0, 50.0, 0.0], (6700, 600): [60.0, 40.0], (3500, 900): [10.0, 20.0, 20.0], (8500, 2600): [100.0, 100.0, 100.0, 100.0], (5900, 2300): [10.0, 100.0], (4800, 1000): [40.0], (8300, 3600): [50.0], (7800, 5600): [100.0], (5300, 1400): [10.0], (2400, 200): [-1.0], (2900, 1500): [30.0], (8700, 1600): [100.0], (5300, 700): [0.0, 20.0], (5300, 2000): [60.0], (4900, 0): [10.0, 10.0], (6700, 3500): [0.0], (8200, 5100): [70.0, 100.0, 0.0, 100.0, 100.0, 50.0], (6600, 2300): [80.0], (4700, 1800): [10.0], (7800, 5000): [10.0, 30.0, 100.0], (2100, 1400): [60.0, 30.0, 20.0, 30.0, 30.0, 30.0, -1.0, 30.0], (5000, 1500): [10.0, 0.0], (8200, 5700): [0.0], (7600, 3000): [30.0], (4200, 900): [30.0], (6300, 200): [50.0, 50.0], (1500, 300): [20.0, -1.0], (4500, 2200): [30.0, 0.0], (4900, 3600): [10.0, 10.0, 50.0, 0.0, 0.0, 20.0], (4400, 0): [-1.0, 20.0], (6500, 3700): [0.0], (8800, 3300): [100.0, 100.0], (6200, 2900): [100.0, 100.0], (7700, 4500): [80.0], (5400, 3700): [10.0, 0.0, 0.0, 10.0, 0.0, 50.0, 70.0, 10.0], (6000, 3300): [100.0, 20.0, 100.0, 0.0, 30.0, 80.0], (6900, 4200): [80.0, 40.0, 100.0, 70.0, 0.0, 20.0, 70.0], (6100, 4000): [60.0, 30.0, 90.0, 70.0], (7800, 4200): [20.0, 0.0], (7300, 0): [70.0], (8000, 3300): [100.0, 60.0, 100.0], (2900, 1700): [20.0, 40.0, -1.0, 50.0, 30.0], (7800, 4000): [70.0], (8600, 3900): [100.0, 100.0, 90.0], (7900, 4600): [0.0], (8000, 3800): [70.0, 100.0], (5800, 2100): [50.0, 40.0], (4800, 2800): [30.0, 30.0, 20.0, 0.0, 30.0], (7800, 5100): [100.0, 90.0, 100.0], (5300, 300): [20.0, 10.0], (8000, 1300): [50.0], (5800, 1200): [70.0, 40.0], (5300, 2800): [30.0, 40.0, 30.0], (7800, 3600): [100.0], (7700, 2400): [100.0, 80.0, 100.0], (7900, 4100): [100.0], (6500, 4600): [100.0, 100.0, 100.0, 40.0], (8300, 1800): [40.0], (4000, 1900): [20.0, -1.0, 30.0], (4600, 2300): [20.0, 0.0], (7000, 2600): [30.0, 50.0], (2800, 1300): [10.0], (8800, 5600): [10.0, 10.0], (5800, 1000): [30.0, 20.0], (2600, 400): [10.0], (7800, 2100): [10.0], (7800, 3200): [50.0], (1900, 900): [30.0, 20.0, 30.0], (7300, 2600): [70.0, 100.0], (7700, 1300): [40.0, 60.0, 40.0], (4800, 2200): [10.0], (6500, 2000): [30.0, 60.0], (3800, 600): [20.0], (7300, 3800): [20.0, 0.0, 90.0], (6300, 3500): [0.0, 90.0, 90.0, 10.0, 100.0], (2300, 600): [0.0], (4500, 1900): [20.0], (8000, 4900): [100.0], (8500, 4800): [40.0], (7100, 100): [60.0, 60.0], (6900, 2400): [30.0, 0.0], (5300, 3600): [50.0, 10.0, 80.0, 0.0, 70.0, 70.0], (3700, 1900): [30.0, 30.0, 20.0, 40.0], (5800, 2900): [50.0, 50.0], (7500, 1900): [20.0], (2300, 1800): [70.0, 60.0, 60.0], (8100, 5200): [30.0, 100.0], (8200, 200): [80.0], (5500, 1300): [30.0, 10.0], (5600, 1700): [30.0, 40.0], (1600, 1000): [60.0, 10.0, 50.0], (5600, 4300): [40.0, 0.0, 20.0], (1400, 1000): [40.0, 10.0, 60.0, 70.0, 70.0, 40.0, 10.0], (3000, 2300): [30.0, 90.0, -1.0], (7800, 4300): [80.0, 90.0, 10.0], (6900, 2100): [100.0], (8900, 1000): [100.0], (7700, 800): [40.0, 30.0], (4700, 2900): [80.0, 60.0, 0.0, 0.0, 10.0], (4800, 2700): [0.0, 0.0], (2000, 1100): [50.0, 20.0, 40.0], (8200, 3800): [30.0, 10.0, 10.0], (6800, 300): [60.0, 70.0], (8000, 500): [60.0], (5500, 2000): [20.0, 30.0], (6500, 1500): [10.0, 60.0, 30.0], (8200, 5000): [50.0, 90.0, 60.0, 80.0, 0.0, 30.0], (5100, 3600): [0.0, 0.0, 100.0, 10.0, 10.0, 60.0, 0.0, 0.0, 0.0, 40.0, 40.0, 20.0, 10.0], (7500, 3100): [10.0, 50.0, 80.0], (2100, 1200): [30.0, 80.0, 30.0, 70.0], (2700, 1800): [30.0, 50.0, 20.0, 60.0, -1.0, 30.0, 60.0], (2700, 1900): [30.0, 70.0, 50.0, 40.0, 50.0, 80.0, 30.0, 30.0, -1.0, 40.0], (4600, 1800): [30.0, 0.0], (6800, 3100): [30.0, 10.0], (7400, 200): [70.0, 80.0, 70.0], (2600, 700): [40.0], (6900, 800): [60.0, 60.0], (6600, 3300): [10.0, 90.0], (8800, 3200): [40.0, 100.0], (8200, 100): [90.0], (4300, 3200): [0.0, 40.0, 20.0, 20.0], (2700, 2200): [70.0], (1200, 0): [10.0], (4500, 2600): [0.0], (3400, 300): [-1.0], (2400, 700): [30.0], (7000, 500): [30.0, 60.0], (5900, 4300): [20.0, 0.0, 20.0], (8300, 3500): [60.0], (6500, 4200): [60.0, 100.0, 0.0, 100.0], (6800, 4500): [0.0, 10.0, 100.0, 20.0], (8600, 5700): [40.0], (4000, 2600): [50.0, 30.0, 70.0, 70.0], (5900, 4500): [0.0, 0.0], (5200, 1700): [20.0, 20.0], (6800, 3800): [20.0, 20.0, 90.0], (4400, 1100): [20.0], (7300, 4800): [100.0, 0.0, 90.0, 20.0, 20.0, 30.0, 0.0, 100.0], (8100, 4800): [70.0, 80.0, 10.0, 50.0, 100.0], (4300, 1300): [30.0, 60.0], (4800, 1400): [20.0], (4900, 1700): [40.0], (8600, 4100): [20.0], (7900, 900): [60.0], (4100, 2800): [100.0, 40.0, 20.0], (7300, 4300): [0.0], (7800, 600): [80.0], (3000, 1900): [20.0, 40.0, 70.0, 50.0, 30.0], (3400, 500): [20.0], (2300, 900): [20.0], (7500, 3400): [40.0, 60.0], (5300, 1300): [50.0], (8300, 1600): [100.0, 50.0], (6500, 600): [50.0, 40.0], (6300, 2700): [10.0, 10.0], (2200, 900): [10.0, 30.0], (6100, 3500): [0.0, 100.0, 0.0, 30.0, 10.0, 100.0], (3900, 0): [10.0, 10.0], (8300, 3400): [10.0, 10.0, 0.0], (7600, 1100): [60.0], (4300, 700): [20.0, 40.0], (8100, 3300): [30.0], (6700, 5000): [10.0], (5700, 1400): [30.0, 20.0], (6100, 3300): [100.0, 10.0, 30.0], (7200, 1300): [90.0, 80.0], (7900, 3100): [30.0, 60.0], (7400, 3700): [100.0, 30.0, 50.0, 0.0], (3500, 1500): [20.0], (3800, 1400): [50.0], (3800, 2700): [30.0, 100.0, 30.0, 50.0, 40.0, 50.0, 90.0, 60.0], (4100, 2100): [20.0, 10.0], (7200, 3100): [10.0, 0.0], (6600, 3500): [100.0, 100.0, 100.0], (3400, 0): [10.0], (7800, 3500): [40.0], (7600, 2000): [30.0, 100.0], (8600, 3500): [100.0], (8300, 5400): [0.0], (2000, 400): [0.0], (5800, 2500): [40.0], (4600, 1500): [-1.0], (7100, 4500): [0.0, 0.0, 40.0, 40.0, 100.0, 50.0], (4400, 1000): [10.0], (5600, 1000): [20.0], (6400, 1900): [30.0], (3000, 2200): [20.0, -1.0, 30.0, 40.0, 40.0], (8600, 5900): [80.0], (5700, 2100): [0.0, 60.0], (4200, 100): [10.0, 10.0, 10.0, 20.0], (4400, 2800): [20.0, 10.0, 10.0, 0.0, 20.0], (7600, 1700): [100.0, 90.0], (7400, 2400): [90.0, 50.0], (3100, 1100): [20.0, 20.0], (6100, 1900): [70.0, 50.0], (7700, 700): [60.0, 100.0], (4500, 3300): [30.0, 10.0, 30.0, 50.0], (7900, 1100): [100.0, 80.0, 70.0], (4600, 3100): [20.0, 60.0, 50.0, 0.0, 30.0, 90.0, 0.0, 20.0, 40.0, 0.0, 0.0], (8500, 4500): [30.0, 70.0, 100.0, 10.0, 100.0], (4500, 1500): [20.0, 0.0], (8900, 4000): [100.0, 100.0, 100.0], (2400, 1700): [40.0, 70.0, 70.0, 20.0, 60.0, -1.0, 50.0, 40.0, 50.0], (6600, 2000): [100.0], (4800, 1600): [20.0], (5100, 3200): [20.0, 40.0, 0.0, 30.0, 10.0], (4900, 700): [10.0, 0.0], (7100, 4800): [10.0, 90.0, 10.0, 100.0], (6100, 1100): [20.0, 40.0], (7400, 3900): [100.0, 100.0], (4900, 2700): [0.0, 10.0, 20.0, 0.0], (7700, 4000): [10.0, 100.0, 100.0], (6800, 2700): [10.0, 30.0], (4800, 2000): [60.0, 60.0, 10.0, 30.0, 30.0], (7600, 3800): [100.0, 40.0, 100.0, 0.0], (3300, 100): [0.0], (5700, 1700): [10.0, 0.0], (5300, 3900): [20.0, 20.0, 20.0], (3700, 2100): [80.0, 30.0, 30.0, 30.0, 80.0, 70.0], (8900, 5600): [100.0, 100.0, 100.0], (4100, 900): [30.0, 30.0], (8200, 300): [90.0, 70.0], (8100, 2500): [100.0], (1500, 700): [20.0, 60.0], (6900, 3200): [100.0], (8700, 1700): [100.0, 100.0], (7700, 3300): [100.0, 70.0], (6100, 100): [40.0, 40.0], (8000, 600): [80.0, 90.0], (8700, 3400): [100.0], (7600, 3200): [40.0], (5400, 3000): [50.0], (8400, 1900): [10.0, 100.0], (8200, 3900): [0.0], (3100, 1900): [20.0, 30.0, 20.0, 20.0, 20.0], (3400, 900): [10.0], (7100, 1700): [30.0], (8800, 3700): [100.0, 100.0], (3700, 2200): [40.0, 40.0, 40.0, -1.0, 40.0], (3100, 700): [10.0, 10.0], (7900, 5000): [90.0, 100.0], (1800, 200): [10.0], (2100, 1500): [60.0, 10.0, 20.0, 60.0, -1.0], (6700, 3100): [30.0, 90.0, 0.0], (6200, 3700): [100.0], (7300, 2000): [100.0], (8300, 5300): [80.0, 30.0, 20.0, 10.0, 60.0], (4800, 3700): [20.0], (7800, 4400): [100.0, 30.0, 20.0, 0.0, 20.0], (6700, 4600): [70.0, 10.0, 50.0], (4900, 2000): [10.0, 90.0, 0.0], (2900, 100): [20.0, 0.0], (7800, 3800): [20.0], (5500, 4000): [80.0, 60.0, 60.0, 0.0, 10.0, 0.0], (1700, 1300): [50.0, 30.0], (4500, 400): [10.0, 10.0, -1.0], (8800, 4600): [40.0, 100.0, 30.0], (5500, 2800): [20.0], (4700, 700): [20.0], (7000, 2500): [100.0, 100.0], (4000, 1200): [30.0], (6500, 300): [30.0], (5500, 1600): [30.0, 10.0], (7900, 4200): [20.0, 50.0, 0.0], (6100, 4300): [0.0, 40.0, 40.0, 10.0, 0.0, 30.0, 100.0], (2300, 1400): [-1.0, -1.0, 20.0], (5400, 0): [20.0], (2600, 1900): [60.0, 80.0, 40.0, 90.0, 30.0, 30.0, 50.0, 30.0], (3200, 2200): [40.0, 50.0, 60.0, 40.0], (6400, 300): [60.0], (8900, 300): [100.0, 100.0], (8000, 5400): [0.0, 0.0, 20.0], (4600, 0): [0.0], (2800, 1900): [60.0, 50.0, 100.0, 30.0, 100.0, 40.0], (8300, 4900): [100.0, 100.0, 100.0], (6600, 900): [30.0, 70.0], (2800, 1800): [30.0, 10.0, 20.0, 40.0], (6400, 3600): [60.0, 0.0, 40.0, 40.0, 90.0], (4000, 2400): [40.0, 30.0, 70.0], (5900, 1100): [80.0], (2900, 2400): [40.0], (6000, 4000): [10.0, 0.0, 20.0, 40.0, 0.0, 0.0, 10.0, 100.0], (4700, 2700): [80.0, 80.0], (5200, 500): [30.0], (7500, 4600): [0.0, 100.0], (8700, 4900): [100.0, 0.0], (5300, 2700): [20.0, 10.0, 0.0], (8000, 4000): [30.0], (6000, 2500): [0.0], (4100, 2500): [30.0, 10.0, 50.0, 0.0, 60.0], (6600, 4500): [100.0, 80.0, 90.0, 0.0, 40.0, 40.0, 10.0, 0.0], (5000, 3100): [20.0, 0.0, 0.0, 0.0, 0.0], (4100, 1100): [20.0], (7900, 4800): [100.0, 100.0, 10.0], (7400, 3200): [70.0, 0.0, 0.0], (6000, 4300): [90.0, 30.0, 0.0, 70.0, 80.0, 60.0, 20.0, 0.0, 30.0, 70.0]}
mpc_dash_syth_hyb_pen_table_4300_default_200 = {(6600, 3000): [100.0, 30.0, 10.0, 60.0, 20.0, 90.0, 100.0, 0.0, 100.0], (1600, 200): [10.0, 20.0], (4600, 2600): [20.0, 10.0, 0.0, 80.0, 30.0, 0.0, 80.0], (7000, 3000): [30.0, 0.0, 20.0, 90.0, 100.0, 70.0], (7000, 1800): [100.0], (1200, 200): [10.0, 10.0, 20.0, 0.0, 0.0, 10.0, -1.0], (7600, 1800): [100.0, 100.0, 100.0, 100.0, 10.0, 10.0], (5400, 1600): [30.0, 30.0, 40.0, 10.0, 0.0, 70.0], (8200, 5800): [100.0], (6600, 5000): [50.0, 10.0], (600, 200): [50.0, 0.0, 40.0, 50.0, 20.0, 20.0, 10.0, 50.0, 40.0, 10.0, 40.0, 10.0, 40.0], (8000, 3200): [100.0, 40.0, 30.0, 30.0, 60.0, 100.0, 100.0, 100.0], (6200, 0): [50.0, 50.0], (4600, 800): [0.0, 0.0, 0.0, 10.0, 10.0], (1200, 800): [-1.0, 20.0, 90.0, 80.0, 40.0, 60.0, -1.0, 30.0, 80.0, 40.0, 50.0, 60.0, 40.0, 40.0, 50.0, 70.0, 40.0, 40.0, 40.0, 50.0, 60.0, 40.0, 70.0], (4600, 1400): [30.0, -1.0, 10.0], (4200, 1800): [10.0, 10.0, 20.0, 30.0, 50.0, 10.0], (2400, 0): [-1.0, 0.0, -1.0, -1.0, 10.0], (2000, 200): [20.0, 10.0, 20.0, 0.0, 0.0, 10.0], (800, 400): [20.0, 10.0, 10.0, 30.0, 20.0, 60.0, 40.0, 80.0, 10.0], (3000, 2000): [90.0, 20.0, 90.0, 40.0, -1.0, 20.0, 30.0, 30.0, 50.0, 50.0, 60.0, 60.0, 30.0, 60.0, 40.0, 30.0, 80.0, 40.0, 0.0, 40.0, 50.0, 20.0, 50.0], (8200, 4000): [60.0, 100.0, 50.0, 100.0, 100.0, 10.0, 100.0, 20.0, 100.0, 60.0], (2600, 800): [30.0, 30.0], (7000, 4600): [100.0, 100.0, 0.0, 0.0, 100.0, 10.0, 70.0, 100.0, 50.0, 100.0, 70.0, 20.0, 30.0, 100.0, 30.0, 0.0, 20.0, 0.0, 0.0, 40.0], (4000, 2000): [20.0, 40.0, 20.0, 10.0], (2600, 1200): [-1.0, 50.0, 30.0, 10.0, 10.0, 40.0, 40.0, 0.0, 30.0, 40.0, 10.0, 40.0], (5400, 4400): [50.0, 30.0], (1800, 0): [10.0, 10.0, 10.0], (5200, 2600): [70.0, 50.0, 20.0, 30.0, 30.0, 30.0, 10.0, 0.0, 10.0, 30.0, 0.0], (7400, 2400): [100.0, 100.0, 100.0, 90.0, 80.0, 50.0], (2400, 800): [-1.0, 10.0, -1.0, 30.0], (4800, 800): [20.0], (5600, 600): [20.0, 10.0], (4800, 3000): [70.0, 0.0, 0.0, 0.0, 0.0, 0.0, 50.0, 60.0, 0.0, 20.0, 70.0, 50.0, 0.0, 100.0, 10.0], (6200, 1200): [50.0, 60.0, 60.0, 10.0, 30.0, 40.0, 80.0], (6000, 1600): [100.0], (7200, 3400): [30.0, 0.0, 10.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0], (4600, 3000): [20.0, 0.0, 100.0, 60.0, 50.0, 0.0, 100.0, 0.0, 30.0, 0.0, 90.0, 80.0, 0.0, 90.0, 70.0, 60.0, 40.0, 0.0, 0.0, 100.0, 0.0, 80.0, 30.0, 20.0, 0.0, 40.0, 10.0, 0.0, 20.0, 0.0, 20.0, 0.0], (4400, 2800): [20.0, 10.0, 50.0, 10.0, 10.0, 70.0, 0.0, 20.0, 20.0, 20.0, 20.0, 0.0, 20.0, 0.0, 50.0, 50.0, 30.0, 20.0, 30.0, 20.0, 0.0, 100.0], (2200, 1600): [50.0, 90.0, -1.0, 70.0, 20.0, 20.0, 30.0, -1.0, 10.0, 50.0, 30.0, -1.0, 60.0, 40.0, 60.0, 60.0, 60.0, 50.0], (3400, 1200): [40.0, 90.0, 10.0], (8000, 2400): [100.0, 80.0], (800, 600): [50.0, 70.0, 40.0, 20.0, 50.0, 30.0, 10.0, 20.0, 20.0, -1.0, 40.0, 70.0, 40.0, 20.0, 50.0], (4800, 1400): [40.0, 10.0, 0.0, 20.0], (8800, 4800): [100.0, 100.0, 40.0, 0.0], (6200, 2200): [50.0, 50.0, 70.0, 70.0], (8200, 2400): [100.0, 80.0, 20.0, 100.0], (5400, 2000): [0.0, 20.0, 10.0, 50.0, 30.0], (4800, 2800): [10.0, 50.0, 10.0, 10.0, 40.0, 90.0, 30.0, 80.0, 30.0, 20.0, 30.0, 20.0, 30.0, 0.0, 30.0, 10.0], (6600, 400): [50.0, 50.0], (6600, 200): [60.0, 50.0, 50.0, 50.0], (5400, 2800): [0.0, 70.0, 30.0, 20.0, 10.0, 10.0, 10.0, 60.0, 30.0, 0.0, 10.0, 0.0, -1.0, 0.0], (5800, 4800): [40.0], (7800, 1600): [100.0, 80.0, 100.0, 80.0, 80.0], (7400, 800): [90.0, 60.0, 70.0], (5600, 3600): [50.0, 20.0, 0.0, 10.0, 0.0, 60.0, 80.0, 80.0, 80.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, 80.0, 20.0, 0.0, 40.0, 0.0, 20.0], (8600, 1200): [80.0, 60.0, 50.0], (7200, 2800): [70.0, 90.0, 80.0, 10.0, 0.0, 100.0, 90.0, 0.0], (8800, 2000): [100.0, 100.0, 100.0], (3600, 1800): [30.0, 10.0, 40.0, 30.0, 30.0, 20.0, 20.0, 10.0, 40.0, 40.0], (7400, 4800): [100.0, 70.0, 0.0, 100.0, 30.0, 0.0, 0.0, 0.0, 30.0, 70.0, 90.0, 0.0, 100.0, 90.0], (8200, 2000): [100.0, 30.0, 80.0, 70.0], (8000, 1400): [100.0, 20.0, 100.0], (1400, 600): [40.0, 30.0, 10.0, 20.0, 40.0, 20.0, 60.0, 60.0], (6800, 4800): [90.0, 50.0, 30.0, 50.0, 0.0, 20.0, 100.0, 100.0, 40.0, 20.0, 10.0, 70.0, 10.0], (3000, 2400): [60.0, 60.0, 30.0, 30.0], (8600, 4200): [100.0, 0.0, 80.0, 70.0], (5800, 0): [30.0], (7000, 4800): [70.0, 90.0, 0.0, 60.0, 10.0, 90.0, 30.0, 10.0, 50.0, 100.0, 90.0, 0.0, 20.0, 20.0, 100.0, 100.0], (1800, 800): [30.0, 20.0, 30.0, 20.0, 30.0, -1.0], (8200, 3400): [0.0, 100.0, 10.0, 60.0, 10.0, 0.0], (8200, 1600): [100.0, 50.0, 70.0, 100.0], (4800, 4000): [10.0], (4600, 600): [30.0, 10.0, 10.0, 0.0, 0.0, 10.0, 20.0], (8800, 0): [100.0, 100.0, 100.0, 100.0], (6200, 2600): [50.0, 90.0, 0.0, 10.0, 10.0], (4000, 3400): [80.0], (6000, 4000): [10.0, 60.0, 30.0, 0.0, 60.0, 20.0, 90.0, 70.0, 40.0, 0.0, 0.0, 0.0, 100.0, 10.0, 100.0, 20.0], (5000, 1400): [10.0, 0.0], (200, 0): [100.0, 100.0, 0.0, 100.0, -1.0], (3800, 1200): [20.0, 40.0, 50.0, 10.0, 20.0], (6000, 1800): [70.0, 50.0, 10.0, 10.0], (8600, 2600): [100.0], (2600, 0): [10.0, 20.0, 20.0], (3400, 2600): [50.0, 40.0, 80.0, 60.0, 10.0, 50.0, 20.0, 20.0, 20.0, 50.0, 10.0], (7200, 2000): [30.0, 100.0, 100.0], (1600, 1000): [30.0, 20.0, 20.0, 40.0, 60.0, 60.0, 30.0, 40.0, 10.0, 40.0, 10.0, 20.0, 50.0, 30.0, 40.0, 40.0, 30.0, 20.0, 40.0, 10.0, 30.0, 50.0, 60.0, 20.0, 40.0], (8400, 2200): [100.0, 50.0], (5600, 0): [30.0], (6000, 3600): [0.0, 0.0, 0.0, 50.0, 40.0, 70.0, 0.0, 10.0, 30.0, 20.0], (5800, 1400): [10.0, 20.0, 40.0], (7000, 2000): [30.0, 20.0, 80.0, 90.0], (5000, 4000): [10.0, 0.0, 10.0], (4000, 1000): [50.0, 20.0], (5600, 2000): [0.0, 20.0, 60.0, 60.0], (6600, 3400): [20.0, 40.0, 100.0, 90.0, 10.0, 100.0, 40.0, 100.0, 20.0, 50.0, 0.0, 100.0, 70.0], (8400, 4600): [10.0, 100.0, 40.0, 100.0, 0.0, 100.0, 30.0, 100.0, 20.0, 90.0, 100.0], (3800, 1000): [30.0], (7800, 4000): [30.0, 90.0, 90.0, 10.0, 70.0, 100.0, 100.0], (5000, 2000): [30.0, 0.0, 0.0, 60.0], (8400, 5200): [100.0, 100.0, 100.0, 0.0, 40.0, 100.0, 0.0, 100.0, 90.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0], (4600, 1600): [10.0, 10.0, 20.0, 70.0], (2200, 400): [0.0], (7200, 600): [70.0, 60.0, 60.0], (8800, 3200): [100.0, 40.0, 100.0, 100.0, 100.0, 100.0], (4800, 0): [0.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0], (1800, 1400): [90.0, 40.0, 30.0, 50.0, 60.0, 40.0, 90.0, 30.0], (5600, 3000): [10.0, 0.0, 50.0, 0.0, 10.0, 0.0], (3000, 1800): [50.0, 20.0, 20.0, 40.0, 30.0, 30.0, 20.0, 70.0, 20.0, 40.0, 50.0, 50.0, 30.0, 30.0, 20.0, 20.0], (4400, 1400): [30.0, 20.0, 20.0, 40.0, 0.0, 0.0, 40.0], (5800, 200): [40.0, 40.0, 50.0, 40.0, 50.0, 30.0, 30.0], (2800, 400): [-1.0, -1.0, 20.0, 10.0, 10.0, 20.0], (8600, 5600): [20.0, 40.0, 10.0, 70.0, 100.0, 100.0], (7600, 1200): [40.0, 60.0, 40.0], (2800, 2000): [40.0, 40.0, 50.0, 40.0, 80.0, 40.0, 40.0, 40.0, 20.0, 30.0, 20.0, 50.0, 20.0, 40.0, 50.0, 30.0, 30.0, 40.0, 50.0, 60.0, 30.0, -1.0, 40.0, 20.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 40.0, 100.0, 70.0, 50.0, 40.0], (5000, 200): [10.0, 10.0, 30.0], (8000, 0): [90.0, 80.0, 90.0], (4400, 2600): [30.0, 0.0, 10.0, 40.0, 0.0, 0.0, 80.0, 0.0, 40.0], (7000, 1200): [100.0, 40.0, 80.0, 30.0, 50.0], (400, 0): [40.0, 20.0, 10.0, 30.0], (5200, 1000): [40.0, 20.0, 10.0, 30.0, 50.0], (6800, 800): [60.0, 30.0, 60.0, 50.0, 50.0], (2200, 600): [0.0, 20.0, 10.0], (7200, 0): [70.0, 70.0, 70.0, 70.0], (3000, 0): [-1.0, -1.0, 10.0, 10.0, 0.0, 10.0, 0.0], (5400, 2200): [50.0, 0.0, 20.0, 10.0], (5000, 2600): [30.0, 20.0, 70.0, 0.0, 0.0, 60.0, 0.0, 20.0, 20.0, 0.0, 10.0, 40.0, 60.0, 30.0, 20.0, 10.0], (5000, 800): [20.0, 10.0, 10.0, 10.0, 30.0], (5800, 4000): [0.0, 0.0, 20.0, 20.0, 0.0, 10.0, 80.0, 0.0, 90.0, 40.0, 40.0, 0.0, 100.0, 0.0, 10.0, 0.0, 30.0, 10.0, 0.0, 0.0, 20.0, 100.0, 50.0, 100.0, 20.0, 50.0, 50.0, 10.0, 40.0], (4400, 600): [10.0, 10.0, 30.0], (7600, 1000): [40.0, 90.0, 60.0], (7600, 4600): [40.0, 20.0, 20.0, 80.0, 30.0, 0.0, 100.0, 0.0, 40.0], (6600, 2800): [100.0, 40.0, 60.0], (8800, 3800): [40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 80.0, 40.0], (7200, 1000): [60.0, 20.0, 100.0, 20.0, 30.0], (5600, 2800): [0.0, 30.0, 40.0, 70.0, 20.0, 0.0], (1200, 400): [40.0, 60.0, 20.0, 10.0, 10.0, 20.0], (8400, 3400): [70.0, 50.0, 60.0, 10.0, 0.0], (4600, 200): [10.0, 0.0], (4600, 2400): [50.0, 0.0, 0.0, 0.0, 40.0, 20.0, 0.0], (7800, 2600): [60.0], (4400, 2400): [20.0, 60.0, 0.0, 100.0, 50.0, 0.0, 20.0, 60.0, 100.0, 40.0, 30.0, 20.0], (3200, 2000): [60.0, 30.0, 70.0, 30.0, 100.0, 60.0, 90.0, 70.0, 40.0, -1.0, 50.0, -1.0, 20.0, -1.0, 80.0, 70.0, 90.0, 10.0], (2600, 1400): [20.0, 60.0, 20.0, 20.0, 20.0, 50.0, -1.0, 40.0, 50.0, 50.0], (1800, 1000): [-1.0, 10.0, 20.0, 90.0, 20.0, 60.0, 40.0, -1.0, 40.0, 30.0, 40.0], (6800, 5000): [90.0, 20.0, 0.0, 90.0], (4600, 3800): [0.0], (3000, 2200): [60.0, 90.0, 10.0, 30.0, 40.0, 30.0, -1.0, 30.0, 20.0, -1.0, 50.0, 60.0, 30.0, 30.0, 20.0, 90.0, 60.0, 40.0, 40.0, -1.0, 50.0, 40.0], (5400, 600): [40.0], (8600, 2400): [100.0, 100.0, 100.0, 10.0], (5000, 2400): [0.0, 30.0, 10.0, 10.0, 10.0, 0.0], (8000, 400): [60.0, 70.0, 80.0], (7200, 5000): [50.0, 0.0, 100.0, 20.0, 100.0, 20.0, 0.0, 0.0], (8200, 3800): [30.0, 100.0, 80.0, 0.0, 90.0, 100.0, 100.0, 10.0, 10.0], (2600, 1800): [30.0, 30.0, 50.0, 70.0, 20.0, 50.0, 50.0, 60.0, 40.0, 50.0, -1.0, 60.0, 80.0, 40.0, 80.0, 30.0, 10.0, 30.0, 30.0, -1.0, 90.0, 30.0, 30.0, 40.0, 60.0, 50.0, 40.0, 50.0, 30.0], (6000, 4400): [20.0, 100.0, 80.0, 100.0, 80.0, 40.0, 10.0, 60.0, 40.0, 0.0, 30.0, 90.0, 30.0, 60.0, 0.0, 20.0, 0.0, 90.0], (5200, 600): [0.0, 40.0, 0.0, 20.0], (3600, 2800): [90.0, 20.0, 50.0, 30.0, 80.0, 50.0, 50.0], (5200, 4200): [30.0, 10.0, 10.0], (7000, 3600): [20.0, 70.0, 80.0, 60.0, 60.0, 20.0, 10.0], (6600, 4800): [10.0, 30.0, 0.0, 100.0, 50.0, 0.0, 100.0, 50.0, 0.0, 30.0, 10.0, 30.0, 100.0], (3000, 1000): [20.0, 20.0, -1.0, 20.0, 40.0, 20.0], (3200, 400): [-1.0, 0.0], (6800, 1000): [20.0, 60.0, 90.0, 80.0], (2000, 0): [0.0, 10.0], (7600, 2400): [100.0, 10.0, 60.0, 100.0, 80.0, 80.0, 100.0], (1000, 400): [50.0, 70.0, 40.0, 10.0, 10.0, 30.0], (8600, 2800): [100.0, 100.0, 80.0, 100.0, 100.0, 100.0], (7800, 200): [80.0, 90.0, 90.0, 80.0, 90.0], (8000, 4000): [30.0, 100.0, 70.0, 100.0, 30.0, 50.0, 100.0, 90.0, 90.0, 80.0], (3600, 2200): [40.0, 60.0, 20.0, 40.0, 30.0, 40.0, 40.0, 40.0, 30.0, 40.0, -1.0, 40.0], (5600, 2400): [10.0], (7200, 2400): [30.0, 40.0, 40.0], (1200, 0): [10.0, 10.0, 20.0, 0.0, 10.0, 0.0], (5600, 4200): [20.0, 20.0, 100.0, 40.0, 0.0, 50.0, 50.0, 0.0, 0.0, 20.0, 20.0, 20.0, 10.0], (8600, 2000): [50.0, 100.0, 100.0, 50.0], (4800, 1800): [20.0, 0.0, 50.0], (6800, 200): [50.0, 60.0, 60.0, 60.0, 70.0, 60.0, 70.0], (8800, 5200): [100.0, 0.0, 90.0, 80.0, 100.0, 20.0, 100.0, 100.0, 90.0, 100.0, 100.0, 20.0, 30.0, 100.0, 60.0], (7600, 1400): [100.0, 90.0], (5800, 400): [40.0, 40.0, 40.0, 50.0, 40.0], (5200, 3000): [100.0, 0.0, 40.0, 10.0, 0.0, 10.0, 80.0, 30.0, 70.0, 0.0, 30.0, 100.0, 20.0, 0.0, 30.0, 0.0, 10.0, 0.0], (4000, 800): [10.0, 20.0, 30.0, 20.0, 30.0], (8800, 2200): [100.0, 100.0], (8800, 800): [100.0, 100.0, 80.0, 80.0], (2800, 1200): [10.0, 10.0], (8600, 4600): [100.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 40.0], (5400, 3800): [10.0, 0.0, 40.0, 0.0, 20.0, 0.0, 0.0, 80.0, 10.0, 100.0, 0.0, 0.0, 20.0, 0.0, 100.0, 60.0, 30.0, 0.0, 30.0, 0.0, 30.0, 0.0, 20.0, 60.0, 40.0, 0.0, 0.0, 30.0, 50.0, 0.0, 20.0, 0.0, 40.0], (8600, 1000): [100.0, 90.0, 30.0, 30.0], (8600, 3200): [50.0, 100.0], (5800, 2400): [40.0, 80.0, 10.0, 0.0, 50.0], (7400, 1800): [20.0, 80.0], (2800, 800): [10.0, 20.0, 10.0], (3600, 600): [10.0, 10.0, 30.0, -1.0, -1.0, 10.0], (5200, 200): [10.0, 20.0, 10.0, 10.0], (5200, 2000): [30.0, 30.0, 60.0, 30.0, 20.0], (8600, 0): [100.0, 100.0], (3000, 800): [10.0, 60.0, 10.0], (4400, 200): [10.0, 10.0], (4400, 1000): [10.0, 20.0, 30.0], (4400, 2000): [0.0, 60.0, 30.0, 20.0, 20.0, 10.0, 40.0, 0.0, 50.0, 0.0], (5600, 1400): [30.0, 30.0, 20.0], (8600, 5000): [0.0, 10.0, 100.0, 100.0, 0.0, 100.0, 100.0, 40.0, 100.0, 90.0, 0.0], (3600, 0): [10.0, 30.0, -1.0, 20.0, 20.0, -1.0], (5200, 800): [10.0, 10.0], (4800, 400): [0.0, 20.0], (6600, 4000): [60.0, 40.0, 50.0, 30.0, 10.0, 0.0, 100.0, 40.0, 0.0, 60.0, 0.0, 60.0, 60.0, 50.0, 20.0, 100.0, 0.0, 50.0, 20.0], (6800, 4600): [100.0, 100.0, 30.0, 60.0, 100.0, 70.0, 100.0, 100.0, 0.0, 70.0, 60.0, 10.0, 100.0, 10.0, 100.0, 20.0, 10.0, 30.0, 20.0], (3400, 1400): [10.0, 20.0, 10.0, 20.0, 40.0], (5400, 800): [10.0, 20.0], (5600, 4600): [0.0], (4200, 2200): [40.0, 20.0, 80.0, 40.0, 40.0, 50.0, 40.0, 10.0, 30.0, 0.0, 80.0, 10.0, 10.0, 60.0, 10.0], (6000, 2800): [0.0, 20.0, 70.0, 10.0, 70.0, 0.0, 0.0], (7000, 2200): [0.0, 10.0, 70.0, 60.0, 0.0, 80.0, 50.0], (1600, 800): [-1.0, 20.0, 30.0, 20.0, 40.0, 10.0, 10.0, 20.0, 10.0, 20.0, -1.0], (7800, 5200): [70.0, 20.0, 90.0, 100.0, 100.0, 100.0, 0.0, 70.0, 50.0], (2800, 600): [20.0, 40.0], (7400, 2000): [0.0, 90.0], (4800, 1200): [10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 0.0, 10.0], (7800, 4600): [100.0, 70.0, 90.0, 20.0, 70.0, 100.0, 0.0, 50.0, 0.0, 0.0, 100.0, 20.0], (8000, 200): [90.0], (7400, 1000): [100.0, 60.0, 70.0, 50.0], (3800, 1600): [70.0, 30.0, 20.0, 10.0, -1.0, -1.0, 50.0, 20.0], (3800, 2200): [30.0, 40.0, 30.0, 10.0, 100.0, 90.0, 40.0, 60.0, 30.0, 60.0, 30.0, 50.0, 20.0], (7400, 5200): [100.0, 10.0, 0.0], (2800, 1400): [-1.0, -1.0, 10.0, 30.0, 40.0, 30.0, 40.0], (7800, 5400): [10.0, 70.0, 60.0, 50.0, 40.0, 0.0, 20.0, 100.0, 100.0], (5200, 1600): [40.0, 60.0, 20.0, 20.0, 40.0], (4800, 3800): [30.0, 0.0, 70.0], (6000, 2000): [10.0, 0.0, 30.0, 60.0], (5800, 3400): [0.0, 20.0, 40.0, 80.0, 0.0, 70.0, 0.0, 70.0, 10.0, 20.0, 80.0, 50.0, 0.0, 10.0, 10.0, 30.0, 10.0], (5000, 3400): [60.0, 30.0, 60.0, 20.0, 0.0, 0.0, 0.0, 30.0, 20.0, 10.0, 30.0, 20.0, 10.0, 30.0, 0.0, 20.0, 0.0, 0.0, 50.0, 90.0, 10.0, 80.0, 60.0, 10.0, 60.0, 30.0, 0.0, 0.0, 0.0, 70.0, 0.0, 30.0, 30.0, 60.0, 0.0, 60.0, 70.0, 50.0, 50.0, 0.0, 30.0, 0.0], (6200, 3200): [0.0, 100.0, 0.0, 10.0, 0.0, 10.0, 40.0], (8600, 5400): [100.0, 20.0, 0.0], (8600, 1800): [20.0, 100.0, 100.0, 50.0, 100.0, 100.0], (7200, 2200): [30.0, 10.0, 50.0], (8400, 3600): [90.0, 60.0, 100.0, 50.0, 100.0, 30.0, 20.0], (6800, 2400): [30.0, 40.0, 0.0, 0.0], (6200, 1400): [30.0, 30.0, 40.0, 50.0, 30.0], (7200, 3200): [90.0, 20.0, 70.0, 0.0, 100.0], (7800, 2000): [80.0, 10.0, 60.0, 50.0], (1600, 400): [50.0, -1.0, 20.0, 10.0, 10.0, 50.0], (8600, 2200): [50.0, 90.0, 100.0, 100.0], (7800, 2200): [0.0, 100.0, 60.0, 10.0, 20.0, 100.0], (8000, 3000): [100.0, 40.0], (4800, 200): [10.0], (7600, 2000): [50.0, 10.0, 30.0, 60.0, 20.0, 70.0, 100.0], (7600, 0): [70.0], (5800, 2200): [60.0, 10.0, 10.0, 40.0, 100.0], (4000, 3000): [50.0, 70.0, 30.0, 30.0, 60.0, 50.0, 20.0, -1.0, 10.0], (1600, 1200): [50.0, 50.0, 30.0, 30.0, 30.0], (7400, 3400): [40.0, 10.0, 60.0, 100.0, 100.0, 60.0, 100.0, 100.0], (2400, 200): [-1.0, -1.0, 0.0], (3600, 1600): [60.0, 30.0], (5200, 1200): [10.0, 50.0, 10.0, 20.0, 0.0, 10.0], (3000, 2600): [50.0], (8800, 5800): [90.0, 10.0], (3800, 2000): [40.0, -1.0, 20.0, 20.0, -1.0, 40.0, 30.0, 30.0, 60.0, 10.0], (8400, 2800): [30.0, 100.0, 0.0], (7600, 5000): [50.0, 100.0, 50.0, 100.0, 10.0, 60.0, 80.0, 100.0, 20.0, 0.0, 50.0, 100.0, 0.0], (7400, 0): [70.0, 70.0, 70.0, 70.0], (7400, 3800): [100.0, 100.0, 90.0, 100.0, 80.0, 100.0], (2800, 2400): [40.0], (7400, 400): [80.0, 50.0, 70.0, 60.0, 70.0], (8600, 1400): [100.0, 100.0, 40.0], (5000, 400): [30.0, 10.0], (2000, 600): [10.0, 10.0, 20.0], (7800, 600): [80.0, 80.0], (6000, 4200): [60.0, 0.0, 10.0, 40.0, 10.0, 90.0, 40.0, 10.0, 30.0, 0.0, 20.0, 0.0, 0.0, 0.0, 70.0, 80.0, 10.0, 30.0, 80.0, 60.0, 20.0, 0.0, 20.0, -1.0, 0.0, 80.0, 40.0, 0.0, 10.0, 20.0, 30.0, 70.0, 100.0, 70.0], (8600, 6200): [100.0], (8400, 200): [90.0, 100.0], (7200, 4600): [10.0, 70.0, 70.0, 50.0, 0.0, 40.0, 40.0, 100.0, 80.0, 40.0, 100.0, 100.0, 10.0, 100.0, 60.0, 70.0, 40.0, 0.0, 0.0, 60.0], (8800, 400): [100.0, 100.0, 100.0, 100.0, 80.0], (7400, 4200): [80.0, 90.0, 100.0, 40.0, 0.0, 70.0, 10.0, 0.0, 100.0, 10.0, 90.0, 50.0, 100.0, 100.0, 20.0, 0.0, 50.0], (6200, 1000): [50.0], (2400, 1600): [0.0, 20.0, -1.0, 50.0, 50.0, 40.0, 50.0, 70.0, 20.0, 70.0, 30.0, 40.0, 100.0, 70.0, 20.0, 60.0, 40.0, 60.0, -1.0, 60.0, 50.0, 60.0, 40.0, 70.0, 80.0, 20.0, 40.0, 50.0, 30.0], (7000, 4000): [60.0, 10.0, 0.0, 90.0, 30.0, 100.0, 100.0, 70.0, 20.0, 20.0, 70.0, 90.0, 0.0, 60.0, 100.0, 0.0, 0.0, 100.0], (8600, 3000): [60.0, 10.0, 60.0, 100.0, 10.0, 20.0, 90.0, 60.0, 100.0, 30.0, 100.0], (2400, 1200): [10.0, -1.0, 100.0, 20.0, 20.0, 30.0, 30.0, 50.0, 30.0, 20.0, 30.0], (5000, 3000): [60.0, 0.0, 20.0, 0.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 20.0], (7400, 4000): [100.0, 0.0, 90.0, 100.0, 50.0, 100.0, 0.0, 30.0, 30.0, 50.0], (6800, 1200): [80.0, 40.0, 40.0, 40.0], (5200, 4400): [50.0], (7000, 3800): [70.0, 50.0, 10.0, 100.0, 70.0, 0.0, 40.0, 80.0, 100.0, 30.0, 100.0, 30.0, 90.0], (6800, 1600): [60.0], (6800, 3400): [0.0, 100.0, 40.0, 40.0, 0.0, 30.0], (7000, 0): [60.0, 60.0, 60.0, 60.0, 60.0, 60.0], (3400, 2200): [50.0, 20.0, 80.0, 40.0, 80.0, 40.0, 50.0, 10.0, 40.0, 40.0, 80.0, 40.0, 20.0, 100.0, 20.0, 30.0, 80.0, 50.0, 40.0, 70.0, 60.0, -1.0, 30.0, 40.0, 60.0, 40.0, 30.0], (4200, 600): [20.0, 40.0, 10.0, 10.0, 10.0], (4200, 3200): [40.0, 10.0, 40.0, 0.0, 30.0, 40.0, 40.0, -1.0, 30.0, 20.0, 20.0, 40.0, 30.0], (5600, 2600): [30.0, 0.0, 0.0, 20.0, 20.0, 30.0, 30.0, 20.0, 0.0], (2000, 1600): [80.0, 20.0], (800, 200): [50.0, 10.0], (7000, 2400): [20.0, 100.0, 90.0, 100.0], (1400, 0): [-1.0, 10.0, 30.0, 0.0], (6200, 4400): [100.0, 40.0, 70.0, 0.0, 0.0, 0.0, 100.0, 50.0, 0.0, 0.0, 20.0, 60.0, 0.0, 10.0, 80.0, 0.0, 50.0, 40.0, 0.0], (200, 200): [100.0, 50.0, 100.0], (6000, 2200): [100.0, 30.0, 60.0], (5000, 3200): [40.0, 60.0, 0.0, 20.0, 40.0, 0.0, 40.0, 20.0, 40.0, 0.0, 10.0, 20.0, 10.0, 0.0, 50.0, 50.0, 0.0, 10.0, 10.0, 60.0, 0.0, 30.0, 10.0, 0.0, 20.0, 0.0, 0.0, 30.0], (600, 0): [0.0, 20.0, 50.0, 20.0], (7800, 3800): [20.0, 70.0, 50.0, 60.0, 60.0, 60.0], (5600, 1800): [20.0, 10.0, 80.0, 40.0], (8400, 1200): [100.0, 100.0, 70.0, 100.0], (8800, 1200): [40.0, 100.0, 90.0], (2800, 200): [-1.0, 10.0, 20.0], (7400, 1600): [80.0, 70.0, 80.0], (6400, 200): [30.0, 60.0, 60.0, 40.0], (7200, 1400): [90.0, 20.0], (4000, 600): [10.0], (4000, 1600): [30.0, 60.0, 20.0, 20.0, 40.0, 80.0, 10.0, -1.0], (5800, 3200): [50.0, 0.0, 10.0, 0.0, 10.0, 30.0, 30.0, 50.0, 10.0, 90.0, 0.0, 60.0, 20.0, 90.0, 0.0, 10.0], (5200, 2200): [0.0, 40.0, 100.0, 10.0, 20.0, 10.0, 20.0], (8200, 5400): [20.0, 100.0, 20.0, 80.0, 0.0, 20.0, 100.0], (8800, 600): [100.0, 100.0], (4400, 2200): [50.0, 0.0, 10.0, 30.0, 0.0, 10.0, 40.0, 40.0, 30.0, 30.0], (6200, 1600): [40.0, 70.0], (8200, 2800): [70.0, 80.0, 60.0, 100.0, 100.0], (6000, 3200): [100.0, 10.0, 20.0, 20.0, 60.0, 10.0, 100.0, 0.0, 100.0, 0.0, 30.0, 10.0, 80.0, 30.0], (8600, 4800): [100.0, 30.0, 80.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0], (3200, 600): [40.0, 10.0], (7000, 5200): [50.0, 50.0], (5400, 2400): [20.0, 30.0, 60.0, 50.0, 10.0, 20.0], (3200, 1600): [30.0, 20.0, 50.0, 30.0, 30.0, 70.0, 30.0, 30.0, 40.0], (8200, 4800): [100.0, 10.0, 100.0, 0.0, 70.0, 100.0, 90.0, 100.0, 60.0, 100.0, 100.0, 50.0, 60.0, 50.0, 100.0], (6800, 4200): [100.0, 100.0, 0.0, 80.0, 40.0, 10.0, 100.0, 100.0, 90.0, 0.0, 70.0, 0.0, 80.0, 0.0, 40.0, 20.0, 100.0, 0.0, 100.0, 70.0, 0.0, 50.0], (6400, 1200): [40.0, 40.0, 90.0, 0.0], (4200, 2000): [10.0, 80.0, 40.0, 20.0, 10.0, 20.0, 10.0], (8600, 4400): [100.0, 0.0, 60.0, 30.0, 100.0, 100.0, 0.0], (7200, 2600): [90.0, 70.0, 100.0, 20.0, 100.0, 60.0], (5000, 1800): [0.0, 50.0, 20.0], (3000, 1400): [20.0, 30.0, 40.0, 20.0], (3800, 2600): [80.0, 40.0, 30.0, -1.0, 30.0, 30.0, 30.0, 40.0, 70.0, 40.0, 30.0, 70.0, 30.0, 100.0, 30.0, 70.0, 100.0, 50.0, 40.0, 20.0, 30.0, 50.0, 40.0, 50.0, 60.0, 60.0, 30.0, 90.0, 60.0], (8000, 1800): [100.0, 100.0], (4000, 1800): [10.0, 20.0, 30.0, -1.0, 30.0, 40.0], (3200, 1800): [60.0, 30.0, 20.0, -1.0, 50.0, 40.0, 40.0, 20.0, 30.0, 50.0, 20.0], (6600, 3600): [0.0, 10.0, 10.0, 90.0, 100.0, 40.0, 100.0], (3600, 1200): [20.0, 10.0, 10.0, 10.0, 50.0, 50.0], (6000, 0): [40.0, 40.0, 40.0, 40.0, 40.0], (5000, 3800): [0.0, 0.0, 20.0, 0.0, 100.0, 80.0, 10.0, 70.0, 0.0, 100.0, 0.0, 10.0], (7000, 1600): [30.0, 70.0, 0.0, 60.0], (5200, 3400): [100.0, 10.0, 90.0, 10.0, 40.0, 30.0, 20.0, 30.0, 90.0, 10.0, 20.0, 50.0, 0.0, 40.0, 0.0, 20.0, 30.0, 0.0, 20.0, 60.0, 10.0, 50.0, 0.0, 10.0, 50.0, 0.0, 40.0], (2400, 600): [30.0, 20.0, 20.0, -1.0, 10.0], (7800, 3400): [40.0, 100.0, 70.0, 100.0, 40.0], (2400, 400): [10.0, 30.0, 30.0, 10.0, -1.0], (6800, 400): [60.0, 60.0, 40.0, 40.0, 60.0, 70.0], (5200, 1800): [0.0, 10.0], (5200, 3600): [20.0, 0.0, 0.0, 0.0, 0.0, 10.0, 50.0, 60.0, 0.0, 10.0, 10.0, 80.0, 40.0, 70.0, 0.0, 0.0, 0.0, 10.0, 60.0, 70.0, 0.0, 10.0, 40.0, 0.0, 70.0, 0.0, 30.0, 10.0], (8200, 3600): [70.0, 100.0, 90.0, 100.0, 50.0, 100.0], (3800, 2400): [50.0, 30.0, 20.0, 10.0, 30.0, 90.0, 30.0, 30.0, 50.0, 60.0, 30.0, 20.0, 80.0, 40.0, 40.0, 50.0, -1.0, 0.0, 40.0, 20.0, 70.0, 20.0, 90.0], (4800, 3200): [20.0, 90.0, 10.0, 0.0, 20.0, 10.0, 100.0, 10.0, 0.0, 100.0, 20.0, 40.0, 100.0, 10.0, 30.0, 10.0, 0.0, 70.0, 40.0, 20.0, 20.0, 0.0, 30.0], (6400, 800): [30.0, 30.0, 40.0, 70.0, 70.0], (7200, 800): [30.0, 70.0, 100.0, 50.0, 50.0, 80.0], (8600, 400): [90.0, 100.0, 100.0], (8600, 1600): [100.0, 100.0, 100.0, 100.0], (7200, 3800): [0.0, 0.0, 0.0, 20.0, 0.0, 70.0, 0.0, 90.0], (3800, 400): [10.0, -1.0], (4000, 2800): [30.0, 70.0, 60.0, 20.0, 30.0, 10.0, 70.0, 20.0, 100.0, 20.0, 30.0, 20.0, 30.0, 40.0, 20.0, 20.0, 70.0, 40.0, 20.0, 50.0, 50.0, 30.0, 30.0, 60.0, 70.0, 30.0, 20.0, 50.0, 20.0, 20.0, 20.0, 10.0, 20.0], (6200, 4800): [10.0, 100.0, 0.0, 70.0, 10.0], (6000, 1000): [20.0, 40.0, 90.0, 40.0, 40.0], (2600, 2000): [50.0, -1.0, 80.0, 30.0, 80.0, 60.0, 70.0, 50.0, 40.0, 50.0], (6400, 1600): [50.0, 30.0, 10.0], (4200, 1600): [10.0, 20.0, 10.0, 10.0, 30.0, 0.0], (8000, 1000): [80.0, 80.0, 80.0, 80.0], (8400, 4400): [30.0, 70.0, 100.0, 80.0, 100.0, 90.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0], (6800, 3000): [30.0, 10.0], (3800, 3000): [20.0, 50.0, 30.0, 40.0, 40.0], (6600, 2400): [80.0, 10.0], (6400, 1400): [10.0, 20.0, 60.0, 30.0, 60.0, 30.0], (7800, 1000): [100.0, 100.0, 80.0, 70.0, 70.0], (8400, 5600): [10.0, 0.0, 100.0, 60.0, 100.0, 60.0], (6400, 2400): [40.0, 50.0, 0.0], (5400, 4200): [30.0, 30.0, 70.0, 0.0, 0.0, 0.0], (7200, 200): [60.0, 70.0, 60.0, 60.0], (2800, 1000): [-1.0, 40.0, -1.0, 30.0, 0.0], (7400, 3200): [10.0, 70.0, 50.0, 0.0, 0.0], (4600, 0): [0.0, 10.0, 10.0], (4400, 1200): [20.0, 30.0, -1.0], (8000, 5000): [30.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 40.0, 30.0, 20.0, 0.0, 0.0], (5200, 3200): [90.0, 0.0, 30.0, 10.0, 10.0, 80.0, 0.0, 0.0, 0.0, 10.0, 40.0, 80.0, 0.0, 0.0], (1400, 1000): [40.0, 10.0, 50.0, 60.0, 70.0, 40.0, 70.0, 30.0, 70.0, 40.0, 20.0, 50.0, 70.0, 30.0, 40.0, 50.0, 10.0, 60.0, 50.0, 60.0], (3600, 2600): [70.0, 30.0, 60.0, 20.0, 50.0, 40.0, 80.0, 60.0, 70.0, 20.0, 40.0, 40.0, -1.0, 30.0, 60.0, 30.0, 50.0, 20.0, 20.0], (7600, 200): [70.0, 70.0], (5800, 4200): [60.0, 40.0, 20.0, 0.0, 40.0, 20.0, 0.0, 60.0, 0.0, 100.0, 20.0, 0.0, 60.0, 20.0, 10.0, 20.0, 0.0, 20.0, 20.0, 0.0, 20.0, 20.0, 90.0, 20.0], (3000, 400): [30.0], (3600, 400): [0.0, 10.0, 10.0, 10.0], (7400, 2600): [100.0, 30.0, 100.0, 70.0, 100.0, 30.0], (8400, 0): [90.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 90.0, 90.0], (3200, 800): [20.0, -1.0, 20.0, -1.0], (6000, 2400): [80.0, 0.0, 30.0, 100.0, 20.0], (6400, 600): [80.0, 50.0, 40.0, 70.0, 40.0], (4400, 3000): [10.0, 20.0, 30.0, 40.0, 10.0, 20.0, 40.0, 20.0, 60.0, 0.0, 10.0, 70.0, 30.0, 100.0, 10.0, 20.0, 40.0, 20.0, 40.0, 10.0, 20.0, 20.0, 40.0, 40.0, 20.0, 0.0, 80.0, 20.0], (8600, 3800): [100.0, 100.0, 100.0, 80.0, 90.0, 100.0], (8000, 3400): [0.0, 30.0, 60.0, 40.0], (8600, 200): [100.0, 90.0, 100.0, 90.0, 100.0, 100.0], (5200, 0): [20.0, 20.0, 20.0], (1800, 600): [20.0, 10.0, 40.0, 10.0, 20.0], (8800, 1400): [80.0, 100.0, 50.0], (8800, 2400): [30.0], (8200, 5600): [100.0, 0.0, 100.0, 20.0, 0.0], (8200, 200): [80.0, 90.0, 80.0, 80.0, 70.0, 100.0], (6800, 1800): [100.0, 10.0, 20.0], (8400, 3800): [0.0, 100.0, 100.0, 50.0], (6000, 1400): [60.0, 20.0, 30.0], (5400, 2600): [20.0, 50.0, 30.0, -1.0, 30.0, 60.0], (5000, 2200): [30.0, 0.0, 0.0, 30.0], (3400, 200): [-1.0, -1.0], (7600, 4000): [10.0, 100.0, 100.0, 0.0, 20.0, 30.0, 100.0, 90.0], (8200, 5200): [100.0, 10.0, 70.0, 10.0, 100.0, 100.0, 80.0, 30.0, 100.0, 20.0, 10.0, 100.0, 20.0, 10.0, 60.0, 40.0, 70.0, 100.0], (5800, 3800): [0.0, 20.0, 10.0, 0.0, 60.0, 10.0, 0.0, 100.0, 50.0, 90.0, 0.0, 50.0, 0.0, 0.0, 80.0, 0.0, 0.0, 100.0, 70.0, 0.0, 30.0, 50.0, 0.0], (8000, 3600): [10.0, 30.0, 10.0, 0.0, 90.0, 40.0, 100.0], (5400, 200): [20.0, 10.0, 30.0, 30.0, 30.0], (7000, 4400): [10.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 90.0, 40.0, 10.0, 0.0, 40.0, 40.0, 20.0, 10.0, 10.0, 100.0, 60.0, 50.0], (5000, 2800): [0.0, 30.0, 80.0, 0.0, 0.0, 60.0, 0.0, 60.0, 10.0, 20.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0], (4800, 2000): [50.0, 60.0, 60.0, 20.0, 10.0, 0.0, 10.0, 10.0, 0.0, 0.0, 30.0, 90.0, 0.0, 30.0], (4600, 1800): [10.0, 30.0, 10.0, 0.0], (600, 400): [60.0, 20.0, 50.0, 40.0, 20.0, 20.0, 60.0, 10.0, -1.0, 100.0, 40.0, 30.0, 50.0, 30.0, 10.0, 20.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0], (6800, 3200): [20.0, 70.0, 100.0, 100.0, 20.0, 20.0, 100.0, 30.0, 80.0, 20.0], (7400, 4400): [40.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 10.0, 100.0], (8200, 4400): [100.0, 100.0, 100.0, 50.0, 40.0, 60.0, 50.0], (3800, 0): [10.0, 10.0, 10.0], (8800, 1000): [100.0, 100.0, 60.0], (6400, 0): [40.0, 50.0, 50.0, 50.0], (7200, 1800): [90.0, 70.0, 100.0, 30.0, 30.0], (3400, 2400): [20.0, -1.0, 30.0, -1.0, 50.0, 20.0, 80.0, 70.0, 20.0, 50.0, 50.0, 40.0, 30.0, 60.0, 40.0, 30.0, 40.0, 80.0, 100.0, 40.0, 70.0, 30.0, 100.0, 20.0, 40.0, 90.0], (1600, 0): [10.0, 0.0, 10.0], (3400, 1800): [30.0, 30.0, 20.0, 30.0, 50.0, 40.0, 30.0, 90.0, 30.0, 90.0, 60.0, -1.0, 30.0, 10.0, 30.0, 90.0], (7600, 5400): [0.0, 10.0, 100.0, 50.0], (7200, 3600): [60.0, 0.0, 0.0, 30.0, 100.0, 0.0, 70.0], (6200, 200): [50.0, 50.0, 50.0, 40.0, 50.0], (8400, 600): [100.0, 100.0, 100.0, 90.0, 100.0, 100.0], (6000, 3400): [100.0, 0.0, 100.0, 40.0, 10.0, 30.0, 10.0, 0.0, 100.0, 40.0, 0.0, 40.0, 30.0, 30.0, 90.0, 0.0, 90.0, 10.0, 100.0, 100.0], (3200, 1400): [20.0, 30.0, 40.0, 20.0, 40.0, 20.0, 10.0], (3200, 0): [0.0, 10.0, -1.0, 10.0], (8000, 2800): [90.0, 70.0, 100.0], (6200, 3400): [70.0, 0.0, 90.0, 60.0, 20.0, 20.0, 90.0, 10.0, 100.0, 10.0, 0.0, 0.0, 0.0], (2600, 1000): [20.0, 20.0, 10.0], (5600, 200): [30.0, 20.0, 30.0, 40.0], (7600, 3000): [10.0, 100.0, 10.0, 30.0, 10.0], (8000, 4200): [30.0, 40.0, 70.0, 100.0, 100.0, 50.0, 80.0, 100.0, 100.0, 100.0], (6000, 400): [50.0, 20.0, 30.0, 40.0, 30.0], (5800, 4400): [20.0, 0.0, 100.0, 0.0, 60.0, 0.0, 70.0, 10.0, 60.0, 100.0], (7600, 3800): [100.0, 50.0, 100.0, 40.0, 100.0, 0.0, 100.0, 0.0, 100.0], (4600, 1200): [40.0, 50.0, 10.0], (5400, 1400): [30.0, 100.0, 60.0, 50.0], (7200, 400): [50.0, 70.0, 60.0, 70.0], (5000, 1600): [0.0, 20.0, 0.0, 0.0], (5600, 4400): [100.0, 0.0, 20.0, 0.0, 40.0, 0.0], (2000, 1400): [60.0, 40.0, 10.0, 40.0, 30.0, 70.0, 70.0, -1.0, 60.0, 30.0, 20.0, 20.0, 20.0, 50.0, 30.0, 30.0, 40.0, 60.0, 70.0, -1.0, 30.0, -1.0, 20.0, 30.0, 20.0, -1.0], (5600, 3400): [10.0, 50.0, 10.0, 0.0, 10.0, 40.0, 0.0, 70.0, 0.0, 90.0, 40.0, 0.0], (4000, 1400): [30.0, 40.0], (7000, 600): [60.0, 80.0], (7800, 4400): [30.0, 100.0, 100.0, 100.0, 10.0, 30.0, 50.0, 20.0, 30.0, 20.0, 0.0, 20.0], (8800, 4200): [30.0, 0.0], (2200, 1200): [20.0, -1.0, 10.0, -1.0, 40.0, 40.0, 30.0, 40.0], (4800, 3600): [40.0, 10.0, 0.0, 20.0, 10.0, 10.0, 0.0, 50.0, 0.0, 0.0, 0.0, 20.0], (3600, 1000): [10.0, 40.0, -1.0, 20.0, 10.0, 10.0, 10.0], (8200, 1000): [70.0, 90.0, 60.0, 100.0], (4400, 3200): [40.0, 30.0, 50.0, 40.0, 50.0, 30.0, 10.0, 0.0, 10.0, 30.0, 10.0, 30.0, 30.0, 70.0, 0.0, 0.0, 0.0, 30.0, 80.0, 60.0, 30.0, 20.0, 50.0, 10.0, 30.0], (8200, 400): [100.0, 80.0, 100.0], (6200, 600): [10.0, 60.0], (7600, 800): [60.0, 50.0, 40.0, 90.0, 50.0, 90.0, 30.0, 90.0], (6400, 1000): [10.0, 40.0, 80.0, 30.0], (7800, 4800): [20.0, 100.0, 100.0, 40.0, 100.0, 50.0, 10.0, 100.0, 30.0, 20.0, 10.0, 100.0, 10.0, 0.0, 60.0, 100.0, 80.0, 100.0, 10.0, 100.0, 90.0, 80.0, 20.0], (5000, 1200): [40.0, 40.0, 0.0, 30.0, 0.0, 50.0], (5800, 1600): [30.0, 60.0, 30.0], (8400, 2000): [100.0, 100.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 90.0, 10.0, 70.0], (4200, 400): [30.0, 10.0, 20.0, 10.0, 10.0], (3200, 2600): [50.0], (6400, 2000): [30.0, 60.0, 60.0, 70.0], (6400, 400): [40.0], (1200, 600): [50.0, 50.0, 30.0, -1.0, 50.0, 60.0, 70.0, 40.0, 40.0, 50.0, 30.0], (1000, 600): [60.0, 70.0, 30.0, 50.0, 30.0, 40.0, 30.0, 10.0, 40.0, 50.0, 60.0, 50.0, 20.0, 40.0, 50.0, 10.0], (7600, 2600): [90.0, 100.0, 20.0, 90.0, 80.0, 100.0], (7600, 600): [60.0, 100.0, 90.0, 30.0], (3200, 2400): [-1.0, 30.0, 40.0, 40.0, 40.0, 30.0, 50.0, 30.0, 30.0, -1.0, 60.0, 40.0, 50.0], (8000, 1200): [80.0, 50.0, 50.0, 90.0], (5800, 1200): [70.0, 60.0, 10.0, 40.0], (7800, 1400): [40.0, 40.0, 100.0, 100.0], (6600, 1800): [10.0, 70.0], (6400, 2800): [80.0, 10.0, 20.0], (7800, 3600): [60.0, 100.0, 20.0], (6600, 4400): [100.0, 10.0, 50.0, 70.0, 50.0, 10.0, 0.0, 20.0, 0.0, 80.0, 10.0, 100.0, 90.0, 90.0, 0.0, 80.0, 40.0, 40.0, 10.0, 0.0, 10.0, 90.0, 10.0, 0.0], (5600, 3800): [0.0, 60.0, 30.0, 70.0, 90.0, 40.0, 20.0, 10.0, 90.0, 30.0, 30.0, 0.0, 90.0, 10.0, 0.0, 10.0, 10.0, 20.0, 20.0, 10.0, 0.0, 0.0, 0.0, 70.0, 20.0, 100.0, 0.0, 60.0, 10.0, 30.0], (7800, 3000): [30.0, 20.0, 40.0, 0.0, 20.0, 80.0, 100.0, 60.0], (3800, 800): [40.0, 20.0, 10.0, 10.0, 30.0, 40.0], (7800, 2400): [100.0, 70.0, 50.0, 20.0], (8200, 1800): [100.0, 20.0, 40.0], (8200, 0): [90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0], (5800, 1000): [80.0, 30.0, 50.0, 60.0, 50.0, 20.0], (4800, 3400): [40.0, 0.0, 10.0, 20.0, 50.0, 80.0, 70.0, 20.0, 20.0, 20.0, 40.0, 10.0, 0.0, 10.0, 0.0, 20.0, 0.0, 0.0, 50.0, 0.0, 50.0, 0.0, 0.0, 0.0, 40.0, 0.0, 100.0, 20.0], (6600, 800): [20.0, 30.0, 50.0, 40.0, 70.0, 30.0, 40.0, 100.0], (7000, 4200): [20.0, 20.0, 0.0, 0.0, 80.0, 60.0, 0.0, 0.0, 100.0, 30.0, 20.0, 50.0, 100.0, 90.0, 20.0, 90.0, 90.0, 60.0], (6600, 2000): [100.0, 0.0], (1000, 0): [0.0], (3000, 1600): [20.0, 20.0, 60.0, 50.0, 40.0, -1.0, 20.0, 40.0, 40.0, 40.0, -1.0, 20.0, 60.0, 40.0], (3600, 3000): [20.0], (3800, 1400): [50.0, 10.0, 30.0], (3800, 600): [-1.0, 10.0, 20.0, 10.0], (8000, 3800): [70.0, 10.0, 90.0, 30.0, 60.0, 90.0, 20.0, 70.0, 100.0, 40.0, 100.0], (8200, 1200): [50.0, 90.0, 100.0, 100.0], (5400, 3000): [10.0, 20.0, 30.0, 90.0, 50.0, 20.0, 0.0, 60.0, 30.0], (4200, 1400): [10.0, 30.0, 0.0, 10.0], (8600, 4000): [100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 20.0, 100.0, 60.0, 100.0], (5600, 4800): [0.0], (6400, 2600): [20.0, 40.0, 60.0, -1.0, 70.0, 70.0, 40.0, 100.0, 70.0, 70.0], (7000, 2800): [80.0, 80.0, 40.0, 100.0], (7000, 1000): [80.0, 100.0, 50.0, 60.0], (8000, 2600): [100.0, 30.0, 90.0, 50.0], (3400, 800): [10.0, 10.0, 20.0, 20.0, -1.0, 10.0], (8400, 5800): [30.0], (7000, 3400): [100.0, 40.0, 100.0, 60.0, 30.0], (7200, 1200): [100.0, 90.0, 80.0], (7800, 0): [70.0, 80.0], (8800, 5400): [100.0, 100.0, 10.0, 0.0, 100.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0], (5400, 3200): [20.0, 0.0, 60.0, 100.0, 0.0, 50.0, 20.0, 70.0, 0.0, 20.0, 40.0, 10.0, 10.0], (7000, 200): [60.0, 60.0, 60.0, 80.0], (1400, 400): [10.0, 30.0, 0.0, 10.0, 30.0, 10.0, 20.0, 10.0, -1.0], (6200, 4000): [0.0, 100.0, 0.0, 20.0, 10.0, 0.0, 60.0, 50.0, 0.0, 100.0, 40.0, 90.0, 20.0, 30.0, 40.0, 60.0, 10.0, 60.0, 20.0, 60.0, 40.0], (6200, 1800): [50.0, 50.0, 50.0, 80.0, 40.0], (8400, 400): [90.0, 80.0, 80.0], (8800, 3000): [20.0, 30.0, 100.0, 100.0, 70.0], (5800, 600): [10.0, 40.0, 20.0, 50.0, 30.0, 20.0, 30.0], (3000, 1200): [-1.0, -1.0, 40.0, 20.0, 40.0], (2800, 0): [30.0, 20.0, 20.0, 30.0, 0.0, 20.0, 30.0], (6400, 4200): [60.0, 70.0, 80.0, 100.0, 0.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 30.0, 30.0, 60.0, 0.0, 0.0], (8800, 1800): [70.0, 100.0, 20.0, 70.0, 100.0], (8600, 3400): [100.0, 0.0, 100.0, 10.0, 100.0, 0.0], (3400, 2800): [30.0, 30.0], (3000, 200): [0.0, 0.0, -1.0, 10.0, 0.0, -1.0], (8400, 4800): [90.0, 100.0, 30.0, 40.0, 40.0, 0.0, 100.0], (4000, 3200): [-1.0, 80.0, 40.0, 50.0, 60.0, 50.0], (4400, 400): [10.0, 10.0, -1.0, 10.0, -1.0, -1.0], (7000, 3200): [40.0, 70.0, 50.0, 10.0, 10.0, 100.0, 100.0, 10.0], (7600, 4400): [80.0, 30.0, 100.0, 100.0, 100.0, 30.0, 10.0, 20.0, 10.0], (6800, 4400): [90.0, 40.0, 40.0, 0.0, 100.0, 10.0, 0.0, 20.0, 60.0, 50.0, 0.0, 100.0, 20.0, 60.0, 0.0], (8400, 1800): [10.0, 10.0, 100.0, 100.0, 20.0], (8200, 4600): [100.0, 100.0, 80.0, 80.0, 10.0, 20.0, 100.0, 50.0], (6000, 2600): [20.0, 0.0, 0.0, 90.0, 60.0, 40.0, 50.0, 100.0, 20.0, 90.0, 100.0, 60.0, 10.0], (7000, 800): [50.0, 20.0, 50.0], (7400, 5400): [100.0], (1600, 600): [40.0, 10.0, 20.0, 10.0], (8200, 5000): [50.0, 90.0, 70.0, 0.0, 100.0, 0.0, 60.0, 100.0, 100.0, 20.0, 30.0, 70.0, 80.0, 100.0, 0.0, 100.0, 100.0, 30.0, 50.0, 100.0, 10.0], (7800, 400): [80.0, 100.0, 80.0], (4200, 1200): [40.0, 30.0, 60.0, 10.0, 20.0], (8200, 2600): [100.0, 50.0, 100.0, 100.0], (8200, 800): [80.0, 100.0, 70.0], (6600, 0): [50.0, 50.0, 50.0, 60.0, 50.0], (4800, 2200): [10.0, 0.0, 10.0, 0.0, 10.0, 0.0], (8200, 3200): [40.0, 100.0, 100.0, 20.0, 100.0, 0.0], (7200, 5400): [100.0], (5000, 0): [20.0, 10.0, 20.0, 10.0, 20.0, 10.0], (8800, 4600): [40.0, 10.0, 100.0, 100.0, 0.0, 30.0, 100.0, 100.0], (5800, 2000): [70.0, 10.0, 40.0, 0.0, 30.0, 50.0, 40.0], (7400, 200): [70.0, 70.0, 70.0, 80.0, 90.0, 70.0, 80.0], (2600, 400): [10.0, -1.0], (6400, 3400): [0.0, 10.0, 10.0, 0.0, 30.0, 90.0, 60.0], (7400, 1400): [90.0, 60.0, 70.0, 70.0, 50.0], (8000, 2000): [100.0], (8400, 1600): [20.0, 100.0, 20.0, 100.0], (3200, 1200): [30.0, -1.0, 0.0], (4200, 1000): [10.0, 10.0, 20.0, 10.0, -1.0], (7600, 4800): [10.0, 0.0, 30.0, 10.0, 100.0, 30.0, 0.0, 100.0, 70.0, 0.0, 20.0, 100.0, 10.0, 100.0, 30.0, 40.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0], (4600, 2800): [10.0, 0.0, 80.0, 40.0, 60.0, 100.0, 10.0, 0.0, 80.0, 10.0, 20.0, 60.0, 100.0, 20.0, 0.0, 0.0, 10.0, 10.0, 80.0, 20.0, 10.0, 0.0, 0.0], (3400, 1600): [20.0, 20.0], (7000, 1400): [20.0, 30.0, 60.0, 30.0, 100.0, 60.0], (4400, 1800): [20.0, 10.0], (7200, 4800): [0.0, 50.0, 80.0, 100.0, 30.0, 0.0, 50.0, 60.0, 100.0, 100.0, 0.0, 90.0, 100.0, 20.0, 20.0, 10.0, 0.0, 10.0, 30.0, 100.0, 0.0, 100.0], (7400, 4600): [0.0, 80.0, 0.0, 20.0, 100.0, 30.0, 50.0, 100.0, 100.0, 0.0, 0.0], (4800, 1000): [0.0, 40.0], (8000, 4800): [100.0, 60.0, 30.0, 70.0, 80.0, 50.0, 100.0, 10.0, 30.0, 30.0, 0.0, 100.0, 70.0, 0.0, 0.0, 10.0, 50.0, 100.0], (3400, 0): [10.0, -1.0, 10.0, 0.0], (7400, 600): [90.0, 80.0], (7800, 1800): [80.0, 70.0, 100.0, 100.0], (5800, 800): [40.0, 0.0, 60.0], (3600, 200): [-1.0, 0.0, 10.0, -1.0], (3800, 2800): [-1.0, 80.0, 50.0, 10.0, 40.0, 30.0, 30.0, 20.0, 30.0, 50.0, 40.0], (5200, 2800): [30.0, 40.0, 50.0, 40.0, 10.0, 30.0], (4800, 600): [20.0, 10.0, 10.0, 0.0, 0.0], (4000, 2600): [90.0, 20.0, 30.0, 40.0, 40.0, 30.0, 30.0, 50.0, 10.0, 20.0, 30.0, 40.0, 50.0, 20.0, 80.0, -1.0, 50.0, 10.0, 50.0, 20.0, 40.0, 20.0, 30.0, 70.0, 40.0, 70.0, 30.0, 30.0], (7600, 400): [90.0, 80.0, 70.0, 80.0, 70.0], (5200, 2400): [40.0, 10.0, 0.0], (4800, 1600): [10.0, 40.0, 20.0, 10.0, 30.0, 10.0, 50.0], (6800, 3800): [0.0, 20.0, 20.0, 70.0, 40.0, 20.0, 0.0, 90.0], (8400, 3200): [100.0, 20.0], (4600, 400): [10.0, 10.0], (7800, 2800): [100.0, 100.0, 100.0, 40.0], (8800, 1600): [100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 80.0], (6000, 1200): [30.0, 70.0, 40.0], (8600, 3600): [50.0, 60.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0], (7400, 3000): [100.0, 10.0, 100.0, 60.0, 60.0, 60.0, 50.0, 80.0], (2400, 1800): [40.0, 100.0, 70.0, 60.0, 60.0, 50.0, 80.0, 60.0, 40.0, 50.0, 50.0, 50.0, 10.0, 60.0, 70.0], (4800, 2400): [80.0, 0.0, 60.0, 30.0, 40.0, 40.0, 10.0, 40.0, 20.0], (8200, 4200): [90.0, 40.0, 0.0, 100.0, 30.0, 40.0, 60.0, 100.0, 10.0, 30.0, 10.0, 70.0, 100.0, 100.0], (6600, 1400): [50.0, 50.0, 70.0], (5600, 1200): [50.0, 40.0, 30.0, 20.0], (5200, 1400): [30.0, 10.0, 0.0, 20.0], (2000, 800): [10.0, 0.0, 30.0, 20.0, 30.0, 20.0, 40.0, 10.0, 20.0, 40.0], (2200, 1400): [50.0, 30.0, 30.0, -1.0, -1.0, 40.0, 60.0, 50.0, 30.0, 50.0, 50.0, -1.0, 60.0, 70.0, 70.0, 50.0, 20.0, 50.0], (8400, 3000): [40.0, 100.0], (6200, 4200): [30.0, 0.0, 60.0, 10.0, 50.0, 60.0, 0.0, 70.0, 0.0, 80.0, 100.0, 90.0, 40.0, 40.0, 100.0], (8000, 600): [90.0, 80.0, 100.0, 100.0, 80.0, 90.0], (6800, 2600): [10.0, 100.0, 10.0, 60.0, 20.0, 20.0, 0.0, 30.0, 50.0], (8000, 4600): [100.0, 60.0, 90.0, 90.0, 20.0, 0.0, 100.0, 80.0, 70.0, 10.0, 0.0, 20.0, 20.0, 20.0, 20.0, 100.0], (4200, 800): [30.0, 30.0], (6600, 600): [50.0, 60.0, 40.0, 40.0], (8000, 5200): [20.0, 30.0, 30.0, 20.0, 0.0, 100.0, 100.0, 100.0, 20.0], (7600, 1600): [90.0, 60.0, 100.0, 90.0], (6200, 2400): [20.0, 70.0, 10.0, 10.0, 100.0, 100.0], (1400, 1200): [70.0], (7200, 1600): [40.0], (6600, 2600): [90.0, 60.0, 10.0], (1800, 1200): [-1.0, 90.0, 30.0, 70.0, 30.0, 50.0, 70.0, 60.0, 40.0, 20.0, 80.0, -1.0, 50.0, 0.0, 20.0, 50.0, 20.0, 40.0, 50.0, 90.0, 40.0, 80.0, 40.0, 80.0, 40.0, 60.0, -1.0, 20.0], (5800, 3000): [80.0, 10.0, 10.0, 0.0, 30.0, 100.0], (6400, 3800): [10.0, 70.0, 0.0, 50.0, 100.0, 20.0, 20.0, 80.0, 90.0, 90.0, 0.0], (3800, 1800): [30.0, 60.0, 30.0, 50.0, 10.0, 10.0, 20.0], (7000, 400): [60.0, 30.0, 60.0], (6400, 4800): [0.0, 50.0, 0.0, 40.0, 10.0, 10.0, 60.0, 40.0], (5200, 3800): [80.0, 10.0, 20.0, 0.0, 20.0, 50.0, 10.0, 0.0, 20.0, 20.0, 100.0, 0.0, 20.0, 0.0, 20.0, 0.0, 30.0, 0.0, -1.0, 20.0, 40.0], (6200, 3800): [100.0, 40.0, 30.0, 60.0, 30.0, 90.0, 100.0, 30.0, 30.0, 50.0, 10.0, 0.0, 0.0, 50.0, 100.0], (4000, 2200): [10.0, 10.0, 90.0, 50.0, 50.0], (6200, 400): [50.0, 40.0, 50.0, 60.0, 60.0, 20.0, 40.0], (4600, 3600): [40.0, 20.0, 10.0, 0.0, 10.0, 10.0, 100.0], (3400, 2000): [40.0, 20.0, 40.0, 40.0, 30.0, 40.0, 40.0, 60.0, 60.0, 30.0, 60.0, 50.0, 60.0, 70.0, 30.0, 30.0, 40.0, 40.0, 40.0], (2400, 2000): [-1.0], (4200, 2400): [40.0, 10.0, 10.0, 20.0, 60.0, 0.0, 50.0, 0.0, 0.0, 30.0, 50.0, 20.0, 40.0, 50.0, 30.0], (2200, 0): [0.0, 0.0, 0.0], (6400, 4600): [100.0, 0.0, 60.0, 100.0, 0.0, 100.0, 20.0, 100.0, 30.0, 70.0, 40.0, 60.0, 20.0, 0.0, 60.0, 0.0, 70.0, 40.0, 60.0, 100.0, 0.0, 10.0, 30.0, 20.0, 100.0, 20.0, 0.0, 40.0], (7600, 2200): [100.0, 80.0, 10.0, 10.0, 60.0], (6200, 4600): [20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 10.0, 100.0, 40.0, 10.0, 30.0, 20.0, 80.0, 10.0, 0.0], (3000, 600): [10.0, 10.0, 10.0, 10.0], (5000, 600): [0.0, 0.0, 20.0, 20.0, 20.0, 20.0, 10.0], (8400, 5400): [40.0, 70.0, 10.0, 100.0, 100.0, 90.0], (7600, 4200): [100.0, 10.0, 50.0, 100.0, 100.0, 60.0, 0.0, 50.0], (2000, 400): [-1.0, 10.0, -1.0, 20.0, 10.0, 10.0, 0.0], (6800, 1400): [100.0, 60.0, 70.0, 50.0, 50.0, 60.0], (7000, 2600): [50.0, 30.0, 50.0, 80.0, 10.0], (5400, 3600): [10.0, 50.0, 0.0, 0.0, 30.0, 10.0, 0.0, 0.0, 0.0, 50.0, 60.0, 70.0, 10.0, 10.0, 30.0, 60.0, 90.0, 70.0, 90.0, 20.0, 0.0, 20.0, 100.0, 60.0], (5600, 1000): [30.0, 50.0, 20.0], (2800, 1600): [30.0, 10.0, 20.0, 70.0, 70.0, 20.0, 60.0, 80.0, 40.0, 60.0, 40.0, 20.0, 20.0, 40.0, 20.0, -1.0, 40.0, 40.0, 50.0, 30.0, 20.0], (4400, 0): [10.0, 0.0, -1.0, 20.0, -1.0, 10.0], (2000, 1200): [50.0, 30.0, 70.0, 30.0, 70.0, 40.0, 80.0, 50.0, 30.0, 50.0, 50.0, 20.0, 70.0, 40.0, 30.0], (2200, 800): [50.0, 10.0, 30.0, 30.0, 30.0, 20.0], (1200, 1000): [80.0, 60.0], (6000, 4600): [0.0, 60.0, 60.0, 50.0], (6200, 2800): [100.0, 90.0, 30.0, 100.0, 10.0, 100.0], (7200, 3000): [10.0, 10.0, 0.0, 100.0, 70.0], (8400, 1400): [100.0, 100.0, 10.0, 80.0, 100.0, 10.0, 100.0], (4600, 2200): [20.0, 0.0, 10.0, 20.0, 10.0, 0.0], (7200, 4000): [90.0, 70.0, 60.0, 100.0, 0.0, 20.0, 20.0, 20.0, 70.0, 20.0, 100.0, 100.0, 100.0, 30.0, 90.0, 70.0], (5400, 3400): [40.0, 20.0, 0.0, 0.0, 50.0, 0.0, 90.0, 100.0, 0.0, 0.0, 50.0, 90.0, 10.0, 0.0, 60.0, 0.0, 100.0, 0.0, 30.0, 0.0], (5600, 800): [20.0, 40.0], (3200, 200): [0.0, 10.0, 0.0], (3200, 1000): [20.0, 10.0, 10.0, 30.0, 0.0, 10.0], (4800, 2600): [0.0, 0.0, 20.0, 10.0, 10.0, 20.0, 30.0, 0.0, 0.0], (6400, 4000): [10.0, 40.0, 40.0, 100.0, 100.0, 70.0, 0.0, 100.0, 80.0, 10.0, 70.0, 10.0, 100.0, 100.0, 40.0, 60.0, 70.0], (3400, 1000): [30.0, 30.0, 10.0, 30.0, 50.0, -1.0, 20.0], (2400, 1000): [40.0, 10.0], (7800, 5600): [100.0], (400, 200): [20.0, 40.0, 80.0, 30.0, 20.0, 10.0, 20.0, 20.0, 0.0, 20.0, 30.0, 20.0, 60.0, 10.0, 70.0, 0.0, 30.0, 10.0], (8800, 3600): [80.0, 100.0, 30.0, 100.0, 100.0], (6800, 0): [60.0, 60.0, 60.0], (6800, 3600): [100.0, 100.0, 80.0, 0.0, 60.0, 50.0, 100.0, 0.0, 50.0, 60.0, 100.0], (6400, 2200): [30.0, 50.0, 20.0, 100.0, 30.0, 40.0], (6800, 4000): [40.0, 10.0, 80.0, 100.0, 100.0, 60.0, 0.0, 100.0, 60.0, 20.0, 90.0, 90.0, 60.0, 40.0, 10.0, 80.0, 100.0, -1.0, 80.0], (8200, 2200): [100.0, 100.0], (6400, 3200): [80.0, 80.0, 70.0, 0.0, 20.0, 10.0], (4200, 2800): [0.0, 10.0, 0.0, 30.0, 0.0, 20.0, 20.0, 50.0, 40.0, 30.0, 100.0, 20.0, 10.0, 50.0, 20.0, 0.0, 30.0, 30.0], (2000, 1000): [-1.0, 20.0, 50.0, 40.0, 40.0, 50.0, 20.0, 40.0, 40.0, 30.0, 40.0, 20.0], (7600, 3400): [20.0, 30.0, 100.0, 50.0, 10.0, 100.0, 70.0, 100.0, 60.0], (5600, 3200): [30.0, 0.0, 20.0, 0.0, 30.0, 0.0, 0.0, 80.0, 0.0, 80.0, 50.0, 20.0, 100.0, 10.0], (6800, 600): [60.0], (4200, 200): [10.0, 10.0, -1.0, 20.0, 20.0, 10.0], (7200, 4400): [100.0, 10.0, 0.0, 80.0, 0.0, 80.0, 100.0, 100.0, 10.0, 30.0, 100.0, 80.0, 30.0, 0.0, 10.0, 100.0, 40.0], (6400, 1800): [50.0, 30.0], (6200, 3000): [0.0, 40.0, 0.0, 70.0, 0.0], (7600, 5200): [30.0, 10.0, 10.0, 0.0, 20.0, 70.0, 10.0, 100.0], (2600, 1600): [30.0, 20.0, 90.0, 30.0, 40.0, 40.0, 20.0, -1.0, 20.0, 40.0, 40.0, 40.0, 80.0, 30.0, 70.0, 50.0, 40.0, 80.0, 50.0, 50.0, 60.0, 60.0, 20.0, 20.0, 40.0], (8800, 2800): [100.0, 60.0, 90.0], (2800, 2200): [50.0, 20.0, 0.0, 80.0, 80.0, 30.0, 100.0], (7400, 3600): [100.0, 10.0, 10.0, 100.0, 30.0, 50.0, 100.0, 70.0, 0.0, 100.0], (5400, 4600): [10.0], (5800, 2600): [100.0, 0.0, 20.0, 60.0, 30.0, 30.0, 40.0, 70.0, 60.0, 0.0], (2800, 1800): [20.0, -1.0, 60.0, 20.0, 60.0, 80.0, 30.0, 60.0, 10.0, 40.0, 20.0, 50.0, 100.0, 50.0, 40.0, 30.0, 20.0, 20.0, 40.0, 100.0, 40.0], (6800, 2800): [70.0, 100.0, 20.0], (4600, 3200): [20.0, 100.0, 10.0, 40.0, 0.0, 50.0, 70.0, -1.0, 10.0, 30.0, 20.0, 70.0, 30.0, 40.0, 20.0, 0.0, 40.0, 0.0, 10.0, 20.0, 50.0, 40.0, 70.0, 10.0, 30.0, 0.0, 0.0, 0.0, 0.0, 0.0, 60.0], (5600, 400): [30.0, 20.0, 40.0, 30.0, 30.0, 30.0, 30.0, 20.0], (5600, 2200): [40.0, 10.0, 0.0, 20.0, 10.0], (3600, 1400): [10.0, 30.0, -1.0, 10.0, 50.0, 10.0, -1.0, 20.0], (8800, 5600): [10.0, 100.0, 10.0, 10.0, 100.0, 100.0, 10.0, 100.0], (7800, 4200): [20.0, 0.0, 0.0, 20.0, 70.0, 0.0, 80.0, 50.0, 90.0, 10.0, 0.0], (4400, 800): [20.0, 10.0], (6600, 1600): [70.0, 70.0, 90.0, 30.0, 100.0], (8400, 2600): [100.0, 100.0, 100.0, 60.0, 100.0, 10.0, 100.0], (3200, 2200): [40.0, 50.0, 90.0, 40.0, 30.0, 50.0, 40.0, 30.0, 40.0, 30.0, 40.0, 40.0, 70.0, 50.0, 60.0, 30.0, 40.0, 30.0, 60.0, 40.0, 60.0, 40.0, 30.0, 50.0, 30.0, 20.0, 30.0, 40.0, 60.0, 30.0], (8000, 4400): [70.0, 80.0, 40.0, 100.0, 0.0, 0.0, 50.0, 20.0, 70.0, 100.0], (3800, 200): [10.0, -1.0, 10.0], (7600, 2800): [100.0], (8800, 200): [100.0, 100.0, 100.0], (8800, 2600): [30.0, 100.0, 0.0, 80.0, 70.0, 100.0], (8000, 1600): [100.0, 80.0, 90.0], (4600, 2000): [30.0, 0.0, 30.0, 0.0, 20.0, 20.0, 70.0, 10.0], (8600, 5200): [100.0, 100.0, 90.0, 10.0, 100.0, 50.0, 20.0, 100.0, 0.0, 100.0, 80.0, 100.0, 100.0, 50.0], (8800, 4400): [100.0, 100.0, 10.0, 10.0, 100.0, 0.0, 100.0], (0, 0): [100.0], (7600, 3200): [100.0, 100.0, 100.0, 40.0, 70.0, 30.0, 80.0], (4400, 1600): [30.0, 0.0, 40.0, 0.0, 20.0], (3400, 600): [10.0, 20.0, 20.0, 10.0, -1.0], (7400, 2800): [70.0, 0.0], (7400, 5000): [50.0, 20.0, 100.0, 90.0, 20.0, 100.0, 90.0, 0.0, 10.0], (6000, 600): [40.0, 20.0, 20.0, 20.0], (6000, 200): [30.0, 30.0, 40.0, 60.0, 40.0], (5000, 3600): [0.0, 0.0, 20.0, 100.0, 10.0, 10.0, 10.0, 60.0, 10.0, 30.0, 0.0, 0.0, 0.0, 0.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 60.0, 10.0, 10.0], (6600, 1200): [-1.0, 90.0, 100.0, 30.0], (2200, 1000): [20.0, 10.0, 20.0, 10.0, 10.0], (8400, 4200): [20.0, 100.0, 100.0, 100.0], (3600, 2000): [30.0, 20.0, 80.0, 30.0, 30.0, 40.0, 30.0, 40.0, 70.0, 10.0, 10.0, 40.0, 80.0, 30.0, 80.0, 70.0], (8000, 5600): [100.0, 10.0], (4400, 3400): [50.0, 40.0, 20.0, 20.0, 10.0, 40.0, 0.0, 10.0, 50.0], (1800, 200): [-1.0, 0.0, 10.0], (6600, 3200): [70.0, 10.0, 30.0, 40.0, 0.0, 90.0], (2600, 200): [10.0, -1.0, 10.0, 10.0], (6200, 3600): [100.0, 100.0, 0.0, 90.0, 90.0, 50.0, 30.0, 70.0, 100.0, 90.0, 30.0], (6000, 3000): [50.0, 0.0, 90.0, 40.0, 0.0, 40.0, 30.0, 0.0, 80.0, 80.0, 40.0, 10.0], (8200, 3000): [20.0, 80.0, 30.0, 70.0, 20.0, 60.0], (4000, 0): [10.0, 10.0, 10.0, 20.0, 10.0, 10.0], (7600, 3600): [80.0, 0.0, 0.0, 30.0, 60.0], (6600, 2200): [60.0, 30.0, 40.0, 70.0, 80.0, 80.0], (8400, 4000): [70.0, 100.0, 50.0, 20.0, 0.0], (8400, 1000): [70.0, 100.0, 70.0], (8000, 2200): [0.0, 70.0, 70.0, 100.0], (6600, 4200): [70.0, 40.0, 50.0, 0.0, 10.0, 10.0, 20.0, 0.0, 60.0, 40.0, 80.0, 60.0, 30.0, 40.0, 0.0, 20.0, 70.0, 80.0, 40.0], (8400, 800): [60.0, 90.0, 100.0, 80.0, 100.0, 90.0, 100.0, 70.0, 90.0, 100.0], (6000, 4800): [50.0], (7200, 4200): [0.0, 100.0, 50.0, 30.0, 40.0, 0.0, 100.0, 10.0, 0.0, 20.0], (7800, 1200): [90.0, 90.0, 60.0], (5800, 2800): [30.0, 70.0, 0.0, 10.0, 20.0, 50.0, 50.0], (7200, 5200): [30.0, 10.0, 100.0, 0.0], (8800, 4000): [100.0, 100.0, 100.0, 100.0, 100.0], (8200, 1400): [100.0, 100.0, 80.0, 90.0, 60.0, 80.0, 30.0], (5400, 0): [10.0, 30.0, 20.0], (1400, 200): [20.0, -1.0, 10.0, 0.0], (5400, 4000): [0.0, 0.0, 50.0, 80.0, 40.0, 30.0, 0.0, 70.0, 30.0, 60.0, 60.0, 0.0, 80.0, 50.0, 10.0, 40.0, 0.0, 0.0], (6400, 3000): [30.0, 10.0, 40.0, 100.0, 60.0, 30.0, 0.0, 100.0, 0.0], (6800, 2200): [0.0, 80.0, 100.0, 70.0], (2600, 600): [-1.0, -1.0, 40.0, 10.0, -1.0], (4000, 1200): [10.0, 40.0, 30.0], (6600, 4600): [10.0, 80.0, 0.0, 10.0, 20.0, 0.0, 70.0, 100.0, 60.0, 10.0, 100.0, 50.0, 0.0, 0.0, 50.0, 100.0, 0.0, 50.0, 10.0, 100.0, 0.0, 100.0, 70.0, 80.0, 0.0], (5200, 400): [30.0, 20.0], (7000, 5000): [0.0, 60.0, 30.0, 0.0, 100.0], (7800, 800): [70.0, 90.0, 80.0, 60.0], (7800, 5000): [100.0, 20.0, 90.0, 100.0, 10.0, 0.0, 90.0, 50.0, 100.0, 30.0, 10.0, 100.0, 100.0, 100.0], (5200, 4000): [10.0, 100.0, 0.0, 60.0], (6800, 2000): [100.0, 60.0], (5600, 1600): [30.0, 10.0, 60.0, 40.0, 0.0], (1400, 800): [40.0, 40.0, 60.0, 30.0, -1.0, 40.0, 90.0, -1.0, 40.0, 30.0, 40.0, 40.0, 20.0, -1.0, 20.0, 50.0, 40.0, 20.0], (3400, 400): [20.0], (3600, 2400): [80.0, 30.0, 50.0, 40.0, 40.0, 20.0, 40.0, 30.0, 100.0, -1.0, 30.0, 60.0, 80.0, 50.0, 40.0, 30.0, 100.0, 50.0, 40.0, 50.0], (6000, 800): [40.0, 10.0, 40.0, 40.0], (8400, 5000): [10.0, 20.0, 20.0, 80.0, 0.0, 100.0, 0.0, 90.0, 100.0, 80.0, 90.0, 100.0, 100.0, 60.0, 100.0], (4000, 400): [10.0, -1.0, 10.0, -1.0, 20.0], (4200, 2600): [40.0, 30.0, 20.0, 30.0, 50.0, 30.0, 40.0, 40.0, 30.0, 20.0, 20.0, 100.0, 10.0, 10.0, 60.0, 30.0, 30.0, 30.0, 40.0, 20.0], (8000, 5400): [90.0, 0.0, 30.0, 10.0, 100.0, 0.0, 20.0, 90.0], (2200, 1800): [70.0, 60.0, 60.0], (8800, 5000): [80.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 80.0, 100.0, 0.0], (4200, 3000): [30.0, 0.0, 40.0, 40.0, 100.0, 0.0, 80.0, 70.0, 20.0, 20.0, 100.0, 40.0, 60.0, 20.0, 0.0, 30.0, 60.0, 0.0, 0.0, 10.0, 10.0, 50.0, 20.0, 60.0, 30.0, 20.0, 0.0, 20.0, 70.0, 10.0, 40.0, 20.0, 60.0, 10.0, 30.0, 20.0, 40.0, 30.0], (5600, 4000): [50.0, 100.0, 20.0, 0.0, 30.0, 0.0, 10.0, 0.0, 90.0, 60.0, 0.0, 10.0, 20.0, 10.0, 30.0, 100.0, 0.0, 0.0, 0.0, 10.0, 70.0, 70.0, 50.0, 60.0, 0.0, 50.0, 100.0], (6400, 3600): [60.0, 0.0, 0.0, 30.0, 100.0, 40.0, 40.0, 30.0, 90.0, 0.0], (5400, 1000): [30.0, 60.0, 40.0, 10.0, 0.0], (2600, 2200): [70.0], (4000, 2400): [30.0, 10.0, 10.0, 10.0, 40.0, 30.0, 70.0, 10.0, 50.0, 50.0, 20.0, 0.0, 60.0], (6200, 2000): [0.0, 80.0, 50.0, 60.0, 40.0, 60.0, 10.0, 40.0], (4200, 0): [10.0, 10.0, 20.0, 10.0, 10.0, 20.0], (1000, 800): [40.0, -1.0, 40.0, 30.0], (4600, 3400): [70.0, 20.0, 30.0, 40.0, 10.0, 50.0, 0.0, 20.0, 0.0, 0.0, 10.0, 20.0, 20.0, 90.0, 60.0, 60.0], (8600, 800): [90.0, 90.0, 100.0, 80.0], (2400, 1400): [40.0, 20.0, 20.0, 60.0, 20.0, 20.0, 50.0, 30.0, 50.0, 60.0, 40.0, 50.0, 60.0, 50.0, 20.0, 60.0], (8600, 5800): [100.0, 80.0], (8000, 800): [100.0, 100.0, 70.0, 60.0, 30.0], (5800, 3600): [20.0, 20.0, 40.0, 0.0, 100.0, 20.0, 10.0, 0.0, 0.0, 50.0, 20.0, 20.0, 0.0, 10.0, 0.0, 50.0], (5800, 1800): [20.0, 60.0, 30.0, 50.0, 40.0, 30.0, 40.0, 100.0, 40.0, 10.0, 10.0, 0.0], (3600, 800): [10.0, 30.0, 10.0, 10.0, 20.0, 20.0, 30.0], (4600, 1000): [30.0, 10.0, 10.0], (6400, 4400): [20.0, 70.0, 100.0, 10.0, 20.0, 90.0, 0.0, 0.0, 50.0, 70.0, 20.0, 100.0, 30.0, 100.0, 0.0, 80.0, 40.0, 0.0], (8800, 3400): [100.0, 20.0, 50.0, 100.0, 100.0], (6600, 3800): [100.0, 100.0, 0.0, 20.0, 90.0, 10.0, 30.0, 100.0, 100.0, 50.0, 0.0, 40.0, 50.0, 40.0, 0.0, 50.0], (2200, 200): [0.0, 0.0, 0.0, 10.0, 0.0], (5400, 1200): [30.0, 10.0], (5400, 400): [10.0, 10.0, 30.0, 30.0], (4200, 3400): [100.0, 90.0, 40.0], (1800, 400): [-1.0, 10.0, -1.0, 10.0], (7800, 3200): [50.0, 100.0, 100.0], (8400, 2400): [100.0], (5000, 1000): [30.0, 0.0], (8200, 600): [60.0, 100.0, 80.0, 100.0], (7400, 1200): [80.0, 40.0, 70.0, 20.0, 80.0, 90.0], (6000, 3800): [50.0, 10.0, 10.0, 100.0, 20.0, 100.0, 80.0, 0.0, 100.0, 0.0, 0.0, 10.0, 10.0, 70.0, 0.0, 90.0, 60.0, 10.0, 20.0, 100.0, 80.0, 100.0, 0.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_300 = {(6000, 4200): [60.0, 0.0, 10.0, 40.0, 10.0, 90.0, 100.0, 80.0, 60.0, 40.0, 10.0, 30.0, 100.0, 0.0, 50.0, 100.0, 70.0, 80.0, 40.0, 20.0, 60.0, 0.0, 0.0, 60.0, 40.0, 70.0, 0.0, 0.0, 70.0, 80.0, 10.0, 30.0, 0.0, 80.0, 20.0, 60.0, 80.0, 20.0, 0.0, 20.0, -1.0, 0.0, 10.0, 90.0, 80.0, 0.0, 40.0, 40.0, 0.0, 60.0, 10.0, 20.0, 30.0, 20.0, 70.0, 90.0, 40.0, 100.0, 100.0, 70.0], (2400, 2100): [60.0], (8700, 1500): [100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 100.0, 80.0], (2400, 1200): [10.0, 20.0, -1.0, -1.0, 30.0, 100.0, 10.0, 20.0, 20.0, 20.0, 20.0, 20.0, 0.0, 60.0, 30.0, 30.0, 60.0, 50.0, 30.0, 20.0, 40.0, 30.0], (8100, 600): [60.0, 90.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0], (2400, 0): [-1.0, -1.0, -1.0, 0.0, 10.0, -1.0, -1.0, -1.0, 10.0, 10.0, 20.0], (5700, 300): [40.0, 40.0, 30.0, 40.0, 40.0, 40.0, 30.0, 30.0, 50.0, 40.0, 50.0, 40.0], (2400, 1800): [40.0, 100.0, 70.0, 50.0, 60.0, 60.0, 50.0, 80.0, 30.0, 60.0, 80.0, 60.0, 40.0, 10.0, 40.0, 50.0, 90.0, 30.0, 50.0, 30.0, 40.0, 50.0, 50.0, 50.0, 10.0, 60.0, 70.0, -1.0, 30.0], (4800, 3900): [10.0, 100.0, 0.0], (3600, 900): [10.0, 40.0, -1.0, 20.0, 10.0, 10.0, 10.0, 20.0, 10.0], (4800, 3000): [20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 20.0, 40.0, 100.0, 10.0, 0.0, 20.0, 30.0, 10.0, 70.0, 0.0, 0.0, 50.0, 0.0, 100.0, 30.0, 0.0, 10.0, 30.0, 0.0, 10.0], (6900, 300): [60.0, 30.0, 60.0, 60.0, 60.0, 70.0, 60.0, 60.0, 80.0], (5700, 3000): [0.0, 10.0, 30.0, 10.0, 0.0, 80.0, 10.0, 10.0, 10.0, 0.0, 30.0, 100.0], (1500, 600): [40.0, -1.0, 40.0, 40.0, 30.0, 10.0, 40.0, 10.0, 20.0, 20.0, 20.0, 10.0, 20.0, 20.0, 10.0, 60.0], (5700, 3900): [0.0, 50.0, 100.0, 60.0, 0.0, 0.0, 0.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 90.0, 10.0, 80.0, 40.0, 20.0, 0.0, 30.0, 30.0, 90.0, 0.0, 10.0, 0.0, 40.0, 40.0, 10.0, 0.0, 100.0, 0.0, 10.0, 0.0, 0.0, 30.0, 80.0, 10.0, 70.0, 0.0, 0.0, 20.0, 100.0, 60.0, 50.0, 0.0, 100.0, 20.0, 50.0, 50.0, 70.0, 50.0, 0.0, 30.0, 10.0, 40.0, 60.0, 10.0], (1500, 1200): [50.0, 50.0, 70.0, 30.0, 30.0, 30.0], (4200, 0): [10.0, 10.0, 20.0, 20.0, 20.0, -1.0, 20.0, 10.0, 10.0, 20.0, 10.0], (4800, 300): [10.0, 0.0, 20.0, 10.0], (3300, 300): [-1.0, 0.0, 10.0, 20.0], (900, 600): [40.0, 60.0, 70.0, 30.0, 50.0, 30.0, 50.0, 40.0, 30.0, 70.0, 10.0, 40.0, -1.0, 40.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 50.0, 20.0, 40.0, -1.0, 40.0, 50.0, 40.0, 70.0, 20.0, 50.0, 10.0, 30.0], (6000, 2700): [0.0, 0.0, 50.0, 100.0, 90.0, 90.0, 60.0, 40.0, 90.0, 50.0, 0.0, 20.0, 20.0, 70.0, 10.0, 70.0, 100.0, 0.0, 10.0, 10.0, 0.0, 100.0], (6600, 1500): [70.0, 100.0, 70.0, 90.0, 60.0, 60.0, 30.0, 70.0, 50.0, 50.0, 50.0, 70.0, 100.0], (4500, 2400): [50.0, 10.0, 0.0, 0.0, 0.0, 0.0, 0.0, 100.0, 50.0, 40.0, 20.0, 60.0, 30.0, 0.0, 20.0, 100.0, 0.0, 40.0, 20.0], (7500, 3300): [20.0, 40.0, 30.0, 100.0, 50.0, 100.0, 10.0, 60.0, 100.0, 50.0, 10.0, 100.0, 70.0, 30.0, 70.0, 100.0, 60.0], (3000, 2400): [60.0, 60.0, 50.0, 30.0, 30.0, 60.0, 40.0, 50.0], (7500, 4200): [40.0, 100.0, 90.0, 100.0, 40.0, 30.0, 100.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 10.0, 50.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 0.0, 20.0, 10.0, 0.0, 50.0, 50.0], (7200, 4500): [100.0, 100.0, 10.0, 70.0, 70.0, 50.0, 0.0, 80.0, 40.0, 0.0, 100.0, 0.0, 20.0, 100.0, 40.0, 100.0, 10.0, 30.0, 100.0, 50.0, 80.0, 40.0, 100.0, 100.0, 100.0, 100.0, 10.0, 80.0, 30.0, 100.0, 60.0, 70.0, 40.0, 0.0, 0.0, 0.0, 40.0, 60.0], (7200, 2400): [30.0, 90.0, 40.0, 70.0, 100.0, 90.0, 100.0, 50.0, 30.0, 40.0], (8700, 1200): [40.0, 80.0, 100.0, 50.0, 100.0, 90.0], (6000, 1800): [70.0, 50.0, 60.0, 50.0, 10.0, 30.0, 50.0, 50.0, 10.0, 40.0], (8700, 2100): [50.0, 90.0, 100.0, 100.0, 50.0, 100.0, 100.0], (7200, 900): [30.0, 60.0, 70.0, 20.0, 100.0, 20.0, 30.0], (7200, 4200): [80.0, 100.0, 10.0, 0.0, 0.0, 100.0, 0.0, 80.0, 0.0, 100.0, 10.0, 50.0, 30.0, 90.0, 40.0, 0.0, 100.0, 0.0, 10.0, 100.0, 100.0, 20.0, 10.0, 0.0, 20.0], (3000, 1500): [20.0, 20.0, 30.0, 20.0, 20.0, 40.0, 60.0, 50.0, 50.0, 40.0, 30.0, -1.0, 20.0, 40.0, 40.0, 30.0, 40.0, 40.0, -1.0, 20.0, 60.0, 40.0, 40.0], (8700, 3000): [40.0, 20.0, 30.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 90.0, 60.0, 100.0, 30.0, 70.0], (6000, 3600): [0.0, 100.0, 100.0, 0.0, 30.0, 10.0, 90.0, 20.0, 100.0, 0.0, 0.0, 50.0, 30.0, 0.0, 10.0, 70.0, 50.0, 40.0, 0.0, 30.0, 60.0, 10.0, 20.0, 70.0, 0.0, 30.0, 10.0, 30.0, 20.0], (3300, 1800): [30.0, 30.0, 30.0, 20.0, 30.0, 30.0, 50.0, 40.0, -1.0, 30.0, 90.0, 40.0, 30.0, 90.0, 40.0, 60.0, 20.0, 30.0, -1.0, 60.0, 30.0, -1.0, 30.0, 50.0, 10.0, 30.0, 30.0, 90.0, 40.0, 40.0], (8700, 3900): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0], (7200, 2700): [70.0, 70.0, 90.0, 80.0, 10.0, 0.0, 20.0, 100.0, 90.0, 100.0, 70.0, 100.0, 60.0, 30.0, 0.0], (6000, 2100): [80.0, 50.0, 100.0, 30.0, 10.0, 0.0, 40.0, 50.0, 70.0, 60.0, 60.0], (4200, 3300): [100.0, 40.0, 90.0, 40.0, 30.0, 40.0, -1.0, 10.0, 0.0, 30.0, 80.0, 30.0, 20.0], (6000, 1200): [30.0, 50.0, 60.0, 30.0, 70.0, 10.0, 50.0, 20.0, 40.0, 80.0], (3900, 1200): [10.0, 30.0, 40.0, 50.0, 40.0, 30.0, 30.0], (7200, 600): [70.0, 60.0, 90.0, 100.0, 50.0, 80.0, 50.0, 80.0, 60.0], (3900, 2100): [40.0, 10.0, 20.0, 10.0, 40.0, -1.0, 40.0, 10.0, 90.0, 20.0, 30.0, 60.0, 30.0, 50.0, 50.0, 50.0, 20.0, 10.0, 10.0], (5700, 2400): [0.0, 40.0, 30.0, 30.0, 80.0, 20.0, 10.0, 0.0, 30.0, 40.0, 50.0, 0.0], (3000, 1800): [60.0, 90.0, 50.0, 20.0, 20.0, 90.0, 40.0, 30.0, 20.0, 40.0, 50.0, 50.0, 30.0, 100.0, 50.0, 30.0, 40.0, 60.0, 60.0, 90.0, 60.0, 20.0, 70.0, 20.0, 30.0, 40.0, 50.0, 40.0, 50.0, 40.0, 0.0, 30.0, 20.0, 30.0, 20.0, 20.0, 20.0], (3000, 2100): [60.0, 90.0, 50.0, 10.0, 30.0, 40.0, 20.0, 30.0, -1.0, -1.0, 20.0, 30.0, 30.0, 30.0, 30.0, 20.0, -1.0, 50.0, 60.0, 40.0, 60.0, 70.0, 50.0, 60.0, 30.0, 30.0, 30.0, 30.0, 30.0, 40.0, 20.0, 80.0, 40.0, 90.0, 30.0, 60.0, 40.0, 50.0, 20.0, 40.0, 40.0, 50.0, 50.0, -1.0, -1.0, 80.0, 50.0, 70.0, 40.0, 10.0], (4500, 2700): [20.0, 10.0, 0.0, 80.0, 40.0, 60.0, 100.0, 50.0, 10.0, 0.0, 80.0, 10.0, 20.0, 60.0, 100.0, 70.0, 0.0, 20.0, 0.0, 20.0, 80.0, 0.0, 10.0, 20.0, 80.0, 20.0, 10.0, 80.0, 0.0, 0.0, 20.0, 20.0, 50.0, 30.0, 10.0, 0.0, 0.0, 30.0, 80.0, 20.0, 0.0], (4200, 300): [30.0, 10.0, 10.0, 10.0, -1.0, 10.0, 20.0, -1.0, -1.0, 10.0, 10.0, 10.0, 10.0], (3000, 1200): [-1.0, -1.0, 40.0, 40.0, 30.0, 30.0, 20.0, 40.0, -1.0, 20.0], (7500, 600): [90.0, 60.0, 40.0, 90.0, 70.0, 30.0, 100.0, 90.0, 90.0, 30.0], (4500, 900): [20.0, 10.0, 30.0, 10.0, 0.0, 30.0, 10.0, 10.0], (5100, 0): [20.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 20.0, 30.0, 10.0, 20.0, 10.0], (5100, 300): [20.0, 30.0, 30.0, 20.0, 10.0], (8400, 5700): [100.0, 30.0, 40.0, 80.0, 100.0], (4800, 3600): [30.0, 40.0, 10.0, 0.0, 20.0, 20.0, 10.0, 10.0, 0.0, 50.0, 30.0, 0.0, 10.0, 70.0, 0.0, 10.0, 0.0, 0.0, 40.0, 60.0, 10.0, 10.0, 20.0, 70.0], (5100, 1200): [10.0, 10.0, 50.0, 10.0, 20.0, 0.0, 0.0, 10.0, 50.0], (5700, 1800): [70.0, 20.0, 60.0, 20.0, 30.0, 50.0, 30.0, 40.0, 30.0, 40.0, 100.0, 40.0, 10.0, 80.0, 10.0, 0.0], (6900, 3600): [100.0, 50.0, 20.0, 60.0, 100.0, 70.0, 70.0, 50.0, 0.0, 50.0, 40.0, 80.0, 80.0, 60.0, 60.0, 30.0, 20.0, 100.0, 10.0, 90.0], (6900, 3300): [100.0, 20.0, 70.0, 50.0, 10.0, 10.0, 100.0, 40.0, 100.0, 40.0, 100.0, 10.0, 20.0, 60.0, 30.0, 30.0, 30.0, 20.0], (7500, 4800): [50.0, 10.0, 50.0, 0.0, 30.0, 10.0, 100.0, 30.0, 0.0, 100.0, 70.0, 0.0, 20.0, 100.0, 100.0, 0.0, 90.0, 100.0, 10.0, 100.0, 30.0, 0.0, 40.0, 20.0, 0.0, 90.0, 0.0, 100.0, 100.0, 100.0, 0.0, 50.0, 0.0, 100.0, 90.0, 100.0, 0.0], (6600, 4200): [100.0, 70.0, 10.0, 40.0, 50.0, 10.0, 0.0, 50.0, 100.0, 20.0, 0.0, 0.0, 10.0, 10.0, 90.0, 0.0, 20.0, 100.0, 0.0, 60.0, 40.0, 80.0, 10.0, 0.0, 60.0, 90.0, 40.0, 30.0, 60.0, 40.0, 0.0, 20.0, 70.0, 100.0, 100.0, 80.0, 40.0, 50.0, 0.0], (4800, 900): [0.0, 10.0, 10.0, 20.0, 10.0, 0.0, 40.0], (4800, 0): [0.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 10.0], (6900, 600): [60.0, 50.0, 60.0, 50.0, 60.0, 80.0], (6600, 4800): [10.0, 30.0, 50.0, 50.0, 0.0, 100.0, 50.0, 0.0, 50.0, 0.0, 100.0, 50.0, 0.0, 0.0, 100.0, 40.0, 20.0, 30.0, 10.0, 10.0, 10.0, 30.0, 70.0, 10.0, 100.0], (5100, 3900): [0.0, 20.0, 20.0, 50.0, 10.0, 20.0, 0.0, 100.0, 20.0, 20.0, 100.0, 0.0, 20.0, 10.0, 0.0, 20.0, 0.0, 60.0, 10.0, -1.0, 40.0], (6900, 0): [60.0, 60.0, 60.0, 50.0, 60.0, 60.0, 60.0, 60.0, 60.0, 60.0], (8100, 5100): [30.0, 100.0, 10.0, 70.0, 70.0, 30.0, 0.0, 10.0, 100.0, 100.0, 100.0, 0.0, 80.0, 20.0, 100.0, 100.0, 30.0, 100.0, 20.0, 10.0, 100.0, 60.0, 100.0, 100.0, 100.0, 40.0, 20.0, 30.0, 20.0, 10.0, 50.0, 100.0, 60.0, 40.0, 70.0, 100.0], (5700, 1500): [10.0, 30.0, 60.0, 60.0, 0.0, 30.0], (6600, 2700): [70.0, 10.0, 100.0, 90.0, 40.0, 30.0, 60.0], (8100, 3300): [0.0, 100.0, 30.0, 100.0, 10.0, 60.0, 20.0, 100.0, 0.0, 60.0, 10.0, 0.0, 40.0], (8100, 2700): [70.0, 100.0, 80.0, 90.0, 50.0, 60.0, 70.0, 100.0, 100.0, 100.0], (6600, 3300): [20.0, 40.0, 100.0, 10.0, 0.0, 90.0, 10.0, 100.0, 40.0, 100.0, 40.0, 70.0, 20.0, 90.0, 50.0, 20.0, 0.0, 100.0, 70.0, 40.0, 0.0], (8700, 5400): [100.0, 10.0, 20.0, 10.0, 100.0, 100.0, 10.0, 0.0, 10.0, 100.0, 70.0, 80.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 10.0, 0.0, 0.0, 100.0], (4500, 0): [0.0, 10.0, 10.0, 0.0, 10.0, -1.0, 10.0], (0, 0): [100.0, -1.0, 100.0], (8100, 900): [70.0, 90.0, 80.0, 80.0, 80.0, 60.0, 100.0, 70.0], (2100, 0): [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], (2400, 300): [10.0, 10.0, 10.0, 30.0, 30.0, 10.0, -1.0, 0.0], (8700, 2700): [30.0, 100.0, 0.0, 80.0, 100.0, 100.0, 70.0, 100.0, 100.0, 60.0, 90.0], (8700, 3600): [40.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 10.0, 30.0, 100.0, 100.0, 100.0, 100.0, 40.0], (5700, 2700): [30.0, 100.0, 70.0, 30.0, 40.0, 0.0, 0.0, 10.0, 0.0, 20.0, 60.0, 30.0, 70.0, 50.0, 70.0, 50.0, 60.0, 0.0], (7500, 1200): [40.0, 100.0, 40.0, 60.0, 40.0, 90.0, 80.0, 90.0], (8400, 300): [90.0, 90.0, 90.0, 80.0, 90.0, 80.0, 100.0, 100.0], (7200, 5100): [50.0, 30.0, 100.0, 10.0, 100.0, 0.0, 10.0, 0.0, 0.0, 0.0], (6300, 1500): [10.0, 50.0, 60.0, 30.0, 60.0, 30.0, 70.0, 10.0], (6600, 2100): [60.0, 30.0, 0.0, 80.0, 100.0, 70.0, 40.0, 70.0, 80.0, 80.0], (4800, 3300): [40.0, 40.0, 60.0, 0.0, 90.0, 10.0, 0.0, 10.0, 0.0, 20.0, 0.0, 50.0, 20.0, 80.0, 70.0, 0.0, 40.0, 100.0, 20.0, 20.0, 10.0, 20.0, 100.0, 40.0, 10.0, 50.0, 0.0, 0.0, 20.0, 0.0, 60.0, 10.0, 10.0, 10.0, 80.0, 20.0, 0.0, 20.0, 70.0, 0.0, 30.0, 0.0, 40.0, 50.0, 0.0, 0.0, 0.0, 50.0, 0.0, 0.0, 0.0, 0.0, 40.0, 30.0, 60.0, 0.0, 20.0, 0.0, 60.0, 70.0, 20.0, 50.0, 50.0, 0.0, 100.0, 0.0, 30.0, 20.0, 0.0], (8400, 600): [60.0, 80.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 100.0, 80.0], (4500, 1200): [30.0, 30.0, 10.0, 40.0, 50.0, 10.0], (4800, 2400): [80.0, 0.0, 60.0, 20.0, 60.0, 20.0, 10.0, 30.0, 40.0, 40.0, 10.0, 30.0, 40.0, 30.0, 20.0, 10.0], (4800, 2100): [10.0, 50.0, 20.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 0.0, 60.0, 10.0, 30.0, 0.0], (4500, 2100): [20.0, 0.0, 20.0, 0.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 20.0, 20.0, 40.0, 20.0, 10.0, 0.0], (6900, 2400): [10.0, 30.0, 20.0, 100.0, 50.0, 30.0, 50.0, 90.0, 0.0, 100.0], (4800, 1200): [10.0, 10.0, 40.0, 0.0, 0.0, 40.0, 40.0, 10.0, 10.0, 0.0, 0.0, 30.0, 20.0, 0.0, 10.0], (2700, 1200): [-1.0, 50.0, 20.0, 10.0, 10.0, 40.0, 40.0, 10.0, 30.0, 40.0, 40.0, 10.0], (8400, 3000): [50.0, 60.0, 40.0, 100.0, 100.0, 10.0, 20.0, 100.0], (4500, 300): [10.0, 0.0, 10.0, 10.0, 10.0, 10.0, -1.0], (2700, 2400): [40.0], (6300, 3300): [70.0, 100.0, 0.0, 0.0, 10.0, 90.0, 0.0, 80.0, 20.0, 10.0, 0.0, 30.0, 20.0, 90.0, 70.0, 90.0, 10.0, 0.0, 100.0, 10.0, 60.0], (8400, 4800): [90.0, 10.0, 100.0, 0.0, 80.0, 100.0, 0.0, 0.0, 100.0, 30.0, 90.0, 100.0, 100.0, 0.0, 40.0, 40.0, 90.0, 100.0, 90.0, 40.0, 60.0, 0.0, 0.0, 100.0], (1800, 1200): [-1.0, 50.0, 40.0, 90.0, 30.0, 70.0, 30.0, 50.0, 70.0, 60.0, 40.0, 20.0, 70.0, 80.0, -1.0, 90.0, 70.0, 30.0, 50.0, 40.0, 0.0, 20.0, 50.0, 40.0, 20.0, 40.0, 50.0, 30.0, 50.0, 50.0, 90.0, 40.0, 50.0, 20.0, 40.0, 80.0, 40.0, 80.0, 40.0, 60.0, 70.0, -1.0, 90.0, 60.0, -1.0, 20.0, 20.0, 30.0], (5400, 4500): [50.0, 10.0], (8400, 6000): [100.0], (2400, 1500): [0.0, 30.0, 40.0, 20.0, 20.0, -1.0, 40.0, 40.0, 20.0, 50.0, -1.0, 20.0, 20.0, 50.0, 40.0, 20.0, 40.0, 60.0, 60.0, 50.0, 40.0, 40.0, 70.0, 20.0, 20.0, 80.0, 70.0, 30.0, 30.0, 40.0, 100.0, 70.0, 20.0, 50.0, 80.0, 60.0, 30.0, 50.0, 50.0, 40.0, 60.0, -1.0, 60.0, 40.0, 50.0, 50.0, 50.0, -1.0, 60.0, 50.0, 20.0, 40.0, 70.0, 50.0, 80.0, 60.0, 20.0, 40.0, 50.0, 20.0, 50.0, 30.0, 20.0], (7500, 2400): [90.0, 100.0, 100.0, 100.0, 100.0, 90.0, 10.0, 60.0, 100.0, 80.0, 80.0, 80.0, 80.0, 100.0], (8400, 2100): [50.0, 100.0, 100.0, 100.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 50.0, 10.0, 70.0, 100.0], (8700, 900): [100.0, 100.0, 100.0, 80.0, 80.0, 60.0], (8100, 1500): [100.0, 100.0, 100.0, 50.0, 80.0, 90.0, 80.0, 30.0, 70.0, 80.0, 90.0, 100.0, 100.0], (6000, 2400): [20.0, 80.0, 70.0, 100.0, 10.0, 0.0, 30.0, 90.0, 100.0, 100.0, 100.0, 60.0, 100.0, 20.0], (5400, 0): [30.0, 10.0, 30.0, 10.0, 20.0, 30.0, 30.0, 40.0, 30.0], (900, 0): [0.0], (7200, 4800): [0.0, 50.0, 80.0, 100.0, 0.0, 30.0, 20.0, 0.0, 50.0, 60.0, 100.0, 100.0, 100.0, 0.0, 70.0, 90.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 20.0, 20.0, 30.0, 20.0, 10.0, 70.0, 0.0, 0.0, 10.0, 90.0, 30.0, 100.0, 0.0, 100.0, 20.0, 100.0, 100.0], (6000, 900): [20.0, 40.0, 40.0, 10.0, 90.0, 40.0, 40.0], (6300, 2400): [40.0, 20.0, 20.0, 60.0, -1.0, 50.0, 10.0, 100.0, 0.0, 0.0, 70.0], (7500, 5100): [30.0, 50.0, 100.0, 100.0, 10.0, 10.0, 10.0, 60.0, 80.0, 20.0, 0.0, 100.0, 20.0, 70.0, 10.0, 100.0, 10.0], (3000, 600): [20.0, 10.0, 40.0, 10.0, 10.0, 10.0, 20.0, 10.0, -1.0], (7200, 3300): [30.0, 0.0, 90.0, 10.0, 10.0, 100.0, 0.0, 100.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0], (8400, 2700): [100.0, 100.0, 80.0, 100.0, 30.0, 60.0, 100.0, 0.0, 100.0, 10.0], (2700, 1800): [40.0, 40.0, 50.0, 40.0, 50.0, -1.0, 20.0, 30.0, 30.0, 50.0, 70.0, 20.0, -1.0, 80.0, 50.0, 60.0, 40.0, 60.0, 50.0, -1.0, 20.0, 80.0, 80.0, 60.0, 30.0, 30.0, 20.0, 30.0, 50.0, 30.0, -1.0, 80.0, 30.0, 30.0, 50.0, 60.0, 60.0, 10.0, 40.0, 40.0, 70.0, 30.0, 50.0, 40.0, -1.0, 40.0, 20.0, 50.0, 100.0, 50.0, 20.0, 40.0, 30.0, 60.0, 20.0, 20.0, 40.0, 30.0, 40.0, 100.0, 40.0, 100.0, 50.0, 70.0, 40.0, 50.0, 40.0], (7200, 2100): [30.0, 30.0, 10.0, 50.0, 0.0, 100.0], (7500, 2700): [100.0, 100.0, 20.0, 0.0, 100.0, 100.0], (7200, 1200): [80.0, 90.0, 90.0, 70.0, 100.0, 70.0, 90.0, 20.0, 80.0], (7500, 3600): [100.0, 80.0, 100.0, 100.0, 0.0, 40.0, 0.0, 90.0, 30.0, 60.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0], (7200, 0): [70.0, 70.0, 70.0, 80.0, 70.0, 70.0, 70.0, 70.0, 70.0, 60.0], (4200, 600): [20.0, 40.0, 10.0, 10.0, 10.0, 30.0, 10.0], (2700, 0): [30.0, 10.0, -1.0, 20.0, 20.0, 20.0, 30.0, 0.0, 20.0, 30.0], (6300, 1200): [30.0, 60.0, 40.0, 20.0, 40.0, 90.0, 0.0, 30.0, 30.0, 40.0, 30.0], (2700, 600): [10.0, -1.0, 20.0, 10.0, -1.0, 40.0], (2700, 900): [20.0, 20.0, 20.0, -1.0, 40.0, -1.0, 30.0, 0.0], (8100, 3000): [40.0, 20.0, 30.0, 100.0, 80.0, 30.0, 70.0, 20.0, 60.0], (2700, 1500): [30.0, 10.0, 90.0, 30.0, 20.0, 70.0, 70.0, 20.0, 60.0, 80.0, -1.0, 40.0, 60.0, 40.0, 20.0, 20.0, 70.0, 10.0, 40.0, 50.0, 40.0, 20.0, -1.0, 50.0, 30.0, 40.0, 40.0, 50.0, 30.0, 40.0, 30.0, 60.0, 60.0, 20.0, 40.0, 40.0], (4500, 3600): [40.0, 20.0, 10.0, 0.0, 10.0, 0.0, 10.0, 100.0], (8100, 3900): [60.0, 100.0, 90.0, 50.0, 100.0, 70.0, 100.0, 10.0, 100.0, 60.0, 100.0, 90.0, 90.0, 20.0, 0.0, 100.0, 90.0, 80.0, 100.0, 60.0], (6600, 4500): [10.0, 80.0, 100.0, 50.0, 70.0, 0.0, 10.0, 20.0, 0.0, 70.0, 80.0, 100.0, 60.0, 10.0, 100.0, 30.0, 100.0, 0.0, 10.0, 60.0, 100.0, 90.0, 50.0, 90.0, 0.0, 70.0, 10.0, 100.0, 0.0, 80.0, 100.0, 0.0, 50.0, 0.0, 40.0, 70.0, 40.0, 100.0, 0.0, 10.0, 10.0, 0.0, 0.0, 100.0, 50.0, 10.0, 100.0, 100.0, 0.0, 100.0, 20.0, 20.0, 70.0, 80.0, 0.0, 30.0], (8100, 1200): [80.0, 100.0, 50.0, 50.0, 60.0, 90.0, 90.0, 100.0, 100.0], (4500, 1800): [20.0, 10.0, 30.0, 30.0, 10.0, 0.0, 10.0, 40.0, 70.0, 10.0, 0.0], (8400, 3900): [0.0, 100.0, 100.0, 100.0, 20.0, 70.0, 100.0, 50.0, 100.0, 20.0, 100.0, 0.0, 60.0, 90.0, 100.0], (600, 300): [60.0, 20.0, 50.0, 0.0, 20.0, 50.0, 40.0, 40.0, 50.0, 10.0, 20.0, 20.0, 60.0, 10.0, 20.0, -1.0, 100.0, 40.0, 60.0, 40.0, 30.0, 50.0, 30.0, 10.0, 20.0, 20.0, 80.0, -1.0, 40.0, 10.0, 50.0, 50.0, 40.0, 40.0, 30.0, 10.0, 40.0, 40.0, 10.0], (1200, 300): [40.0, 60.0, 20.0, 10.0, 10.0, 10.0, 10.0, 30.0, 0.0, 0.0, 20.0, 30.0, 10.0, 10.0, 20.0, -1.0], (5400, 4200): [100.0, 30.0, 30.0, 70.0, 0.0, 40.0, 0.0, 50.0, 30.0, 0.0, 20.0, 20.0, 0.0], (8400, 3300): [70.0, 100.0, 10.0, 50.0, 60.0, 0.0, 100.0, 20.0, 10.0, 0.0], (600, 600): [20.0, 20.0, 40.0], (3300, 600): [10.0, 20.0, 20.0, 10.0, -1.0, -1.0, 10.0, 10.0], (5400, 3300): [10.0, 40.0, 20.0, 50.0, 0.0, 10.0, 0.0, 0.0, 50.0, 0.0, 0.0, 20.0, 60.0, 90.0, 100.0, 0.0, 30.0, 0.0, 0.0, 50.0, 90.0, 80.0, 10.0, 0.0, 80.0, 50.0, 60.0, 0.0, 0.0, 0.0, 100.0, 100.0, 0.0, 10.0, 30.0, 0.0, 0.0], (6300, 2100): [0.0, 30.0, 50.0, 60.0, 50.0, 20.0, 100.0, 30.0, 40.0, 70.0], (8400, 4500): [100.0, 30.0, 10.0, 70.0, 100.0, 100.0, 40.0, 100.0, 80.0, 100.0, 30.0, 70.0, 0.0, 10.0, 100.0, 100.0, 30.0, 100.0, 20.0, 90.0, 0.0, 100.0, 100.0], (5400, 2400): [20.0, 10.0, 30.0, 20.0, 30.0, 20.0, 20.0, -1.0, 60.0, 50.0, 10.0, 20.0], (5400, 2100): [40.0, 10.0, 50.0, 0.0, 0.0, 10.0, 20.0, 20.0, 10.0, 50.0, 60.0, 10.0], (2100, 600): [50.0, 10.0, 30.0, 30.0, 0.0, 20.0, 10.0], (7500, 1500): [80.0, 90.0, 60.0, 100.0, 50.0, 90.0], (5400, 1200): [30.0, 50.0, 30.0, 40.0, 100.0, 30.0, 50.0, 10.0], (6300, 4500): [20.0, 100.0, 0.0, 0.0, 40.0, 60.0, 30.0, 100.0, 0.0, 40.0, 100.0, 0.0, 20.0, 100.0, 30.0, 70.0, 40.0, 0.0, 60.0, 20.0, 0.0, 10.0, 60.0, 90.0, 60.0, 0.0, 0.0, 0.0, 70.0, 40.0, 60.0, 10.0, 40.0, 100.0, 0.0, 50.0, 10.0, 30.0, 30.0, 20.0, 100.0, 100.0, 80.0, 0.0, 10.0, 20.0, 40.0, 0.0, 40.0], (7200, 3600): [10.0, 10.0, 100.0, 30.0, 100.0, 50.0, 60.0, 20.0, 0.0, 0.0, 0.0, 30.0, 100.0, 80.0, 0.0, 0.0, 0.0, 90.0, 70.0], (5400, 300): [10.0, 20.0, 30.0, 10.0, 20.0, 30.0, 30.0, 30.0, 30.0, 30.0, 20.0], (6600, 3600): [100.0, 0.0, 20.0, 0.0, 100.0, 90.0, 10.0, 80.0, 10.0, 0.0, 10.0, 90.0, 30.0, 100.0, 100.0, 0.0, 100.0, 40.0, 50.0, 60.0, 0.0, 20.0, 100.0, 40.0, 90.0], (3600, 1200): [20.0, 10.0, 10.0, 20.0, 50.0, -1.0, 10.0, 10.0, 50.0, 10.0, 50.0, 50.0, 20.0, 10.0, 20.0], (6000, 0): [40.0, 40.0, 40.0, 50.0, 40.0, 60.0, 40.0], (2700, 2100): [80.0, 40.0, 40.0, 50.0, 40.0, 20.0, 20.0, 30.0, 70.0, 20.0, 50.0, 40.0, 0.0, 80.0, 40.0, 60.0, 80.0, 30.0, 60.0, 70.0, 30.0, 100.0], (3600, 3000): [20.0, 50.0], (3600, 300): [0.0, -1.0, 10.0, 10.0, 10.0, 10.0, 10.0], (6300, 900): [30.0, 30.0, 40.0, 10.0, 50.0, 70.0, 40.0, 80.0, 30.0], (8100, 4200): [90.0, 40.0, 100.0, 0.0, 0.0, 40.0, 100.0, 30.0, 40.0, 60.0, 100.0, 100.0, 10.0, 80.0, 60.0, 20.0, 50.0, 100.0, 30.0, 10.0, 70.0, 100.0, 100.0], (6900, 4200): [100.0, 20.0, 0.0, 20.0, 0.0, 80.0, 40.0, 10.0, 100.0, 0.0, 0.0, 0.0, 90.0, 80.0, 40.0, 70.0, 10.0, 0.0, 60.0, 0.0, 0.0, 80.0, 0.0, 100.0, 30.0, 20.0, 50.0, 100.0, 20.0, 90.0, 20.0, 0.0, 10.0, 0.0, 20.0, 70.0, 90.0, 0.0, 90.0, 60.0, 60.0], (300, 300): [40.0, 80.0, 30.0, 20.0, 20.0, 20.0, 20.0, 20.0, 10.0, 70.0, 10.0], (6300, 1800): [30.0, 50.0, 40.0, 60.0, 60.0, 10.0, 30.0, 70.0, 80.0], (6300, 2700): [40.0, 80.0, 70.0, 70.0, 40.0, 30.0, 10.0, 70.0, 20.0, 10.0, 10.0], (8100, 2400): [100.0, 100.0, 100.0, 80.0, 20.0, 100.0, 90.0], (2100, 300): [20.0, 20.0, 10.0, -1.0, 0.0, 0.0, 10.0, 10.0, 10.0, 0.0], (8100, 1800): [100.0, 100.0, 20.0, 80.0, 70.0, 40.0], (6900, 5100): [20.0, 50.0, 0.0, 100.0, 50.0], (6600, 2400): [80.0, 100.0, 40.0, 60.0, 60.0, 0.0, 20.0, 10.0, 0.0, 10.0, 50.0], (6900, 1800): [100.0, 100.0, 80.0], (8700, 2400): [100.0, 100.0, 30.0], (8100, 0): [90.0, 80.0, 90.0, 80.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 100.0], (8700, 3300): [100.0, 100.0, 100.0, 100.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 100.0], (6600, 300): [60.0, 60.0, 50.0, 40.0, 50.0, 60.0, 40.0, 50.0, 60.0, 70.0, 70.0, 50.0], (8100, 2100): [0.0, 100.0, 100.0, 30.0], (3900, 1500): [30.0, 30.0, 60.0, 20.0, 20.0, 40.0, 80.0, 20.0, 10.0, -1.0, 10.0, -1.0, -1.0, 40.0], (8700, 4200): [60.0, 30.0, 0.0, 100.0, 100.0], (1800, 1500): [40.0, 30.0, -1.0, 20.0, 40.0, 20.0, 30.0], (8700, 5100): [100.0, 0.0, 90.0, 100.0, 80.0, 80.0, 90.0, 100.0, 10.0, 20.0, 100.0, 100.0, 90.0, 100.0, 100.0, 20.0, 20.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 60.0, 100.0, 80.0, 100.0], (1800, 600): [10.0, 20.0, 30.0, 30.0, 10.0, 40.0, 10.0, 20.0, 20.0, -1.0], (300, 0): [100.0, 20.0, 0.0, 100.0, 10.0, 40.0, 50.0, 0.0, 30.0, 60.0, 0.0, 100.0, 20.0, 100.0, 10.0, 30.0, 30.0], (7500, 300): [90.0, 70.0, 80.0, 90.0, 70.0, 70.0, 70.0, 80.0, 60.0, 70.0, 70.0], (5100, 4500): [50.0], (6600, 3900): [100.0, 60.0, 40.0, 10.0, 50.0, 20.0, 30.0, 80.0, 10.0, 0.0, 100.0, 100.0, 40.0, 0.0, 60.0, 0.0, 60.0, 0.0, 20.0, 60.0, 60.0, 50.0, 100.0, 20.0, 40.0, 100.0, 0.0, 90.0, 60.0, 50.0, 10.0, 50.0, 80.0, 0.0, 20.0, 50.0], (6600, 3000): [100.0, 30.0, 30.0, 70.0, 30.0, 10.0, 60.0, 10.0, 0.0, 100.0, 20.0, 90.0, 100.0, 100.0, 0.0, 100.0, 80.0], (3600, 2100): [30.0, 30.0, 20.0, 40.0, 30.0, 80.0, 100.0, 60.0, 30.0, 90.0, 20.0, 40.0, 40.0, 30.0, 40.0, 30.0, 40.0, 40.0, 40.0, 60.0, 30.0, 40.0, 30.0, 40.0, 80.0, 70.0, -1.0, 60.0, 40.0], (7500, 3000): [10.0, 10.0, 100.0, 100.0, 40.0, 80.0, 10.0, 60.0, 50.0, 30.0, 80.0, 10.0], (7500, 2100): [50.0, 10.0, 100.0, 60.0, 80.0, 10.0, 20.0, 10.0, 60.0], (7500, 3900): [10.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 30.0, 100.0, 0.0, 0.0, 100.0, 30.0, 90.0], (2700, 300): [-1.0, -1.0, 10.0, -1.0, 20.0, 20.0, 10.0, 10.0, 20.0], (3900, 300): [10.0, -1.0, 10.0, -1.0, -1.0, 20.0], (1800, 300): [-1.0, 10.0, -1.0, -1.0, 10.0, 20.0, 0.0, 10.0, 0.0], (3900, 1800): [40.0, 10.0, 20.0, 30.0, 20.0, -1.0, 60.0, -1.0, 30.0, 10.0, 20.0, 30.0, 30.0, 40.0], (7500, 900): [60.0, 50.0, 40.0, 100.0, 90.0, 60.0, 50.0, 90.0, 60.0, 60.0, 70.0, 50.0], (4200, 2700): [0.0, 10.0, 0.0, 30.0, 50.0, 0.0, 30.0, 30.0, 0.0, 40.0, 20.0, 10.0, 20.0, 10.0, 20.0, 50.0, 40.0, 10.0, 20.0, 40.0, 30.0, 10.0, 100.0, 100.0, 20.0, 10.0, 60.0, 0.0, 50.0, 20.0, 30.0, 10.0, 50.0, 40.0, 20.0, 20.0, 0.0, 40.0, 30.0, 100.0, 30.0], (4200, 1500): [20.0, 10.0, 10.0, 40.0, 20.0, 10.0, 0.0, 30.0, 40.0, 0.0, 10.0, 30.0, 0.0, 20.0], (6900, 4800): [90.0, 70.0, 0.0, 90.0, 90.0, 60.0, 30.0, 0.0, 60.0, 10.0, 90.0, 90.0, 30.0, 10.0, 50.0, 100.0, 90.0, 20.0, 100.0, 30.0, 0.0, 20.0, 20.0, 100.0, 100.0], (4200, 1800): [10.0, 60.0, 30.0, 20.0, 10.0, 80.0, 10.0, 20.0, 20.0, 20.0, 30.0, 10.0, 50.0, 50.0, 10.0], (3300, 2100): [50.0, 60.0, 40.0, 40.0, 20.0, 80.0, 20.0, 40.0, 40.0, 80.0, 90.0, 70.0, 40.0, 40.0, 40.0, 50.0, 30.0, 30.0, 40.0, 50.0, 40.0, 10.0, 60.0, 60.0, 40.0, 30.0, 30.0, 40.0, 40.0, 40.0, 80.0, 40.0, 20.0, 100.0, 40.0, 60.0, 50.0, 60.0, 40.0, 60.0, 70.0, 20.0, 70.0, 30.0, 30.0, 50.0, 80.0, 50.0, -1.0, 40.0, 20.0, 30.0, 70.0, 60.0, -1.0, 40.0, 30.0, 60.0, 40.0, 40.0, 60.0, 30.0, 40.0, 90.0, 30.0], (4200, 900): [10.0, 10.0, 20.0, 10.0, 20.0, 10.0, -1.0, 30.0], (1500, 300): [20.0, 50.0, -1.0, -1.0, 20.0, 10.0, 10.0, 10.0, 10.0, 50.0, 10.0], (6000, 4800): [10.0, 0.0, 50.0, 70.0, 10.0], (7500, 1800): [30.0, 100.0, 100.0, 100.0, 100.0, 10.0, 10.0, 20.0, 70.0, 100.0], (6000, 3300): [100.0, 100.0, 0.0, 100.0, 20.0, 40.0, 10.0, 30.0, 10.0, 0.0, 100.0, 60.0, 40.0, 0.0, 100.0, 40.0, 100.0, 0.0, 30.0, 30.0, 30.0, 10.0, 90.0, 80.0, 10.0, 0.0, 30.0, 90.0, 0.0, 0.0, 10.0, 100.0, 100.0, 0.0], (2400, 900): [30.0, -1.0, 40.0, 10.0, 10.0, 30.0, 30.0], (7800, 4200): [70.0, 20.0, 80.0, 0.0, 0.0, 40.0, 20.0, 100.0, 70.0, 0.0, 80.0, 30.0, 50.0, 100.0, 70.0, 100.0, 50.0, 30.0, 90.0, 10.0, 0.0, 100.0, 70.0, 20.0, 0.0, 100.0, 100.0, 20.0], (8700, 4800): [100.0, 100.0, 30.0, 80.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 0.0], (8400, 1500): [20.0, 100.0, 100.0, 10.0, 100.0, 80.0, 20.0, 10.0, 100.0, 100.0, 100.0], (6300, 3000): [0.0, 0.0, 30.0, 10.0, 40.0, 80.0, 100.0, 10.0, 40.0, 60.0, 30.0, 20.0, 0.0, 0.0, 100.0, 0.0], (8700, 5700): [90.0, 10.0, 100.0, 10.0, 10.0], (4500, 600): [30.0, 0.0, 10.0, 0.0, 10.0, 0.0, 10.0, 0.0, 30.0, 10.0, 20.0, 10.0], (7800, 5400): [10.0, 70.0, 0.0, 100.0, 60.0, 50.0, 40.0, 0.0, 100.0, 0.0, 20.0, 100.0, 20.0, 100.0], (7800, 5100): [20.0, 70.0, 100.0, 20.0, 20.0, 90.0, 100.0, 90.0, 0.0, 100.0, 50.0, 100.0, 30.0, 100.0, 100.0, 100.0, 10.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 70.0, 50.0, 20.0], (7800, 4800): [20.0, 100.0, 100.0, 100.0, 40.0, 60.0, 100.0, 30.0, 10.0, 0.0, 50.0, 10.0, 50.0, 100.0, 30.0, 20.0, 10.0, 90.0, 100.0, 10.0, 30.0, 0.0, 60.0, 100.0, 30.0, 100.0, 100.0, 80.0, 100.0, 0.0, 100.0, 100.0, 10.0, 100.0, 0.0, 90.0, 80.0, 0.0, 20.0], (7800, 4500): [100.0, 60.0, 100.0, 70.0, 90.0, 90.0, 30.0, 100.0, 100.0, 20.0, 70.0, 100.0, 10.0, 0.0, 50.0, 20.0, 70.0, 30.0, 0.0, 20.0, 50.0, 0.0, 20.0, 0.0, 100.0, 20.0], (1500, 900): [30.0, 20.0, 20.0, 40.0, 40.0, 50.0, 20.0, 60.0, 60.0, -1.0, 30.0, 60.0, 20.0, 30.0, 40.0, 90.0, 10.0, 40.0, 70.0, 30.0, 40.0, -1.0, 40.0, 10.0, 20.0, 40.0, 50.0, 10.0, 30.0, 50.0, 40.0, 70.0, 30.0, 40.0, 40.0, 50.0, 30.0, 20.0, -1.0, 40.0, 50.0, 10.0, 60.0, -1.0, 30.0, 50.0, 60.0, 20.0, 40.0], (7800, 3900): [30.0, 30.0, 100.0, 90.0, 70.0, 10.0, 90.0, 30.0, 50.0, 100.0, 50.0, 10.0, 60.0, 60.0, 70.0, 20.0, 100.0, 60.0, 100.0], (7800, 3600): [70.0, 60.0, 20.0, 100.0, 10.0, 0.0, 90.0, 40.0, 100.0, 20.0], (7800, 3300): [40.0, 100.0, 100.0, 100.0, 70.0, 100.0, 60.0, 0.0, 100.0, 30.0, 40.0], (8400, 1200): [100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 100.0, 50.0, 100.0], (7800, 2700): [100.0, 100.0, 60.0, 100.0, 100.0, 50.0, 40.0], (7800, 2400): [100.0, 70.0, 100.0, 80.0, 50.0, 30.0, 20.0], (7800, 2100): [0.0, 100.0, 70.0, 60.0, 10.0, 60.0, 70.0, 10.0, 20.0, 100.0, 100.0], (7500, 4500): [40.0, 20.0, 80.0, 0.0, 80.0, 100.0, 20.0, 70.0, 30.0, 100.0, 80.0, 100.0, 30.0, 30.0, 0.0, 100.0, 0.0, 100.0, 0.0, 10.0, 40.0], (7800, 1500): [100.0, 40.0, 80.0, 100.0, 80.0, 20.0, 100.0, 80.0], (7800, 1200): [100.0, 40.0, 90.0, 50.0, 90.0, 100.0, 60.0], (7500, 5400): [0.0, 100.0, 10.0, 100.0, 50.0], (7800, 3000): [30.0, 50.0, 20.0, 40.0, 40.0, 0.0, 20.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 60.0, 40.0], (7800, 300): [60.0, 90.0, 90.0, 80.0, 100.0, 90.0, 80.0], (7800, 0): [80.0, 70.0, 80.0, 80.0, 90.0], (3300, 0): [10.0, -1.0, -1.0, 10.0, 0.0, 0.0, 10.0, -1.0], (8400, 1800): [10.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 50.0, 100.0, 90.0, 100.0, 100.0, 100.0, 20.0], (6300, 4800): [0.0, 50.0, 0.0, 100.0, 40.0, 10.0, 10.0, 60.0, 40.0], (5700, 3300): [50.0, 10.0, 0.0, 20.0, 10.0, 0.0, 40.0, 80.0, 0.0, 30.0, 40.0, 70.0, 30.0, 50.0, 0.0, 0.0, 70.0, 10.0, 0.0, 90.0, 0.0, 60.0, 10.0, 20.0, 70.0, 0.0, 80.0, 20.0, 90.0, 50.0, 20.0, 0.0, 0.0, 10.0, 90.0, 10.0, 40.0, 10.0, 30.0, 10.0, 10.0], (6000, 3900): [50.0, 0.0, 10.0, 60.0, 10.0, 30.0, 0.0, 60.0, 0.0, 20.0, 10.0, 90.0, 70.0, 0.0, 100.0, 60.0, 30.0, 40.0, 80.0, 40.0, 90.0, 100.0, 0.0, 0.0, 0.0, 30.0, 10.0, 70.0, 60.0, 0.0, 100.0, 90.0, 50.0, 10.0, 10.0, 20.0, 100.0, 60.0, 80.0, 100.0, 50.0, 100.0, 0.0, 100.0, 100.0, 20.0], (8700, 300): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0], (5700, 4800): [0.0, 40.0], (3600, 600): [10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 30.0, -1.0, 10.0, -1.0, 20.0, 10.0, 30.0, 30.0, 40.0], (6900, 3000): [30.0, 0.0, 20.0, 40.0, 90.0, 100.0, 70.0, 100.0, 100.0], (6000, 1500): [40.0, 40.0, 60.0, 100.0, 30.0], (6900, 3900): [0.0, 40.0, 70.0, 20.0, 60.0, 10.0, 10.0, 0.0, 70.0, 90.0, 30.0, 100.0, 40.0, 100.0, 100.0, 60.0, 90.0, 100.0, 70.0, 20.0, 100.0, 30.0, 20.0, 70.0, 90.0, 100.0, 0.0, 60.0, 100.0, 40.0, 0.0, 0.0, 0.0, 100.0, -1.0, 100.0, 80.0], (6000, 300): [50.0, 20.0, 30.0, 30.0, 40.0, 30.0, 40.0, 50.0, 30.0, 60.0, 20.0, 40.0], (6900, 1200): [100.0, 40.0, 30.0, 40.0, 30.0, 80.0, 40.0, 30.0, 60.0, 50.0, 100.0], (5400, 3600): [0.0, 10.0, 50.0, 50.0, 10.0, 30.0, 0.0, 70.0, 40.0, 0.0, 20.0, 0.0, 0.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 100.0, 50.0, 80.0, 0.0, 60.0, 0.0, 30.0, 70.0, 10.0, 10.0, 30.0, 60.0, 30.0, 0.0, 20.0, 90.0, 70.0, 0.0, 20.0, 30.0, 0.0, 60.0, 90.0, 70.0, 20.0, 0.0, 0.0, 20.0, 100.0, 50.0, 0.0, 0.0, 0.0, 40.0, 100.0, 30.0, 60.0], (6900, 2100): [30.0, 100.0, 0.0, 20.0, 10.0, 70.0, 60.0, 0.0, 80.0, 50.0, 90.0], (5100, 900): [30.0, 40.0, 20.0, 10.0, 30.0, 50.0], (5100, 1800): [30.0, 0.0, 60.0, 50.0, 20.0, 30.0, 10.0, 20.0], (3900, 2700): [30.0, 40.0, 70.0, 60.0, -1.0, 80.0, 90.0, 20.0, 30.0, 20.0, 10.0, 10.0, 70.0, 30.0, 40.0, 70.0, 20.0, 30.0, 100.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 30.0, 40.0, 70.0, 100.0, 20.0, 40.0, 20.0, 20.0, 70.0, 40.0, 50.0, 40.0, 20.0, 50.0, -1.0, 20.0, 50.0, 30.0, 30.0, 50.0, 60.0, 60.0, 70.0, 50.0, 30.0, 20.0, 40.0, 20.0, 30.0, 20.0, 50.0, 30.0, 50.0, 20.0, 20.0, 20.0, 40.0, 10.0, 20.0, 30.0, 30.0], (5100, 2700): [30.0, 30.0, 80.0, 30.0, 0.0, 0.0, 70.0, 40.0, 50.0, 40.0, 20.0, 60.0, 0.0, 30.0, 60.0, 10.0, 10.0, 20.0, 0.0, 30.0, 30.0, 10.0, 20.0, 0.0], (4200, 2100): [40.0, 20.0, 80.0, 40.0, 40.0, 50.0, 50.0, 40.0, 10.0, 40.0, 10.0, 30.0, 0.0, 0.0, 80.0, 10.0, 10.0, 10.0, 10.0, 40.0, 60.0, 10.0, 30.0, 30.0], (5100, 3000): [90.0, 100.0, 60.0, 0.0, 0.0, 30.0, 20.0, 40.0, 10.0, 10.0, 40.0, 0.0, 10.0, 0.0, 20.0, 80.0, 0.0, 0.0, 0.0, 30.0, 70.0, 0.0, 0.0, 30.0, 100.0, 30.0, 10.0, 10.0, 80.0, 20.0, 0.0, 0.0, 0.0, 20.0, 30.0, 0.0, 10.0, 0.0], (3300, 1500): [20.0, 30.0, 10.0, 20.0, 20.0, 20.0, 20.0, 20.0, 10.0, 70.0, 20.0, 30.0, 40.0, 30.0], (5100, 3600): [20.0, 0.0, 80.0, 10.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 50.0, 60.0, 0.0, 10.0, 10.0, 100.0, 80.0, 10.0, 0.0, 40.0, 70.0, 10.0, 0.0, 0.0, 10.0, 0.0, 0.0, 60.0, 10.0, 10.0, 100.0, 80.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 60.0, 70.0, 40.0, 0.0, 0.0, 0.0, 40.0, 10.0, 20.0, 40.0, 0.0, 70.0, 20.0, 0.0, 30.0, 10.0, 10.0], (4200, 1200): [40.0, 20.0, 30.0, 60.0, 10.0, 40.0, -1.0, 20.0, 10.0], (2100, 1200): [20.0, 30.0, 70.0, -1.0, 70.0, -1.0, 10.0, 60.0, -1.0, 80.0, 50.0, 60.0, 30.0, 30.0, 40.0, 50.0, 40.0, 50.0, 20.0, -1.0, 60.0, 70.0, 50.0, 30.0, 30.0, 30.0, 70.0, 30.0, -1.0, 20.0, 30.0, 40.0, 50.0, 40.0], (3900, 3300): [80.0, 80.0, 40.0, 50.0], (8400, 3600): [50.0, 90.0, 60.0, 60.0, 100.0, 100.0, 50.0, 100.0, 50.0, 30.0, 20.0], (7800, 900): [70.0, 100.0, 80.0, 80.0, 100.0, 100.0, 70.0, 80.0, 30.0, 80.0, 70.0, 70.0, 60.0], (6300, 600): [80.0, 50.0, 40.0, 70.0, 40.0, 60.0, 70.0], (4800, 1800): [60.0, 60.0, 0.0, 10.0, 10.0, 20.0, 0.0, 30.0, 90.0, 0.0, 30.0, 50.0], (7800, 600): [80.0, 100.0, 100.0, 60.0, 90.0, 80.0, 80.0, 90.0], (1200, 900): [40.0, 10.0, 20.0, 90.0, 80.0, 60.0, 30.0, -1.0, 30.0, 40.0, 70.0, 40.0, 70.0, 80.0, 60.0, 20.0, 40.0, 40.0, 30.0, 40.0, 60.0, 70.0, 40.0, 40.0, 10.0, 50.0, 60.0, 50.0, 40.0, 40.0, 20.0], (3900, 600): [-1.0, 20.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0], (7800, 1800): [80.0, 100.0, 80.0, 50.0, 100.0, 70.0, 100.0, 100.0, 100.0], (6600, 0): [50.0, 60.0, 50.0, 50.0, 50.0, 60.0, 60.0, 50.0, 60.0], (8700, 0): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0], (2100, 900): [-1.0, 20.0, 0.0, 20.0, 30.0, 10.0, 10.0, 10.0, 40.0, 40.0, 20.0, 10.0, 40.0, 20.0, 30.0, 30.0, 20.0, 20.0, 40.0, 10.0], (1200, 600): [40.0, -1.0, 50.0, 50.0, 30.0, 40.0, -1.0, 50.0, 60.0, 60.0, 80.0, 70.0, 10.0, 50.0, 40.0, 40.0, 20.0, 50.0, 20.0, 50.0, 40.0, 40.0, 60.0, 60.0, 70.0, 30.0], (8700, 1800): [20.0, 70.0, 100.0, 100.0, 20.0, 70.0, 100.0], (8100, 4500): [100.0, 100.0, 80.0, 80.0, 10.0, 90.0, 0.0, 100.0, 100.0, 20.0, 50.0, 0.0, 100.0, 80.0, 40.0, 20.0, 50.0, 100.0, 10.0, 20.0, 50.0, 20.0, 100.0], (1800, 900): [10.0, -1.0, 10.0, 20.0, 20.0, 20.0, 50.0, 90.0, 30.0, 20.0, 40.0, 20.0, 60.0, 40.0, 50.0, 20.0, 40.0, -1.0, 40.0, 20.0, 30.0, 40.0, 40.0, 30.0], (4500, 3000): [10.0, 20.0, 10.0, 20.0, 0.0, 30.0, 100.0, 60.0, 50.0, 30.0, 0.0, 40.0, 50.0, 40.0, 100.0, 0.0, 10.0, 30.0, 0.0, 90.0, 50.0, 20.0, 80.0, 40.0, 30.0, 0.0, 0.0, 0.0, 50.0, 10.0, 90.0, 70.0, 70.0, -1.0, 60.0, 40.0, 0.0, 20.0, 40.0, 0.0, 20.0, 30.0, 20.0, 30.0, 100.0, 20.0, 0.0, 10.0, 70.0, 20.0, 80.0, 40.0, 30.0, 0.0, 0.0, 20.0, 50.0, 0.0, 40.0, 0.0, 40.0, 40.0, 70.0, 10.0, 0.0, 20.0, 60.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 0.0, 60.0], (1800, 0): [10.0, 10.0, 10.0, -1.0, 10.0, 10.0, 10.0], (8400, 0): [90.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 90.0, 90.0], (3900, 0): [10.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0], (6600, 600): [50.0, 50.0, 60.0, 60.0, 30.0, 40.0, 40.0, 40.0, 100.0, 50.0], (1200, 0): [10.0, 10.0, 20.0, 0.0, 10.0, 30.0, -1.0, 0.0, 10.0, 20.0, 0.0, 10.0, 0.0, 0.0], (6300, 4200): [60.0, 30.0, 70.0, 0.0, 10.0, 80.0, 100.0, 20.0, 70.0, 0.0, 100.0, 90.0, 0.0, 0.0, 100.0, 10.0, 20.0, 0.0, 0.0, 10.0, 50.0, 0.0, 20.0, 10.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 60.0, 50.0, 90.0, 70.0, 20.0, 100.0, 30.0, 100.0, 30.0, 60.0, 80.0, 0.0, 0.0, 0.0, 0.0], (8400, 2400): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0], (5700, 0): [40.0, 50.0, 20.0, 30.0, 30.0, 30.0], (4200, 2400): [40.0, 20.0, 30.0, 40.0, 10.0, 10.0, 30.0, 20.0, 60.0, 40.0, 0.0, 30.0, 20.0, 20.0, 60.0, 0.0, 0.0, 50.0, 0.0, 0.0, 30.0, 10.0, 0.0, 50.0, 30.0, 30.0, 20.0, 40.0, 50.0, 30.0, 30.0, 20.0], (8400, 4200): [20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 80.0, 90.0, 100.0, 100.0, 100.0, 70.0], (3600, 0): [-1.0, 10.0, 10.0, 30.0, 0.0, -1.0, 20.0, 20.0, -1.0, 10.0, -1.0], (8400, 5400): [10.0, 40.0, 70.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 100.0, 20.0, 60.0, 90.0], (1500, 0): [10.0, -1.0, 10.0, 0.0, 20.0, 10.0], (3300, 2400): [-1.0, 20.0, 30.0, -1.0, 50.0, 30.0, -1.0, 50.0, 40.0, 20.0, 80.0, 70.0, 20.0, 50.0, 40.0, 60.0, 50.0, 40.0, 50.0, 30.0, 60.0, 40.0, 30.0, 40.0, 40.0, 20.0, 80.0, 40.0, 20.0, 100.0, 30.0, 40.0, 70.0, 20.0, 50.0, 30.0, 30.0, 100.0, 30.0, 20.0, 50.0, 40.0, -1.0, 10.0, 90.0], (5700, 900): [80.0, 40.0, 30.0, 50.0, 30.0, 0.0, 50.0, 60.0, 50.0, 60.0, 20.0], (5700, 1200): [70.0, 10.0, 60.0, 20.0, 40.0, 10.0, 30.0, 30.0, 40.0, 20.0, 20.0], (900, 300): [50.0, 10.0, 50.0, 30.0, 70.0, 40.0, 10.0, 10.0, 30.0], (5400, 2700): [0.0, 30.0, 0.0, 20.0, 50.0, 70.0, 30.0, 20.0, 10.0, 10.0, 10.0, 60.0, 30.0, 30.0, 0.0, 20.0, 0.0, 10.0, 0.0, -1.0, 0.0, 60.0], (5700, 2100): [10.0, 40.0, 0.0, 0.0, 60.0, 0.0, 50.0, 40.0, 20.0, 10.0, 10.0, 40.0, 100.0, 60.0], (8100, 4800): [100.0, 50.0, 90.0, 10.0, 70.0, 100.0, 80.0, 0.0, 100.0, 70.0, 10.0, 100.0, 60.0, 10.0, 90.0, 20.0, 30.0, 100.0, 60.0, 70.0, 30.0, 80.0, 100.0, 0.0, 100.0, 100.0, 70.0, 100.0, 50.0, 30.0, 0.0, 10.0, 50.0, 60.0, 50.0, 100.0, 100.0, 10.0], (3600, 1800): [30.0, 30.0, 10.0, 40.0, 20.0, 30.0, 70.0, 30.0, 30.0, 20.0, 10.0, 10.0, 40.0, 80.0, 30.0, 20.0, 10.0, 50.0, 40.0, 10.0, 40.0], (8100, 5700): [0.0, 100.0, 20.0], (5400, 900): [10.0, 30.0, 60.0, 40.0, 10.0, 0.0, 20.0], (5400, 600): [40.0, 40.0, 20.0, 20.0], (5700, 4500): [0.0, 0.0, 0.0, 0.0], (6000, 3000): [10.0, 20.0, 50.0, 60.0, 10.0, 0.0, 90.0, 40.0, 0.0, 0.0, 10.0, 40.0, 30.0, 0.0, 80.0, 80.0, 40.0, 0.0, 40.0, 10.0, 0.0, 70.0], (3600, 2700): [90.0, 50.0, 30.0, 60.0, 20.0, 40.0, 50.0, 30.0, 100.0, 30.0, 40.0, 50.0, 30.0, 40.0, 40.0, 20.0, 50.0, 50.0, 30.0, 80.0, 50.0, 50.0, 30.0, 90.0, 50.0, 20.0, 20.0, 40.0, 60.0], (4500, 1500): [30.0, 10.0, 0.0, 20.0, 30.0, 10.0, -1.0, 20.0, 0.0, 0.0, 70.0], (5700, 600): [10.0, 40.0, 20.0, 50.0, 20.0, 30.0, 20.0, 30.0, 10.0], (2400, 600): [-1.0, 10.0, 30.0, 20.0, 20.0, 40.0, -1.0, 10.0, 10.0, -1.0], (7200, 5400): [100.0], (3600, 1500): [70.0, 30.0, 10.0, 60.0, 50.0, 10.0, 20.0, -1.0, 30.0], (8100, 300): [80.0, 90.0, 70.0, 100.0, 80.0, 80.0, 100.0, 70.0, 80.0], (6000, 4500): [20.0, 0.0, 60.0, 10.0, 100.0, 0.0, 0.0, 60.0, 50.0, 30.0, 100.0, 50.0, 80.0, 30.0, 10.0, 0.0, 30.0, 0.0, 20.0, 40.0, 0.0], (5100, 600): [10.0, 0.0, 0.0, 10.0, 40.0, 0.0, 20.0, 20.0, 20.0, 10.0], (7200, 3900): [0.0, 90.0, 70.0, 60.0, 100.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 20.0, 70.0, 90.0, 70.0, 20.0, 50.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 50.0, 30.0, 90.0, 70.0], (5700, 4200): [20.0, 60.0, 40.0, 20.0, 0.0, 40.0, 20.0, 20.0, 20.0, 100.0, 0.0, 0.0, 60.0, 0.0, 100.0, 100.0, 0.0, 60.0, 20.0, 20.0, 0.0, 60.0, 20.0, 10.0, 20.0, 0.0, 20.0, 0.0, 20.0, 0.0, 20.0, 20.0, 40.0, 70.0, 10.0, 60.0, 50.0, 0.0, 20.0, 90.0, 100.0, 10.0, 20.0, 0.0], (7200, 3000): [100.0, 10.0, 10.0, 70.0, 0.0, 100.0, 20.0, 70.0, 60.0, 100.0, 0.0, 60.0, 70.0, 0.0], (3300, 2700): [80.0, 10.0, 30.0, 50.0, 30.0], (7200, 1800): [90.0, 70.0, 100.0, 80.0, 100.0, 30.0, 90.0, 30.0], (7200, 1500): [60.0, 70.0, 40.0, 70.0, 20.0, 80.0], (8400, 900): [90.0, 70.0, 100.0, 100.0, 100.0, 70.0, 100.0, 90.0, 30.0, 30.0, 70.0, 100.0], (3300, 900): [10.0, 10.0, 30.0, 10.0, 20.0, -1.0, 30.0, 20.0, 0.0, 10.0, 30.0, 50.0, -1.0, 20.0, 10.0], (7200, 300): [80.0, 50.0, 60.0, 70.0, 50.0, 70.0, 60.0, 70.0, 60.0, 70.0], (5400, 1800): [10.0, 20.0, 40.0, 30.0], (3900, 3000): [-1.0, 50.0, 20.0, 70.0, 30.0, 30.0, 60.0, 50.0, 30.0, 40.0, 20.0, -1.0, 50.0, 60.0, 10.0, 40.0], (600, 0): [0.0, 20.0, 20.0, 10.0, 50.0, 20.0, 40.0, 10.0], (5400, 3900): [0.0, 20.0, 0.0, 0.0, 50.0, 0.0, 30.0, 10.0, 0.0, 80.0, 90.0, 0.0, 40.0, 90.0, 80.0, 60.0, 10.0, 100.0, 10.0, 0.0, 10.0, 20.0, 90.0, 30.0, 20.0, 0.0, 70.0, 30.0, 0.0, 30.0, 60.0, 60.0, 100.0, 90.0, 0.0, 0.0, 0.0, 60.0, 0.0, 10.0, 0.0, 10.0, 80.0, 50.0, 10.0, 10.0, 20.0, 70.0, 40.0, 40.0, 50.0, 0.0, 0.0, 30.0, 20.0, 0.0, 0.0, 100.0, 0.0], (5400, 1500): [30.0, 30.0, 30.0, 40.0, 10.0, 0.0, 40.0, 70.0, 60.0], (3000, 900): [10.0, 60.0, 20.0, 20.0, 10.0, 30.0, 20.0, -1.0, 20.0, 40.0, 20.0], (5400, 3000): [20.0, 0.0, 10.0, 20.0, 50.0, 0.0, 0.0, 100.0, 30.0, 90.0, 50.0, 0.0, 50.0, 20.0, 0.0, 20.0, 70.0, 0.0, 20.0, 40.0, 60.0, 30.0, 10.0], (3000, 300): [-1.0, 10.0, 0.0, 30.0, 0.0], (6000, 600): [40.0, 20.0, 10.0, 20.0, 20.0, 40.0, 40.0], (8400, 5100): [100.0, 100.0, 100.0, 20.0, 20.0, 100.0, 0.0, 100.0, 40.0, 50.0, 10.0, 100.0, 100.0, 0.0, 0.0, 100.0, 100.0, 80.0, 90.0, 0.0, 100.0, 100.0, 80.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0], (6600, 1200): [-1.0, 80.0, 90.0, 40.0, 100.0, 50.0, 30.0], (6300, 3600): [100.0, 60.0, 0.0, 90.0, 0.0, 0.0, 30.0, 0.0, 100.0, 90.0, 40.0, 100.0, 40.0, 100.0, 30.0, 30.0, 90.0, 0.0, 20.0, 20.0, 0.0, 90.0, 0.0, 90.0], (6300, 3900): [100.0, 10.0, 0.0, 20.0, 40.0, 40.0, 40.0, 60.0, 50.0, 10.0, 100.0, 100.0, 70.0, 100.0, 70.0, 0.0, 50.0, 100.0, 20.0, 40.0, 80.0, 10.0, 10.0, 100.0, 70.0, 10.0, 60.0, 0.0, 40.0, 100.0, 80.0, 100.0, 40.0, 90.0, 60.0, 70.0], (2100, 1500): [60.0, 50.0, 10.0, 80.0, 50.0, 90.0, 30.0, -1.0, 70.0, 30.0, -1.0, 20.0, 40.0, 20.0, 30.0, -1.0, 10.0, 30.0, 50.0, 30.0, 20.0, -1.0, 50.0, 20.0, 60.0, 40.0, 70.0, 60.0, 50.0, 60.0, 60.0, 60.0, -1.0, 50.0], (5700, 3600): [20.0, 20.0, 20.0, 10.0, 0.0, 60.0, 10.0, 20.0, 100.0, 50.0, 40.0, 0.0, 50.0, 60.0, 80.0, 0.0, 80.0, 10.0, 0.0, 100.0, 20.0, 40.0, 10.0, 0.0, 0.0, 0.0, 50.0, 0.0, 80.0, 20.0, 0.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 10.0, 20.0, 0.0, 100.0, 50.0, 40.0, 20.0, 50.0, 0.0], (5100, 2100): [30.0, 0.0, 30.0, 0.0, 30.0, 40.0, 100.0, 10.0, 0.0, 0.0, 20.0, 10.0, 0.0, 20.0], (3000, 0): [0.0, -1.0, 0.0, -1.0, -1.0, 10.0, 10.0, 0.0, 10.0, 0.0, -1.0, 0.0, 10.0], (6900, 4500): [100.0, 90.0, 100.0, 0.0, 40.0, 10.0, 0.0, 40.0, 0.0, 100.0, 10.0, 0.0, 0.0, 0.0, 0.0, 100.0, 70.0, 100.0, 50.0, 0.0, 100.0, 70.0, 20.0, 100.0, 30.0, 40.0, 100.0, 60.0, 10.0, 30.0, 20.0, 0.0, 50.0, 40.0, 20.0, 0.0, 10.0, 0.0, 10.0, 100.0, 100.0, 40.0, 10.0, 50.0, 60.0, 20.0], (3900, 2400): [80.0, 30.0, 50.0, 30.0, 30.0, 30.0, 30.0, 40.0, 30.0, 40.0, 40.0, 10.0, 20.0, 50.0, 40.0, 30.0, 20.0, 10.0, 30.0, 50.0, 10.0, 20.0, 40.0, 80.0, 30.0, 70.0, 10.0, 60.0, 0.0, 40.0, 10.0, 50.0, 50.0, 20.0, 70.0, 20.0, 70.0, 0.0, 90.0, 60.0], (6300, 0): [60.0, 40.0, 50.0, 50.0, 50.0, 50.0, 50.0, 50.0, 40.0, 50.0], (6300, 300): [50.0, 30.0, 50.0, 40.0, 40.0, 60.0, 60.0, 40.0, 40.0], (6900, 2700): [80.0, 80.0, 40.0, 100.0, 20.0, 100.0, 20.0, 80.0, 10.0], (8700, 4500): [0.0, 100.0, 40.0, 10.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 10.0, 100.0, 10.0, 100.0, 0.0, 100.0, 30.0, 0.0, 100.0, 30.0, 100.0, 100.0, 40.0, 100.0], (4800, 2700): [0.0, 10.0, 50.0, 0.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 40.0, 20.0, 90.0, 10.0, 30.0, 10.0, 80.0, 30.0, 20.0, 20.0, 30.0, 20.0, 0.0, 0.0, 20.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 0.0, 10.0], (6900, 1500): [20.0, 60.0, 30.0, 70.0, 0.0, 60.0, 60.0], (6900, 900): [30.0, 80.0, 100.0, 50.0, 20.0, 20.0, 60.0, 60.0, 80.0], (4800, 1500): [0.0, 10.0, 40.0, 20.0, 10.0, 30.0, 10.0, 0.0, 50.0, 10.0, 0.0], (4500, 3300): [50.0, 100.0, 70.0, 20.0, 30.0, 40.0, 40.0, 10.0, 50.0, 20.0, 0.0, 20.0, 10.0, 40.0, 20.0, 70.0, 0.0, 0.0, 0.0, 30.0, 10.0, 10.0, 20.0, 10.0, 30.0, 70.0, 20.0, 40.0, 0.0, 10.0, 20.0, 90.0, 10.0, 50.0, 0.0, 60.0, 50.0, 0.0, 0.0, 60.0], (3600, 2400): [70.0, -1.0, 80.0, 30.0, 50.0, 30.0, 40.0, 20.0, 10.0, 40.0, 30.0, 90.0, 30.0, 50.0, 20.0, 70.0, 60.0, 30.0, 40.0, 30.0, 100.0, 30.0, 80.0, -1.0, 30.0, 80.0, 60.0, 40.0, 60.0, 80.0, 70.0, 20.0, 40.0, -1.0, 50.0, 40.0, 50.0, 30.0, 30.0, 60.0, 100.0, 50.0, -1.0, 30.0, 20.0, 70.0, 40.0, 50.0], (3300, 1200): [40.0, 10.0, 0.0, 90.0, 10.0], (4800, 600): [20.0, 20.0, 0.0, 10.0, 10.0, 20.0, 30.0, 0.0, 20.0, 0.0], (6600, 1800): [10.0, 100.0, 60.0, 20.0, 10.0, 70.0, 0.0], (2100, 1800): [70.0, 60.0, 60.0], (4200, 3000): [40.0, 30.0, 20.0, 40.0, 0.0, 40.0, 40.0, 100.0, 0.0, 10.0, 80.0, 70.0, 40.0, 20.0, 20.0, 20.0, 60.0, 100.0, 40.0, 60.0, 20.0, 10.0, 0.0, 30.0, 60.0, 30.0, 0.0, 100.0, 0.0, 10.0, 0.0, 10.0, 0.0, 10.0, 10.0, 50.0, 20.0, 60.0, 40.0, 30.0, 20.0, 30.0, 40.0, 0.0, 20.0, 20.0, 40.0, 30.0, 70.0, 10.0, 40.0, 20.0, 20.0, 20.0, 40.0, 60.0, 20.0, 30.0, 0.0, 10.0, 30.0, 80.0, 20.0, 40.0, 10.0, 30.0, 30.0], (6600, 900): [20.0, 30.0, 40.0, 70.0, 50.0, 90.0], (3900, 900): [40.0, 50.0, 20.0, 30.0, 10.0, 30.0, 30.0], (8100, 5400): [20.0, 100.0, 100.0, 90.0, 20.0, 100.0, 80.0, 30.0, 0.0, 10.0, 100.0, 10.0, 20.0, 0.0, 100.0, 90.0], (5100, 1500): [0.0, 20.0, 0.0, 30.0, 0.0, 20.0, 40.0, 60.0, 20.0, 20.0, 40.0], (5100, 2400): [0.0, 70.0, 30.0, 0.0, 50.0, 10.0, 0.0, 40.0, 30.0, 40.0, 10.0, 10.0, 60.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0], (7500, 0): [70.0, 70.0, 70.0, 80.0, 70.0], (8100, 3600): [30.0, 100.0, 70.0, 30.0, 30.0, 100.0, 80.0, 10.0, 90.0, 90.0, 70.0, 100.0, 100.0, 100.0, 40.0, 10.0, 10.0, 100.0, 50.0, 100.0], (5100, 3300): [100.0, 60.0, 10.0, 30.0, 40.0, 60.0, 90.0, 10.0, 20.0, 0.0, 40.0, 30.0, 20.0, 10.0, 20.0, 30.0, 90.0, 10.0, 30.0, 20.0, 20.0, 30.0, 50.0, 20.0, 20.0, 10.0, 30.0, 10.0, 80.0, 0.0, 0.0, 40.0, 50.0, 0.0, 0.0, 0.0, 50.0, 10.0, 90.0, 0.0, 20.0, 30.0, 60.0, 0.0, 0.0, 10.0, 0.0, 60.0, 20.0, 40.0, 60.0, 0.0, 10.0, 0.0, 50.0, 0.0, 10.0, 50.0, 70.0, 30.0, 0.0, 40.0, 30.0], (5100, 4200): [30.0, 10.0, 10.0], (8700, 600): [100.0, 90.0, 90.0, 100.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_400 = {(4000, 800): [50.0, 20.0, 10.0, 20.0, 30.0, 10.0, 30.0, 10.0, 20.0, 30.0, 20.0, 10.0, -1.0, 30.0], (3600, 1200): [20.0, 10.0, 10.0, 20.0, 50.0, 30.0, -1.0, 10.0, 10.0, 30.0, 40.0, 50.0, 10.0, 50.0, 10.0, 10.0, 50.0, 50.0, 20.0, 10.0, -1.0, 20.0], (4800, 3200): [40.0, 60.0, 40.0, 60.0, 0.0, 20.0, 30.0, 20.0, 40.0, 60.0, 90.0, 20.0, 10.0, 0.0, 0.0, 10.0, 40.0, 0.0, 20.0, 0.0, 0.0, 20.0, 50.0, 20.0, 80.0, 70.0, 0.0, 40.0, 10.0, 30.0, 20.0, 100.0, 10.0, 0.0, 20.0, 0.0, 20.0, 10.0, 30.0, 20.0, 10.0, 20.0, 20.0, 100.0, 10.0, 40.0, 30.0, 10.0, 20.0, 40.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 10.0, 0.0, 50.0, 10.0, 60.0, 90.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 30.0, 80.0, 0.0, 60.0, 10.0, 0.0, 20.0, 0.0, 20.0, 70.0, 10.0, 60.0, 0.0, 30.0, 0.0, 40.0, 0.0, 50.0, 0.0, 0.0, 0.0, 0.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 40.0, 30.0, 0.0, 30.0, 30.0, 60.0, 0.0, 20.0, 0.0, 60.0, 70.0, 20.0, 50.0, 50.0, 0.0, 100.0, 0.0, 30.0, 30.0, 20.0, 0.0], (6000, 2800): [50.0, 0.0, 100.0, 90.0, 40.0, 0.0, 0.0, 90.0, 40.0, 30.0, 0.0, 80.0, 80.0, 40.0, 30.0, 0.0, 40.0, 20.0, 70.0, 10.0, 10.0, 0.0, 70.0, 70.0, 100.0, 0.0, 10.0, 0.0, 0.0, 100.0], (6800, 800): [60.0, 30.0, 80.0, 100.0, 50.0, 60.0, 50.0, 20.0, 20.0, 60.0, 60.0, 50.0, 50.0, 90.0, 50.0, 80.0], (8000, 800): [70.0, 80.0, 80.0, 90.0, 100.0, 80.0, 100.0, 70.0, 60.0, 30.0, 80.0, 80.0, 60.0, 100.0, 100.0, 70.0], (8800, 5600): [10.0, 90.0, 100.0, 10.0, 10.0, 100.0, 100.0, 10.0, 10.0, 100.0], (7200, 2800): [70.0, 100.0, 10.0, 10.0, 70.0, 90.0, 10.0, 80.0, 10.0, 0.0, 100.0, 0.0, 0.0, 60.0, 100.0, 60.0, 100.0, 60.0, 90.0, 50.0, 70.0, 80.0, 0.0], (8000, 3200): [0.0, 40.0, 100.0, 100.0, 40.0, 30.0, 30.0, 100.0, 100.0, 10.0, 60.0, 60.0, 100.0, 20.0, 0.0, 100.0, 30.0, 100.0, 0.0, 60.0, 10.0, 100.0, 0.0, 40.0], (7600, 1600): [80.0, 100.0, 100.0, 100.0, 90.0, 60.0, 80.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 70.0, 80.0, 100.0, 90.0, 100.0, 80.0], (6800, 3200): [100.0, 20.0, 40.0, 70.0, 0.0, 50.0, 10.0, 10.0, 100.0, 40.0, 100.0, 70.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 10.0, 20.0, 60.0, 40.0, 30.0, 100.0, 30.0, 0.0, 30.0, 80.0, 20.0], (6000, 4800): [10.0, 100.0, 0.0, 50.0, 70.0, 10.0], (4000, 2800): [30.0, 0.0, 30.0, 70.0, 60.0, 0.0, 40.0, 40.0, 10.0, 100.0, 20.0, 0.0, 80.0, 30.0, 0.0, 30.0, 50.0, 10.0, 0.0, 20.0, 70.0, 70.0, 20.0, 20.0, 50.0, 40.0, 20.0, 20.0, 100.0, 100.0, 30.0, 40.0, 60.0, 20.0, 70.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 20.0, 0.0, 30.0, 30.0, 40.0, 0.0, 30.0, 10.0, 60.0, 20.0, 10.0, 50.0, 50.0, 20.0, 70.0, 20.0, 60.0, 30.0, 40.0, 20.0, 20.0, 50.0, 50.0, 0.0, 20.0, 30.0, 20.0, 20.0, 30.0, 10.0, 70.0, 10.0, 40.0, 60.0, -1.0, 50.0, 70.0, 30.0, 20.0, 60.0, 20.0, 20.0, 10.0, 50.0, 0.0, 30.0, 10.0, 30.0, 20.0, 20.0, 20.0, 40.0, 30.0, 20.0, 10.0, 20.0, 30.0], (7200, 1600): [90.0, 80.0, 70.0, 40.0, 70.0, 20.0, 100.0, 80.0, 80.0, 30.0, 30.0], (7200, 2400): [30.0, 90.0, 100.0, 100.0, 40.0, 100.0, 70.0, 100.0, 90.0, 100.0, 80.0, 50.0, 20.0, 30.0, 100.0, 70.0, 100.0, 40.0, 100.0, 60.0, 30.0], (8400, 1200): [100.0, 100.0, 80.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 70.0, 40.0, 80.0, 100.0, 50.0, 10.0, 100.0, 100.0], (4800, 2400): [30.0, 0.0, 80.0, 20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 20.0, 10.0, 60.0, 20.0, 20.0, 0.0, 10.0, 10.0, 10.0, 30.0, 40.0, 40.0, 40.0, 10.0, 20.0, 30.0, 10.0, 40.0, 60.0, 10.0, 0.0, 0.0, 30.0, 20.0, 0.0, 20.0, 10.0], (6400, 0): [50.0, 60.0, 30.0, 60.0, 40.0, 50.0, 50.0, 50.0, 50.0, 50.0, 60.0, 50.0, 60.0, 50.0, 50.0, 40.0, 50.0], (6000, 3600): [50.0, 0.0, 100.0, 100.0, 100.0, 0.0, 90.0, 40.0, 0.0, 30.0, 10.0, 10.0, 90.0, 100.0, 60.0, 30.0, 20.0, 100.0, 0.0, 80.0, 0.0, 50.0, 100.0, 30.0, 0.0, 0.0, 10.0, 90.0, 10.0, 70.0, 70.0, 50.0, 40.0, 100.0, 100.0, 0.0, 30.0, 30.0, 90.0, 50.0, 60.0, 10.0, 10.0, 20.0, 0.0, 70.0, 100.0, 80.0, 100.0, 0.0, 50.0, 0.0, 100.0, 100.0, 0.0, 90.0, 30.0, 10.0, 30.0, 20.0], (800, 400): [20.0, 50.0, 60.0, 70.0, 30.0, 50.0, 10.0, 10.0, 30.0, 50.0, 30.0, 40.0, 30.0, 70.0, 10.0, 70.0, 40.0, 20.0, 40.0, 60.0, 40.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 40.0, 80.0, 20.0, 10.0, 50.0, 20.0, 10.0, 10.0, 20.0, -1.0, 30.0, 40.0, 50.0, 40.0, 70.0, 40.0, 20.0, 50.0, 10.0], (5200, 1600): [30.0, 30.0, 0.0, 40.0, 10.0, 0.0, 70.0, 40.0, 60.0, 20.0, 20.0, 10.0, 40.0], (1200, 0): [10.0, 20.0, 10.0, 10.0, -1.0, -1.0, 10.0, 20.0, 0.0, 0.0, 10.0, 30.0, 10.0, -1.0, 0.0, 10.0, 20.0, 0.0, 10.0, 0.0, 0.0], (5600, 4800): [0.0, 40.0], (6400, 4800): [10.0, 30.0, 0.0, 50.0, 50.0, 0.0, 100.0, 50.0, 0.0, 0.0, 100.0, 50.0, 0.0, 40.0, 10.0, 30.0, 10.0, 10.0, 10.0, 30.0, 60.0, 100.0, 40.0], (8400, 400): [100.0, 90.0, 100.0, 90.0, 80.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0], (2400, 2000): [50.0, -1.0, 80.0, 70.0, 30.0, 80.0, 60.0, 70.0, 50.0, 40.0, -1.0, 50.0], (4000, 2000): [40.0, 20.0, 80.0, 10.0, 20.0, 10.0, 40.0, 40.0, 50.0, 80.0, 40.0, 40.0, 10.0, 30.0, 40.0, 0.0, 20.0, 10.0, 90.0, 20.0, 80.0, 10.0, 10.0, 20.0, 10.0, 10.0, 60.0, 50.0, 10.0, 50.0, 10.0], (5200, 2400): [20.0, 20.0, 50.0, 30.0, 70.0, 50.0, 20.0, 30.0, 40.0, 30.0, 30.0, -1.0, 10.0, 30.0, 30.0, 10.0, 60.0, 0.0, 50.0, 0.0, 10.0, 60.0, 10.0, 30.0, 0.0, 20.0], (4400, 1600): [30.0, 20.0, 10.0, 30.0, 10.0, 0.0, 10.0, 40.0, 0.0, 10.0, 10.0, 20.0, 0.0, 70.0, 20.0], (7200, 3600): [0.0, 100.0, 10.0, 10.0, 100.0, 30.0, 100.0, 0.0, 50.0, 0.0, 60.0, 20.0, 0.0, 0.0, 0.0, 70.0, 30.0, 100.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 70.0, 0.0, 0.0, 100.0, 0.0, 90.0, 70.0], (1200, 1200): [70.0], (5600, 800): [80.0, 40.0, 30.0, 50.0, 20.0, 30.0, 0.0, 50.0, 60.0, 40.0, 50.0, 60.0, 20.0, 20.0], (6800, 2400): [10.0, 30.0, 100.0, 10.0, 20.0, 40.0, 60.0, 100.0, 50.0, 0.0, 20.0, 20.0, 30.0, 50.0, 0.0, 90.0, 0.0, 100.0, 30.0, 80.0, 10.0, 50.0], (2400, 800): [20.0, 20.0, 30.0, -1.0, 40.0, 10.0, 10.0, 10.0, 30.0, -1.0, 30.0], (4800, 800): [30.0, 20.0, 0.0, 10.0, 10.0, 20.0, 10.0, 0.0, 40.0, 30.0], (7200, 400): [80.0, 70.0, 50.0, 60.0, 50.0, 70.0, 90.0, 80.0, 60.0, 70.0, 60.0, 70.0, 60.0, 70.0], (7200, 3200): [40.0, 30.0, 0.0, 90.0, 10.0, 10.0, 70.0, 10.0, 60.0, 100.0, 50.0, 20.0, 70.0, 0.0, 100.0, 100.0, 100.0, 0.0, 70.0, 0.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 0.0], (8000, 2800): [70.0, 80.0, 20.0, 90.0, 60.0, 70.0, 100.0, 80.0, 30.0, 100.0, 100.0, 70.0, 20.0, 100.0, 60.0, 40.0], (5600, 4400): [100.0, 20.0, 0.0, 0.0, 100.0, 0.0, 60.0, 20.0, 0.0, 0.0, 40.0, 70.0, 10.0, 60.0, 0.0, 100.0, 0.0], (1600, 400): [20.0, -1.0, 10.0, 50.0, -1.0, -1.0, 40.0, 20.0, 10.0, 40.0, 10.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 50.0, 10.0], (3600, 0): [10.0, 10.0, -1.0, 10.0, 10.0, 30.0, -1.0, 0.0, -1.0, 10.0, 20.0, 20.0, -1.0, 10.0, -1.0, 10.0], (8000, 5600): [100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 10.0, 0.0], (3600, 2000): [30.0, 40.0, 40.0, 30.0, 20.0, 40.0, 30.0, 80.0, 10.0, 100.0, 60.0, 30.0, 90.0, 40.0, 20.0, 30.0, 40.0, 40.0, -1.0, 30.0, 40.0, 30.0, 20.0, 20.0, 40.0, 40.0, 40.0, 70.0, 60.0, 30.0, 30.0, 10.0, 10.0, 40.0, 40.0, 60.0, 80.0, 30.0, 30.0, -1.0, 40.0, 80.0, 30.0, 70.0, 50.0, -1.0, 30.0, 60.0, 20.0, 40.0, 10.0], (5600, 4000): [50.0, 100.0, 20.0, 60.0, 40.0, 0.0, 20.0, 0.0, 20.0, 0.0, 30.0, 0.0, 40.0, 0.0, 10.0, 0.0, 20.0, 20.0, 90.0, 20.0, 60.0, 100.0, 20.0, 0.0, 0.0, 10.0, 0.0, 10.0, 60.0, 80.0, 20.0, 0.0, 0.0, 90.0, 10.0, 30.0, 100.0, 0.0, 40.0, 100.0, 0.0, 0.0, 40.0, 0.0, 100.0, 0.0, 10.0, 10.0, 20.0, 0.0, 60.0, 40.0, 20.0, 10.0, 20.0, 0.0, 0.0, 30.0, 20.0, 0.0, 10.0, 50.0, 20.0, 0.0, 70.0, 20.0, 70.0, 20.0, 0.0, 50.0, 0.0, 0.0, 0.0, 20.0, 20.0, 100.0, 50.0, 20.0, 60.0, 20.0, 50.0, 0.0, 90.0, 100.0, 20.0, 50.0, 50.0, 50.0, 10.0, 40.0, 10.0, 20.0, 100.0], (5600, 1600): [30.0, 20.0, 60.0, 20.0, 30.0, 50.0, 10.0, 40.0, 30.0, 60.0, 40.0, 30.0, 60.0, 40.0, 10.0, 100.0, 40.0, 0.0, 10.0, 80.0, 10.0, 40.0, 30.0, 0.0], (2800, 1200): [20.0, -1.0, -1.0, -1.0, -1.0, 40.0, 10.0, 10.0, 30.0, 20.0, 40.0, 10.0, 40.0, 30.0, 40.0, 30.0, 20.0, 40.0], (2800, 2000): [40.0, 40.0, 50.0, 40.0, 80.0, 90.0, 60.0, 90.0, 40.0, 10.0, 40.0, 50.0, 40.0, 30.0, 40.0, 20.0, 30.0, 20.0, 90.0, 20.0, 30.0, 40.0, -1.0, -1.0, 20.0, 30.0, 20.0, 30.0, 30.0, 20.0, 50.0, 50.0, -1.0, 50.0, 50.0, 60.0, 20.0, 40.0, 50.0, 0.0, 30.0, 60.0, 30.0, 30.0, 30.0, 60.0, 30.0, 80.0, 40.0, 60.0, 40.0, 50.0, 60.0, 80.0, 20.0, 30.0, 80.0, 30.0, 90.0, 40.0, 30.0, 0.0, 60.0, 40.0, -1.0, 40.0, 40.0, 40.0, 20.0, 50.0, 20.0, 50.0, 60.0, 60.0, -1.0, 70.0, 30.0, 50.0, 40.0, 30.0, 40.0, 100.0, 100.0, 40.0, 70.0, 50.0, 40.0], (1600, 1200): [-1.0, 90.0, 30.0, 70.0, 30.0, 50.0, 70.0, 50.0, 60.0, 40.0, 20.0, 80.0, -1.0, 90.0, 50.0, 40.0, 0.0, 20.0, 50.0, 20.0, 40.0, 30.0, 50.0, 50.0, 50.0, 90.0, 40.0, 80.0, 40.0, 80.0, 30.0, 40.0, 60.0, 40.0, 90.0, 30.0, 30.0, 60.0, -1.0, 20.0, 30.0], (4800, 2800): [0.0, 60.0, 70.0, 0.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 0.0, 0.0, 0.0, 0.0, 10.0, 20.0, 0.0, 10.0, 50.0, 60.0, 0.0, 40.0, 0.0, 20.0, 0.0, 60.0, 90.0, 0.0, 60.0, 30.0, 10.0, 20.0, 0.0, 0.0, 0.0, 80.0, 20.0, 30.0, 20.0, 0.0, 30.0, 20.0, 70.0, 0.0, 50.0, 0.0, 0.0, 0.0, 100.0, 30.0, 0.0, 30.0, 0.0, 10.0, 30.0, 0.0, 10.0, 20.0, 0.0, 20.0, 10.0], (8400, 3600): [0.0, 50.0, 90.0, 60.0, 60.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 10.0, 80.0, 100.0, 100.0, 50.0, 30.0, 90.0, 100.0, 20.0], (7600, 3200): [20.0, 50.0, 30.0, 100.0, 40.0, 100.0, 100.0, 50.0, 100.0, 100.0, 70.0, 100.0, 100.0, 40.0, 10.0, 100.0, 70.0, 30.0, 80.0, 70.0, 100.0, 100.0, 40.0, 60.0], (4400, 0): [10.0, 0.0, 10.0, 0.0, 10.0, 0.0, -1.0, 20.0, 10.0, 10.0, -1.0, 10.0, 10.0], (6000, 3200): [70.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 20.0, 100.0, 0.0, 20.0, 40.0, 60.0, 10.0, 10.0, 30.0, 0.0, 90.0, 10.0, 0.0, 100.0, 0.0, 60.0, 20.0, 40.0, 10.0, 20.0, 10.0, 90.0, 40.0, 0.0, 100.0, 0.0, 40.0, 100.0, 0.0, 30.0, 10.0, 30.0, 30.0, 10.0, 100.0, 90.0, 80.0, 10.0, 0.0, 30.0, 90.0, 0.0, 0.0, 10.0, 100.0, 100.0, 0.0], (6000, 1600): [70.0, 50.0, 50.0, 10.0, 50.0, 40.0, 100.0, 50.0, 80.0, 70.0, 10.0, 40.0], (3600, 1600): [70.0, 30.0, 30.0, 10.0, 40.0, 60.0, 30.0, 30.0, 20.0, 30.0, 20.0, 60.0, 30.0, 10.0, -1.0, -1.0, 20.0, 50.0, 10.0, 20.0, 50.0, 40.0, 10.0, 10.0, 20.0, 30.0, 40.0], (7600, 400): [90.0, 80.0, 80.0, 80.0, 60.0, 100.0, 80.0, 70.0, 80.0, 100.0, 90.0, 70.0, 30.0, 80.0], (2800, 400): [10.0, 10.0, -1.0, -1.0, 20.0, 10.0, 30.0, 10.0, 20.0, 10.0, 10.0, 20.0, 40.0], (5200, 1200): [30.0, 10.0, 10.0, 0.0, 50.0, 30.0, 100.0, 20.0, 60.0, 10.0, 20.0, 0.0, 30.0, 10.0, 50.0, 10.0], (4400, 2800): [10.0, 10.0, 20.0, 0.0, 20.0, 0.0, 30.0, 100.0, 60.0, 50.0, 80.0, 0.0, 40.0, 20.0, 40.0, 100.0, 60.0, 10.0, 0.0, 10.0, 100.0, 30.0, 50.0, 0.0, 10.0, 90.0, 10.0, 20.0, 80.0, 0.0, 40.0, 80.0, 20.0, 60.0, 10.0, 10.0, 20.0, 60.0, 0.0, 0.0, 100.0, 10.0, 90.0, 70.0, 70.0, 30.0, 60.0, 40.0, 0.0, 100.0, 70.0, 0.0, 20.0, 10.0, 0.0, 20.0, 20.0, 20.0, 0.0, 40.0, 10.0, 20.0, 20.0, 0.0, 20.0, 10.0, 80.0, 0.0, 20.0, 0.0, 20.0, 50.0, 100.0, 50.0, 40.0, 30.0, 0.0, 10.0, 20.0, 80.0, 30.0, 10.0, 20.0, 40.0, 20.0, 0.0, 40.0, 40.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 30.0, 20.0, 20.0, 0.0, 0.0, 80.0, 20.0, 100.0, 20.0, 0.0], (8400, 2800): [100.0, 100.0, 80.0, 100.0, 60.0, 40.0, 30.0, 100.0, 100.0, 10.0, 60.0, 100.0, 10.0, 20.0, 100.0, 90.0, 60.0, 100.0, 0.0, 100.0, 30.0, 100.0], (7200, 4000): [80.0, 90.0, 90.0, 70.0, 60.0, 100.0, 0.0, 100.0, 0.0, 40.0, 100.0, 0.0, 100.0, 0.0, 20.0, 20.0, 70.0, 10.0, 20.0, 0.0, 100.0, 70.0, 90.0, 10.0, 50.0, 100.0, 30.0, 20.0, 50.0, 100.0, 100.0, 90.0, 40.0, 100.0, 0.0, 50.0, 0.0, 30.0, 100.0, 100.0, 100.0, 30.0, 50.0, 100.0, 20.0, 0.0, 30.0, 90.0, 70.0, 10.0, 0.0, 50.0, 20.0], (6800, 4800): [90.0, 70.0, 50.0, 0.0, 90.0, 90.0, 60.0, 30.0, 20.0, 0.0, 60.0, 50.0, 0.0, 10.0, 90.0, 90.0, 30.0, 10.0, 0.0, 50.0, 100.0, 90.0, 20.0, 100.0, 100.0, 40.0, 30.0, 0.0, 20.0, 20.0, 0.0, 10.0, 70.0, 10.0, 20.0, 100.0, 100.0, 100.0], (400, 0): [50.0, 0.0, 40.0, 20.0, 0.0, 50.0, 20.0, 20.0, 40.0, 80.0, 30.0, 20.0, 10.0, 20.0, 20.0, 40.0, 0.0, 20.0, 30.0, 20.0, 20.0, 60.0, 10.0, 50.0, 10.0, 70.0, 50.0, 0.0, 20.0, 40.0, 20.0, 10.0, 30.0, 10.0, 40.0, 10.0, 40.0, 30.0, 10.0], (2800, 2400): [60.0, 60.0, 40.0, 50.0, 30.0, 30.0], (8400, 2000): [50.0, 50.0, 100.0, 90.0, 100.0, 100.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 100.0, 90.0, 10.0, 70.0, 100.0], (6000, 400): [40.0, 20.0, 50.0, 20.0, 10.0, 50.0, 30.0, 40.0, 40.0, 20.0, 50.0, 30.0, 60.0, 20.0, 60.0, 60.0, 20.0, 40.0], (7600, 0): [80.0, 70.0, 90.0, 90.0, 70.0, 80.0, 70.0, 80.0, 90.0, 70.0], (4400, 3600): [40.0, 20.0, 10.0, 0.0, 10.0, 0.0, 10.0, 100.0], (8000, 1200): [80.0, 100.0, 100.0, 100.0, 50.0, 80.0, 50.0, 90.0, 60.0, 80.0, 30.0, 50.0, 90.0, 90.0, 20.0, 100.0, 100.0, 100.0], (6400, 2000): [60.0, 30.0, 30.0, 30.0, 100.0, 50.0, 60.0, 40.0, 70.0, 80.0, 60.0, 70.0, 80.0, 20.0, 0.0, 100.0, 30.0, 40.0], (8400, 5200): [100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 10.0, 0.0, 100.0, 40.0, 50.0, 70.0, 100.0, 0.0, 10.0, 100.0, 20.0, 90.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 80.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 90.0, 50.0], (8800, 3600): [40.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 30.0, 100.0, 30.0, 80.0, 100.0, 100.0, 40.0], (6800, 0): [60.0, 60.0, 60.0, 50.0, 60.0, 60.0, 60.0, 60.0, 60.0, 60.0, 70.0, 60.0, 60.0, 60.0, 60.0, 60.0, 60.0, 70.0, 60.0, 80.0], (1600, 0): [10.0, 10.0, 10.0, -1.0, 10.0, 0.0, 0.0, 20.0, 10.0, 10.0, 10.0], (6800, 3600): [0.0, 70.0, 20.0, 100.0, 20.0, 50.0, 20.0, 100.0, 10.0, 80.0, 0.0, 70.0, 60.0, 40.0, 100.0, 70.0, 70.0, 50.0, 100.0, 0.0, 0.0, 50.0, 40.0, 80.0, 100.0, 30.0, 60.0, 80.0, 60.0, 100.0, 60.0, 20.0, 30.0, 20.0, 0.0, 100.0, 10.0, 90.0, 90.0], (4800, 4000): [10.0, 10.0, 0.0, 10.0], (8800, 400): [100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0], (5600, 3600): [0.0, 0.0, 20.0, 20.0, 50.0, 20.0, 60.0, 10.0, 30.0, 70.0, 0.0, 60.0, 10.0, 0.0, 20.0, 90.0, 0.0, 10.0, 100.0, 50.0, 40.0, 0.0, 90.0, 40.0, 20.0, 10.0, 0.0, 90.0, 50.0, 60.0, 30.0, 80.0, 30.0, 0.0, 0.0, 80.0, 90.0, 10.0, 80.0, 0.0, 0.0, 10.0, 0.0, 0.0, 100.0, 20.0, 40.0, 10.0, 10.0, 0.0, 0.0, 0.0, 20.0, 80.0, 0.0, 0.0, 20.0, 50.0, 10.0, 0.0, 80.0, 20.0, 0.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 70.0, 0.0, 10.0, 20.0, 0.0, 100.0, 100.0, 50.0, 0.0, 70.0, 40.0, 0.0, 0.0, 20.0, 30.0, 60.0, 10.0, 30.0, 50.0, 0.0], (2400, 1600): [0.0, 30.0, 20.0, 90.0, 30.0, 20.0, 30.0, 30.0, 50.0, 70.0, -1.0, 40.0, 40.0, 40.0, 20.0, 20.0, 100.0, 50.0, -1.0, 50.0, 70.0, 50.0, 40.0, 50.0, 60.0, 60.0, 60.0, 40.0, 50.0, 20.0, 80.0, 40.0, 50.0, -1.0, 60.0, 80.0, 60.0, 40.0, 50.0, 40.0, 80.0, 40.0, 30.0, 70.0, 20.0, 10.0, 40.0, 30.0, 30.0, 50.0, 80.0, 70.0, -1.0, 30.0, 30.0, 90.0, 70.0, 30.0, 50.0, 50.0, 30.0, 40.0, 40.0, 100.0, 70.0, 20.0, 80.0, 60.0, 40.0, 50.0, 40.0, 60.0, 60.0, 50.0, -1.0, 40.0, 60.0, 50.0, 50.0, 50.0, 50.0, 10.0, 60.0, 60.0, 40.0, 70.0, 70.0, 80.0, 60.0, 60.0, 20.0, 40.0, 50.0, 20.0, 30.0, 20.0, 30.0, 40.0], (8800, 0): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0], (7600, 5600): [100.0], (8400, 4400): [100.0, 30.0, 10.0, 0.0, 70.0, 100.0, 60.0, 10.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 80.0, 100.0, 90.0, 30.0, 70.0, 0.0, 100.0, 10.0, 100.0, 100.0, 100.0, 30.0, 30.0, 100.0, 100.0, 20.0, 100.0, 100.0, 90.0, 0.0, 100.0, 40.0, 100.0, 100.0], (6000, 4000): [60.0, 0.0, 0.0, 100.0, 30.0, 10.0, 40.0, 10.0, 10.0, 60.0, 90.0, 0.0, 20.0, 0.0, 10.0, 60.0, 40.0, 30.0, 10.0, 10.0, 30.0, 0.0, 0.0, 60.0, 50.0, 0.0, 60.0, 50.0, 20.0, 90.0, 20.0, 60.0, 70.0, 0.0, 0.0, 0.0, 100.0, 0.0, 40.0, 70.0, 0.0, 0.0, 70.0, 40.0, 90.0, 80.0, 10.0, 30.0, 0.0, 80.0, 60.0, 0.0, 20.0, 30.0, 40.0, 80.0, 100.0, 20.0, 60.0, 10.0, 0.0, 20.0, 0.0, 100.0, 90.0, -1.0, 0.0, 10.0, 80.0, 40.0, 40.0, 60.0, 0.0, 10.0, 20.0, 20.0, 30.0, 60.0, 40.0, 70.0, 100.0, 40.0, 100.0, 20.0, 100.0, 70.0], (2400, 1200): [40.0, 10.0, 20.0, -1.0, 50.0, -1.0, 30.0, 20.0, 20.0, 60.0, 100.0, 60.0, 20.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 20.0, 40.0, 50.0, 20.0, 30.0, 50.0, 40.0, 0.0, 60.0, 30.0, 30.0, 30.0, 40.0, 50.0, 60.0, 50.0, 50.0, -1.0, 40.0, 50.0, 20.0, 40.0, 50.0, 30.0, 60.0, 20.0, 50.0, 10.0, 40.0, 30.0], (6400, 2800): [100.0, 30.0, 30.0, 10.0, 40.0, 80.0, 10.0, 100.0, 100.0, 60.0, 60.0, 30.0, 40.0, 10.0, 20.0, 0.0, 20.0, 90.0, 100.0, 60.0, 100.0, 0.0, 100.0, 0.0], (4800, 1600): [0.0, 20.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 10.0, 30.0, 20.0, 0.0, 10.0, 50.0, 50.0, 20.0, 50.0], (4000, 3200): [-1.0, 40.0, 80.0, 10.0, 40.0, 100.0, 90.0, 40.0, 0.0, 30.0, 40.0, 40.0, 80.0, -1.0, 40.0, 30.0, 20.0, 20.0, 50.0, 40.0, 60.0, 50.0, 30.0], (2800, 800): [10.0, 10.0, 60.0, 20.0, 20.0, 10.0, 10.0, -1.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 40.0, 0.0, 20.0], (6800, 1200): [100.0, 20.0, 100.0, 80.0, 40.0, 30.0, 60.0, 40.0, 40.0, 30.0, 60.0, 80.0, 70.0, 50.0, 50.0, 40.0, 30.0, 60.0, 50.0, 100.0, 60.0], (5200, 4400): [50.0, 50.0, 30.0, 10.0], (8000, 3600): [70.0, 30.0, 100.0, 10.0, 90.0, 70.0, 10.0, 30.0, 30.0, 100.0, 60.0, 90.0, 80.0, 10.0, 0.0, 20.0, 90.0, 90.0, 70.0, 100.0, 100.0, 0.0, 100.0, 40.0, 90.0, 100.0, 10.0, 40.0, 10.0, 100.0, 100.0, 50.0, 100.0], (8400, 6000): [100.0], (7200, 2000): [30.0, 30.0, 10.0, 50.0, 100.0, 0.0, 90.0, 100.0], (6800, 1600): [100.0, 60.0, 10.0, 30.0, 70.0, 20.0, 100.0, 0.0, 60.0], (8800, 2000): [100.0, 100.0, 100.0, 100.0, 100.0], (7200, 4400): [40.0, 100.0, 100.0, 100.0, 100.0, 10.0, 10.0, 70.0, 0.0, 70.0, 50.0, 0.0, 0.0, 80.0, 80.0, 40.0, 0.0, 100.0, 80.0, 0.0, 20.0, 100.0, 70.0, 30.0, 100.0, 40.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 10.0, 100.0, 50.0, 80.0, 40.0, 100.0, 100.0, 100.0, 100.0, 10.0, 80.0, 100.0, 30.0, 0.0, 100.0, 0.0, 10.0, 100.0, 60.0, 70.0, 40.0, 100.0, 0.0, 0.0, 0.0, 40.0, 60.0], (2400, 400): [10.0, 10.0, -1.0, -1.0, 30.0, 30.0, -1.0, 30.0, 20.0, 20.0, 40.0, -1.0, 10.0, 10.0, 10.0, -1.0, -1.0], (5600, 0): [40.0, 30.0, 40.0, 50.0, 30.0, 20.0, 30.0, 40.0, 30.0, 40.0, 50.0, 30.0, 30.0], (4800, 2000): [10.0, 50.0, 60.0, 60.0, 20.0, 30.0, 0.0, 30.0, 0.0, 10.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 0.0, 30.0, 10.0, 90.0, 0.0, 0.0, 60.0, 10.0, 0.0, 30.0, 30.0, 0.0], (7600, 5200): [30.0, 70.0, 20.0, 10.0, 0.0, 10.0, 10.0, 90.0, 70.0, 100.0, 100.0, 100.0, 10.0, 100.0, 0.0, 60.0, 0.0, 50.0, 40.0, 0.0, 20.0, 70.0, 100.0, 100.0, 20.0, 70.0, 10.0, 50.0, 100.0, 50.0], (7600, 800): [60.0, 70.0, 100.0, 50.0, 40.0, 100.0, 80.0, 90.0, 40.0, 90.0, 50.0, 90.0, 90.0, 80.0, 30.0, 60.0, 90.0, 70.0, 70.0, 60.0], (7600, 4400): [40.0, 20.0, 100.0, 80.0, 70.0, 90.0, 30.0, 100.0, 100.0, 30.0, 20.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 10.0, 80.0, 0.0, 100.0, 30.0, 30.0, 30.0, 50.0, 20.0, 0.0, 30.0, 50.0, 0.0, 100.0, 0.0, 0.0, 100.0, 10.0, 20.0, 0.0, 20.0, 10.0, 20.0, 40.0, 20.0], (4800, 0): [0.0, 10.0, 20.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 30.0, 10.0, 10.0], (8800, 2800): [20.0, 30.0, 100.0, 100.0, 100.0, 60.0, 70.0, 90.0], (5600, 2000): [70.0, 40.0, 10.0, 10.0, 40.0, 0.0, 0.0, 60.0, 30.0, 0.0, 50.0, 40.0, 20.0, 10.0, 10.0, 10.0, 40.0, 20.0, 100.0, 60.0, 60.0], (3600, 2400): [80.0, 40.0, 70.0, 50.0, 30.0, 30.0, -1.0, 30.0, 30.0, 30.0, 40.0, 80.0, 30.0, 50.0, 30.0, 40.0, 20.0, 10.0, 40.0, 30.0, 90.0, 30.0, 30.0, 60.0, 50.0, 70.0, 40.0, 20.0, 50.0, 20.0, 30.0, 70.0, 60.0, 30.0, 40.0, 30.0, 20.0, 100.0, 30.0, 100.0, 30.0, 80.0, 40.0, 70.0, 40.0, -1.0, 100.0, 30.0, 50.0, 40.0, 80.0, 60.0, 40.0, 60.0, 80.0, 70.0, 20.0, 20.0, 40.0, 30.0, 50.0, 40.0, -1.0, 50.0, 40.0, 40.0, 50.0, 30.0, 30.0, 50.0, 60.0, 100.0, 50.0, -1.0, 60.0, 60.0, 0.0, 40.0, 30.0, 30.0, 20.0, 70.0, 90.0, 50.0, 20.0, 20.0, 20.0, 40.0, 60.0, 90.0, 50.0], (6800, 2800): [80.0, 30.0, 70.0, 80.0, 30.0, 0.0, 20.0, 90.0, 40.0, 100.0, 100.0, 70.0, 10.0, 100.0, 20.0], (3200, 2400): [-1.0, 20.0, 30.0, -1.0, 50.0, 30.0, -1.0, 50.0, 40.0, 20.0, 80.0, 80.0, 70.0, 20.0, 50.0, 40.0, 60.0, 50.0, 10.0, 40.0, 50.0, 30.0, 60.0, 40.0, 30.0, 40.0, 40.0, 20.0, 80.0, 40.0, 20.0, 100.0, 30.0, 40.0, 70.0, 20.0, 50.0, 30.0, 30.0, 100.0, 30.0, 50.0, 20.0, 50.0, 40.0, -1.0, 10.0, 90.0, 60.0, 40.0, 50.0], (5600, 400): [10.0, 30.0, 40.0, 20.0, 40.0, 40.0, 20.0, 50.0, 40.0, 30.0, 30.0, 30.0, 30.0, 20.0, 30.0, 20.0, 40.0, 50.0, 30.0, 40.0, 10.0, 20.0], (2000, 400): [10.0, 10.0, -1.0, 10.0, -1.0, 0.0, 20.0, 10.0, 20.0, 0.0, 10.0, 20.0, 0.0, 10.0], (7600, 2800): [100.0, 30.0, 100.0, 100.0, 10.0, 20.0, 40.0, 100.0, 0.0, 20.0, 100.0, 10.0, 80.0, 30.0, 100.0, 60.0, 10.0, 40.0], (4400, 800): [20.0, 0.0, 0.0, 10.0, 30.0, 10.0, 10.0, 0.0, 20.0, 30.0, 10.0, 10.0, 10.0], (8800, 3200): [100.0, 100.0, 40.0, 100.0, 20.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0], (5600, 2800): [30.0, 0.0, 30.0, 70.0, 10.0, 40.0, 0.0, 50.0, 80.0, 10.0, 0.0, 0.0, 10.0, 10.0, 10.0, 0.0, 20.0, 0.0, 70.0, 50.0, 20.0, 30.0, 100.0, 50.0, 0.0], (8000, 4400): [100.0, 100.0, 70.0, 60.0, 80.0, 40.0, 100.0, 100.0, 80.0, 100.0, 90.0, 80.0, 10.0, 90.0, 0.0, 0.0, 100.0, 100.0, 20.0, 50.0, 0.0, 100.0, 80.0, 40.0, 70.0, 20.0, 50.0, 100.0, 10.0, 60.0, 0.0, 20.0, 20.0, 20.0, 20.0, 50.0, 70.0, 50.0, 20.0, 100.0, 100.0], (6000, 4400): [20.0, 20.0, 100.0, 0.0, 80.0, 40.0, 0.0, 100.0, 30.0, 40.0, 100.0, 70.0, 80.0, 0.0, 60.0, 40.0, 10.0, 60.0, 40.0, 0.0, 0.0, 100.0, 50.0, 0.0, 0.0, 0.0, 10.0, 20.0, 60.0, 0.0, 60.0, 50.0, 30.0, 10.0, 10.0, 100.0, 90.0, 50.0, 80.0, 0.0, 30.0, 40.0, 50.0, 10.0, 60.0, 0.0, 30.0, 20.0, 0.0, 90.0, 20.0, 80.0, 40.0, 0.0, 10.0, 0.0], (7200, 1200): [80.0, 40.0, 90.0, 60.0, 90.0, 70.0, 100.0, 70.0, 70.0, 90.0, 20.0, 20.0, 50.0, 80.0, 90.0, 80.0], (800, 0): [0.0, 50.0, 10.0], (5200, 400): [10.0, 10.0, 40.0, 30.0, 0.0, 30.0, 40.0, 30.0, 20.0, 0.0, 20.0], (2000, 1200): [60.0, 50.0, 40.0, 10.0, 20.0, 50.0, 40.0, 30.0, 30.0, 70.0, 30.0, 70.0, 30.0, 70.0, -1.0, -1.0, -1.0, 30.0, 70.0, 40.0, -1.0, 10.0, 60.0, -1.0, 40.0, 80.0, 50.0, 60.0, 30.0, 50.0, 30.0, 20.0, 40.0, 50.0, 40.0, 30.0, 50.0, 20.0, 20.0, 50.0, -1.0, 60.0, 50.0, 70.0, 50.0, 20.0, 30.0, 30.0, 40.0, 70.0, 60.0, 30.0, 50.0, 70.0, 70.0, -1.0, 30.0, -1.0, 20.0, 20.0, 30.0, 40.0, 50.0, 20.0, 30.0, -1.0, 40.0], (3200, 800): [20.0, 20.0, 10.0, 10.0, 30.0, 10.0, 20.0, -1.0, 30.0, 20.0, 10.0, 30.0, 0.0, 20.0, -1.0, 10.0, -1.0, 10.0, 30.0, 50.0, -1.0, 20.0, 10.0], (8000, 1600): [100.0, 100.0, 20.0, 100.0, 100.0, 50.0, 100.0, 70.0, 80.0, 90.0, 100.0, 40.0], (8000, 0): [80.0, 90.0, 90.0, 80.0, 80.0, 90.0, 70.0, 80.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 100.0], (6000, 2000): [0.0, 80.0, 50.0, 100.0, 30.0, 60.0, 40.0, 10.0, 60.0, 10.0, 0.0, 40.0, 30.0, 50.0, 50.0, 70.0, 60.0, 60.0, 70.0], (8800, 4400): [100.0, 40.0, 10.0, 100.0, 100.0, 10.0, 10.0, 100.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 100.0], (0, 0): [100.0, 100.0, 0.0, 100.0, 50.0, 100.0, -1.0, 100.0, 100.0], (4400, 2000): [20.0, 0.0, 60.0, 30.0, 20.0, 20.0, 30.0, 50.0, 0.0, 0.0, 30.0, 10.0, 0.0, 10.0, 10.0, 40.0, 0.0, 30.0, 0.0, 0.0, 20.0, 10.0, 20.0, 40.0, 70.0, 10.0, 40.0, 50.0, 20.0, 10.0, 30.0, 0.0, 0.0, 30.0], (6400, 400): [80.0, 50.0, 50.0, 40.0, 70.0, 40.0, 50.0, 60.0, 40.0, 50.0, 40.0, 40.0], (4800, 1200): [10.0, 10.0, 40.0, 0.0, 0.0, 40.0, 40.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 20.0, 0.0, 10.0, 50.0, 0.0], (7600, 1200): [40.0, 100.0, 40.0, 90.0, 40.0, 60.0, 40.0, 90.0, 100.0, 90.0, 100.0, 60.0], (7200, 0): [60.0, 70.0, 70.0, 70.0, 70.0, 70.0, 80.0, 70.0, 70.0, 90.0, 70.0, 70.0, 70.0, 70.0, 70.0, 60.0, 60.0, 80.0, 70.0], (3200, 1600): [60.0, 30.0, 30.0, 30.0, 20.0, 30.0, 30.0, 50.0, 20.0, 40.0, 20.0, -1.0, 30.0, 90.0, 50.0, 50.0, 40.0, 30.0, 30.0, 20.0, 20.0, 90.0, 40.0, 30.0, 20.0, 70.0, 60.0, 30.0, -1.0, 30.0, 30.0, 50.0, 10.0, 30.0, 90.0, 20.0, 30.0, 40.0], (6400, 3200): [20.0, 40.0, 100.0, 0.0, 70.0, 10.0, 10.0, 30.0, 80.0, 90.0, 80.0, 10.0, 10.0, 0.0, 100.0, 30.0, 40.0, 100.0, 40.0, 20.0, 70.0, 0.0, 90.0, 0.0, 20.0, 90.0, 50.0, 0.0, 100.0, 70.0, 10.0, 60.0], (8800, 800): [100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 60.0], (6400, 1200): [-1.0, 90.0, 10.0, 40.0, 20.0, 40.0, 60.0, 90.0, 0.0, 30.0, 60.0, 100.0, 50.0, 50.0, 70.0, 30.0, 30.0], (8800, 4800): [100.0, 100.0, 80.0, 40.0, 100.0, 0.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 80.0, 100.0, 0.0], (2800, 1600): [30.0, 20.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 20.0, -1.0, 70.0, 70.0, 20.0, 60.0, 60.0, 60.0, 80.0, 40.0, 20.0, 40.0, 60.0, 30.0, 50.0, 60.0, 40.0, 40.0, 20.0, 20.0, 30.0, 80.0, 40.0, -1.0, 20.0, 20.0, 30.0, 20.0, 60.0, -1.0, 70.0, 40.0, 10.0, 20.0, 40.0, 40.0, 50.0, 40.0, 40.0, 50.0, -1.0, 20.0, 50.0, 20.0, 30.0, 40.0, 40.0, 50.0, 100.0, 50.0, 30.0, 40.0, 30.0, 30.0, 60.0, 20.0, 40.0, 20.0, 20.0, 20.0, 20.0, 40.0, 100.0, 40.0], (8400, 4800): [90.0, 10.0, 100.0, 20.0, 30.0, 20.0, 80.0, 0.0, 80.0, 100.0, 0.0, 100.0, 0.0, 10.0, 100.0, 100.0, 30.0, 0.0, 90.0, 100.0, 100.0, 100.0, 100.0, 0.0, 40.0, 100.0, 80.0, 100.0, 100.0, 40.0, 90.0, 100.0, 100.0, 100.0, 0.0, 90.0, 40.0, 60.0, 0.0, 100.0, 0.0, 100.0], (4800, 3600): [30.0, 0.0, 0.0, 40.0, 10.0, 0.0, 0.0, 20.0, 0.0, 20.0, 20.0, 100.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 10.0, 50.0, 60.0, 10.0, 30.0, 0.0, 100.0, 80.0, 0.0, 0.0, 10.0, 70.0, 0.0, 0.0, 100.0, 0.0, 10.0, 0.0, 40.0, 10.0, 0.0, 0.0, 40.0, 20.0, 0.0, 40.0, 60.0, 10.0, 10.0, 20.0, 70.0, 10.0], (1200, 400): [40.0, 60.0, 40.0, 50.0, 50.0, 30.0, 20.0, 10.0, -1.0, 50.0, 60.0, 10.0, 30.0, 70.0, 10.0, 10.0, 40.0, 30.0, 0.0, 10.0, 40.0, 20.0, 30.0, 20.0, 40.0, 10.0, 50.0, 20.0, 20.0, 60.0, 10.0, 60.0, -1.0, 30.0], (4400, 400): [30.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, -1.0, -1.0, 0.0, 30.0, 10.0, 20.0], (4000, 0): [10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 20.0, 20.0, 20.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0], (4400, 2400): [20.0, 20.0, 50.0, 30.0, 10.0, 0.0, 60.0, 0.0, 10.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, 100.0, 80.0, 80.0, 50.0, 0.0, 40.0, 0.0, 20.0, 60.0, 30.0, 40.0, 0.0, 80.0, 20.0, 100.0, 0.0, 40.0, 30.0, 20.0], (7600, 3600): [60.0, 80.0, 100.0, 20.0, 100.0, 50.0, 70.0, 100.0, 0.0, 40.0, 100.0, 50.0, 60.0, 0.0, 60.0, 30.0, 60.0, 60.0, 0.0, 100.0, 0.0, 20.0, 100.0], (3200, 2000): [50.0, 60.0, 40.0, 40.0, 20.0, 30.0, 50.0, 80.0, 20.0, 40.0, 40.0, 80.0, 90.0, 70.0, 40.0, 40.0, 40.0, 50.0, 30.0, 30.0, 30.0, 40.0, 50.0, 40.0, 30.0, 10.0, 40.0, 60.0, 60.0, 40.0, 30.0, 100.0, 40.0, 30.0, 40.0, 40.0, 40.0, 80.0, 40.0, 70.0, 50.0, 60.0, 20.0, 60.0, 100.0, 30.0, 40.0, 60.0, 90.0, 50.0, 30.0, 60.0, 40.0, 60.0, 60.0, 70.0, 20.0, 40.0, 70.0, 30.0, 30.0, 30.0, 50.0, 80.0, 40.0, 30.0, 50.0, -1.0, 50.0, -1.0, 40.0, 20.0, 20.0, 30.0, 70.0, 60.0, -1.0, 40.0, 30.0, 30.0, 40.0, 60.0, 40.0, -1.0, 40.0, 40.0, 80.0, 60.0, 30.0, 40.0, 70.0, 90.0, 30.0, 10.0], (6800, 4400): [100.0, 90.0, 100.0, 0.0, 40.0, 10.0, 0.0, 40.0, 0.0, 0.0, 100.0, 10.0, 0.0, 0.0, 0.0, 100.0, 0.0, 0.0, 90.0, 100.0, 30.0, 40.0, 70.0, 0.0, 100.0, 50.0, 10.0, 60.0, 0.0, 100.0, 70.0, 20.0, 100.0, 100.0, 70.0, 10.0, 100.0, 30.0, 100.0, 0.0, 70.0, 40.0, 0.0, 100.0, 60.0, 10.0, 30.0, 20.0, 60.0, 0.0, 50.0, 40.0, 20.0, 100.0, 0.0, 10.0, 20.0, 0.0, 10.0, 0.0, 100.0, 10.0, 100.0, 100.0, 40.0, 20.0, 20.0, 10.0, 60.0, 50.0, 60.0, 30.0, 0.0, 20.0], (6000, 0): [40.0, 40.0, 50.0, 40.0, 50.0, 30.0, 50.0, 50.0, 30.0, 40.0, 40.0, 60.0, 50.0, 40.0, 40.0, 50.0, 40.0], (8400, 4000): [20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 80.0, 0.0, 20.0, 70.0, 100.0, 50.0, 100.0, 20.0, 20.0, 100.0, 70.0, 0.0, 60.0, 100.0], (3200, 0): [10.0, -1.0, -1.0, 10.0, 0.0, -1.0, 0.0, 10.0, 0.0, 10.0, 0.0, -1.0, 10.0], (2000, 1600): [50.0, 80.0, 90.0, -1.0, 70.0, 20.0, 20.0, 30.0, 70.0, 60.0, -1.0, 10.0, 50.0, 30.0, -1.0, 20.0, 60.0, 40.0, 60.0, 60.0, 60.0, 60.0, 50.0], (5600, 1200): [70.0, 10.0, 60.0, 20.0, 30.0, 50.0, 40.0, 10.0, 40.0, 30.0, 30.0, 40.0, 20.0, 20.0], (6800, 400): [60.0, 60.0, 30.0, 60.0, 60.0, 40.0, 40.0, 60.0, 60.0, 60.0, 80.0, 70.0], (6800, 4000): [100.0, 100.0, 40.0, 20.0, 10.0, 60.0, 0.0, 20.0, 10.0, 80.0, 80.0, 40.0, 0.0, 10.0, 100.0, 90.0, 30.0, 100.0, 0.0, 100.0, 100.0, 60.0, 0.0, 0.0, 80.0, 100.0, 100.0, 60.0, 90.0, 0.0, 20.0, 70.0, 90.0, 100.0, 70.0, 0.0, 60.0, 0.0, 20.0, 0.0, 80.0, 100.0, 30.0, 20.0, 0.0, 40.0, 50.0, 20.0, 70.0, 90.0, 100.0, 20.0, 90.0, 0.0, 60.0, 90.0, 100.0, 60.0, 40.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 70.0, 10.0, 90.0, 0.0, 90.0, 60.0, 80.0, 100.0, -1.0, 50.0, 100.0, 80.0], (5200, 3600): [20.0, 80.0, 10.0, 10.0, 50.0, 10.0, 0.0, 20.0, 40.0, 0.0, 0.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 0.0, 50.0, 0.0, 0.0, 30.0, 80.0, 10.0, 0.0, 10.0, 100.0, 10.0, 20.0, 0.0, 20.0, 10.0, 50.0, 0.0, 0.0, 60.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 100.0, 100.0, 60.0, 50.0, 80.0, 40.0, 70.0, 0.0, 0.0, 20.0, 60.0, 0.0, 30.0, 70.0, 0.0, 10.0, 0.0, 20.0, 10.0, 0.0, 10.0, 30.0, 60.0, 0.0, 30.0, 0.0, 90.0, 70.0, 30.0, 30.0, 0.0, 60.0, 70.0, 20.0, 60.0, 90.0, 20.0, 0.0, 0.0, 40.0, 0.0, 20.0, 10.0, 0.0, 0.0, -1.0, 40.0, 0.0, 30.0, 50.0, 0.0, 70.0, 20.0, 0.0, 30.0, 40.0, 20.0, 0.0, 40.0, 100.0, 60.0, 10.0], (8000, 400): [60.0, 60.0, 70.0, 100.0, 90.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0, 80.0, 80.0, 90.0, 80.0, 100.0], (7200, 800): [30.0, 60.0, 70.0, 90.0, 100.0, 100.0, 20.0, 50.0, 100.0, 60.0, 50.0, 80.0, 20.0, 70.0, 60.0, 70.0, 30.0, 50.0], (3200, 2800): [30.0, 30.0], (2800, 0): [0.0, 30.0, -1.0, 0.0, -1.0, -1.0, 10.0, 10.0, -1.0, 10.0, 10.0, 0.0, 20.0, 20.0, 10.0, 0.0, -1.0, 20.0, 30.0, 0.0, 20.0, 0.0, 30.0], (6400, 800): [30.0, 30.0, 40.0, 20.0, 30.0, 10.0, 50.0, 40.0, 70.0, 70.0, 40.0, 30.0, 70.0, 40.0, 100.0, 80.0, 30.0], (8800, 4000): [100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 100.0], (400, 400): [60.0, 20.0, 50.0, 40.0, 20.0, 20.0, 60.0, 10.0, -1.0, 100.0, 40.0, 30.0, 50.0, 30.0, 10.0, 20.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0], (8800, 2400): [30.0, 100.0, 0.0, 80.0, 70.0, 100.0, 30.0], (3600, 2800): [90.0, -1.0, 80.0, 20.0, 50.0, 10.0, 20.0, 40.0, 30.0, 30.0, 50.0, 30.0, 20.0, 40.0, 20.0, 50.0, 30.0, 80.0, 50.0, 50.0, 30.0, 50.0, 40.0, 40.0], (7600, 2000): [50.0, 10.0, 100.0, 30.0, 60.0, 0.0, 80.0, 100.0, 80.0, 10.0, 60.0, 10.0, 20.0, 60.0, 50.0, 10.0, 10.0, 20.0, 60.0, 70.0, 100.0, 100.0], (3200, 400): [10.0, -1.0, 40.0, 20.0, 20.0, 10.0, -1.0, 0.0, 20.0, 10.0], (5200, 800): [10.0, 10.0, 30.0, 40.0, 60.0, 40.0, 20.0, 10.0, 10.0, 30.0, 10.0, 50.0, 0.0, 20.0], (4000, 1200): [40.0, 30.0, 10.0, 60.0, 10.0, 10.0, 40.0, 30.0, 30.0, 30.0, 20.0, 40.0, 0.0, 10.0], (1200, 800): [40.0, -1.0, 40.0, 10.0, 40.0, 50.0, 20.0, 60.0, 90.0, 80.0, 40.0, 60.0, 30.0, 60.0, -1.0, -1.0, 30.0, 80.0, 40.0, 70.0, 40.0, 50.0, 90.0, 40.0, 70.0, 30.0, 70.0, 80.0, -1.0, 40.0, 60.0, 40.0, 20.0, 40.0, 40.0, 30.0, 40.0, 60.0, 50.0, 50.0, 70.0, 30.0, 70.0, 40.0, 40.0, 20.0, 40.0, 40.0, 50.0, 10.0, 40.0, -1.0, 50.0, 60.0, 50.0, 60.0, 60.0, 20.0, 50.0, 40.0, 40.0, 70.0, 20.0], (800, 800): [40.0, -1.0, 40.0, 30.0], (2000, 0): [20.0, 10.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0], (7600, 2400): [90.0, 100.0, 20.0, 100.0, 70.0, 60.0, 100.0, 90.0, 10.0, 60.0, 100.0, 50.0, 80.0, 80.0, 80.0, 100.0, 100.0, 20.0], (6400, 1600): [70.0, 70.0, 90.0, 50.0, 50.0, 30.0, 30.0, 30.0, 10.0, 70.0, 100.0, 10.0], (5200, 4000): [0.0, 0.0, 50.0, 30.0, 80.0, 40.0, 10.0, 100.0, 30.0, 0.0, 70.0, 30.0, 30.0, 30.0, 60.0, 60.0, 70.0, 0.0, 0.0, 0.0, 80.0, 10.0, 0.0, 50.0, 10.0, 10.0, 60.0, 40.0, 0.0, 0.0, 0.0], (6800, 2000): [30.0, 0.0, 80.0, 100.0, 0.0, 20.0, 10.0, 100.0, 60.0, 70.0, 70.0, 60.0, 0.0, 80.0, 80.0, 50.0, 90.0], (2400, 0): [10.0, -1.0, -1.0, -1.0, 0.0, 10.0, 10.0, -1.0, 20.0, -1.0, -1.0, 10.0, 10.0, 20.0, 0.0], (8000, 2400): [100.0, 100.0, 100.0, 50.0, 100.0, 80.0, 100.0, 80.0, 20.0, 30.0, 100.0, 90.0, 50.0, 100.0], (8000, 2000): [100.0, 0.0, 100.0, 100.0, 70.0, 30.0, 80.0, 70.0, 100.0, 70.0, 100.0], (8400, 1600): [20.0, 20.0, 10.0, 100.0, 10.0, 100.0, 20.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0], (3200, 1200): [20.0, 30.0, 10.0, 40.0, 20.0, 20.0, 40.0, 40.0, 30.0, 10.0, 20.0, 10.0, -1.0, 20.0, 0.0, 90.0, 10.0, 40.0], (5600, 2400): [100.0, 30.0, 0.0, 10.0, 0.0, 20.0, 40.0, 20.0, 30.0, 0.0, 30.0, 20.0, 80.0, 20.0, 60.0, 30.0, 10.0, 0.0, 30.0, 40.0, 0.0, 50.0, 70.0, 60.0, 0.0], (7600, 4800): [20.0, 50.0, 10.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 50.0, 100.0, 0.0, 90.0, 100.0, 30.0, 10.0, 100.0, 10.0, 100.0, 10.0, 30.0, 50.0, 60.0, 10.0, 100.0, 30.0, 20.0, 0.0, 10.0, 90.0, 0.0, 50.0, 100.0, 100.0, 70.0, 0.0, 80.0, 20.0, 10.0, 0.0, 60.0, 100.0, 100.0, 20.0, 100.0, 30.0, 100.0, 10.0, 10.0, 100.0, 100.0, 80.0, 30.0, 0.0, 40.0, 100.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 50.0, 0.0, 20.0, 100.0, 100.0, 0.0], (6000, 800): [20.0, 40.0, 40.0, 10.0, 50.0, 90.0, 40.0, 40.0, 40.0, 40.0], (4000, 400): [10.0, 30.0, 20.0, 10.0, 40.0, -1.0, 10.0, -1.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0], (8000, 5200): [20.0, 100.0, 10.0, 20.0, 100.0, 70.0, 30.0, 90.0, 10.0, 100.0, 100.0, 30.0, 80.0, 20.0, 30.0, 20.0, 0.0, 100.0, 80.0, 20.0, 30.0, 10.0, 0.0, 0.0, 10.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 10.0, 100.0, 60.0, 40.0, 20.0, 20.0, 70.0, 100.0, 100.0, 90.0, 20.0], (8400, 5600): [100.0, 30.0, 10.0, 20.0, 40.0, 80.0, 10.0, 0.0, 70.0, 100.0, 100.0, 100.0, 60.0, 100.0, 60.0], (5200, 2000): [30.0, 30.0, 0.0, 60.0, 40.0, 50.0, 100.0, 10.0, 0.0, 0.0, 20.0, 20.0, 10.0, 20.0, 10.0, 50.0, 30.0, 20.0, 10.0, 30.0, 20.0], (7200, 4800): [50.0, 0.0, 50.0, 50.0, 80.0, 100.0, 0.0, 30.0, 20.0, 100.0, 0.0, 50.0, 60.0, 100.0, 100.0, 100.0, 0.0, 100.0, 70.0, 90.0, 100.0, 0.0, 100.0, 30.0, 0.0, 90.0, 0.0, 0.0, 20.0, 20.0, 30.0, 20.0, 20.0, 10.0, 70.0, 90.0, 0.0, 0.0, 100.0, 10.0, 90.0, 30.0, 100.0, 0.0, 0.0, 100.0, 20.0, 100.0, 90.0, 10.0, 100.0, 0.0, 0.0], (6400, 2400): [40.0, 20.0, 80.0, 40.0, 60.0, -1.0, 50.0, 70.0, 90.0, 70.0, 60.0, 40.0, 10.0, 100.0, 10.0, 70.0, 0.0, 70.0], (8800, 1600): [100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 20.0, 70.0, 100.0, 40.0, 80.0, 100.0], (8400, 800): [60.0, 90.0, 70.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 90.0, 70.0, 90.0, 100.0, 90.0, 100.0, 90.0, 30.0, 30.0, 70.0, 100.0, 80.0], (8000, 4800): [30.0, 100.0, 100.0, 50.0, 90.0, 10.0, 60.0, 30.0, 70.0, 70.0, 100.0, 80.0, 0.0, 0.0, 0.0, 50.0, 100.0, 100.0, 70.0, 10.0, 0.0, 100.0, 60.0, 10.0, 30.0, 90.0, 100.0, 100.0, 20.0, 100.0, 100.0, 30.0, 100.0, 60.0, 70.0, 30.0, 80.0, 100.0, 100.0, 60.0, 100.0, 0.0, 0.0, 100.0, 100.0, 70.0, 100.0, 40.0, 100.0, 30.0, 20.0, 50.0, 0.0, 30.0, 0.0, 50.0, 0.0, 100.0, 10.0, 50.0, 60.0, 0.0, 50.0, 100.0, 100.0, 10.0], (4400, 1200): [30.0, 20.0, 30.0, 20.0, 20.0, 30.0, 40.0, -1.0, 0.0, -1.0, 0.0, 10.0, 40.0, 40.0, 50.0, 10.0], (6400, 3600): [100.0, 100.0, 0.0, 0.0, 60.0, 20.0, 90.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 70.0, 30.0, 90.0, 0.0, 30.0, 50.0, 100.0, 100.0, 100.0, 40.0, 40.0, 40.0, 100.0, 100.0, 30.0, 50.0, 90.0, 0.0, 40.0, 0.0, 20.0, 20.0, 80.0, 50.0, 90.0, 90.0, 0.0, 100.0, 40.0, 0.0, 50.0], (5200, 3200): [90.0, 100.0, 20.0, 40.0, 10.0, 0.0, 30.0, 20.0, 0.0, 90.0, 10.0, 10.0, 0.0, 40.0, 30.0, 20.0, 10.0, 0.0, 50.0, 0.0, 30.0, 90.0, 10.0, 20.0, 50.0, 60.0, 90.0, 100.0, 100.0, 80.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, 50.0, 0.0, 90.0, 0.0, 20.0, 30.0, 0.0, 0.0, 10.0, 10.0, 50.0, 20.0, 40.0, 0.0, 60.0, 10.0, 50.0, 80.0, 60.0, 0.0, 10.0, 20.0, 70.0, 50.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 40.0, 10.0, 0.0, 30.0, 0.0, 0.0, 40.0, 10.0], (4000, 2400): [40.0, 30.0, 40.0, 10.0, 10.0, 30.0, 20.0, 90.0, 30.0, 50.0, 20.0, 30.0, 40.0, 30.0, 40.0, 40.0, 30.0, 20.0, 40.0, 20.0, 20.0, 60.0, 30.0, 0.0, 30.0, 10.0, 50.0, 50.0, 10.0, 0.0, 100.0, 0.0, 20.0, 30.0, 10.0, 30.0, 10.0, 10.0, 40.0, 60.0, 10.0, 50.0, 20.0, 40.0, 50.0, 80.0, 30.0, 70.0, -1.0, 30.0, 50.0, 10.0, 30.0, 30.0, 50.0, 20.0, 40.0, 20.0, 10.0, 50.0, 20.0, 40.0, 30.0, 50.0, 50.0, 40.0, 70.0, 20.0, 40.0, 70.0, 30.0, 30.0, 0.0, 30.0, 20.0, 60.0], (5200, 2800): [100.0, 0.0, 40.0, 10.0, 0.0, 30.0, 20.0, 10.0, 40.0, 0.0, 50.0, 40.0, 10.0, 70.0, 30.0, 80.0, 30.0, 90.0, 20.0, 50.0, 10.0, 10.0, 10.0, 10.0, 30.0, 70.0, 0.0, 30.0, 100.0, 30.0, 60.0, 30.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, -1.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 60.0, 30.0], (8800, 5200): [100.0, 100.0, 0.0, 90.0, 80.0, 100.0, 20.0, 100.0, 100.0, 10.0, 0.0, 100.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 20.0, 0.0, 100.0, 30.0, 100.0, 60.0, 10.0, 0.0], (5600, 3200): [10.0, 50.0, 0.0, 50.0, 10.0, 0.0, 0.0, 20.0, 10.0, 0.0, 40.0, 80.0, 10.0, 30.0, 10.0, 0.0, 0.0, 30.0, 40.0, 20.0, 0.0, 70.0, 30.0, 50.0, 0.0, 0.0, 30.0, 0.0, 70.0, 10.0, 0.0, 90.0, 0.0, 60.0, 10.0, 20.0, 80.0, 70.0, 0.0, 80.0, 20.0, 80.0, 90.0, 50.0, 50.0, 20.0, 0.0, 0.0, 0.0, 10.0, 100.0, 90.0, 10.0, 40.0, 0.0, 10.0, 30.0, 10.0, 10.0], (3600, 400): [0.0, -1.0, 10.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, -1.0, -1.0, 10.0, 10.0, -1.0, 10.0, 10.0], (8400, 0): [100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 90.0, 90.0], (6400, 4000): [60.0, 60.0, 40.0, 70.0, 10.0, 70.0, 50.0, 40.0, 40.0, 40.0, 30.0, 80.0, 10.0, 100.0, 0.0, 50.0, 0.0, 100.0, 90.0, 0.0, 100.0, 0.0, 100.0, 40.0, 0.0, 0.0, 60.0, 10.0, 10.0, 10.0, 100.0, 0.0, 0.0, 20.0, 60.0, 60.0, 10.0, 70.0, 0.0, 20.0, 50.0, 100.0, 100.0, 0.0, 100.0, 60.0, 80.0, 40.0, 100.0, 10.0, 80.0, 100.0, 60.0, 20.0, 70.0, 60.0, 30.0, 10.0, 40.0, 0.0, 100.0, 20.0, 100.0, 0.0, 30.0, 100.0, 30.0, 70.0, 100.0, 60.0, 80.0, 40.0, 40.0, 50.0, 0.0, 0.0, 60.0, 70.0, 20.0], (6000, 2400): [20.0, 20.0, 0.0, 0.0, 50.0, 90.0, 90.0, 80.0, 60.0, 40.0, 70.0, 10.0, 50.0, 100.0, 10.0, 0.0, 20.0, 30.0, 90.0, 0.0, 100.0, 100.0, 10.0, 10.0, 100.0, 60.0, 10.0, 100.0, 20.0], (8800, 1200): [40.0, 80.0, 100.0, 50.0, 100.0, 90.0], (6800, 5200): [50.0, 50.0], (8400, 3200): [100.0, 70.0, 50.0, 0.0, 100.0, 10.0, 50.0, 100.0, 60.0, 100.0, 0.0, 100.0, 20.0, 10.0, 0.0], (3600, 800): [10.0, 40.0, 20.0, 10.0, 40.0, -1.0, 20.0, 30.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 30.0, 30.0, 40.0], (6400, 4400): [10.0, 100.0, 80.0, 0.0, 100.0, 10.0, 50.0, 60.0, 70.0, 50.0, 0.0, 100.0, 0.0, 100.0, 10.0, 20.0, 0.0, 20.0, 70.0, 70.0, 10.0, 0.0, 100.0, 20.0, 10.0, 20.0, 100.0, 0.0, 30.0, 80.0, 70.0, 20.0, 100.0, 40.0, 60.0, 10.0, 100.0, 60.0, 10.0, 100.0, 90.0, 20.0, 50.0, 90.0, 0.0, 0.0, 60.0, 90.0, 0.0, 0.0, 0.0, 0.0, 80.0, 70.0, 40.0, 0.0, 60.0, 50.0, 40.0, 40.0, 100.0, 10.0, 0.0, 50.0, 10.0, 90.0, 100.0, 10.0, 0.0, 0.0, 0.0, 70.0, 50.0, 10.0, 10.0, 20.0, 100.0, 30.0, 30.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 70.0, 80.0, 0.0, 0.0, 80.0, 20.0, 40.0, 0.0, 40.0, 0.0], (5200, 0): [20.0, 10.0, 30.0, 20.0, 10.0, 20.0, 20.0, 30.0, 10.0, 20.0, 30.0, 30.0, 10.0, 10.0, 20.0], (8000, 4000): [90.0, 40.0, 30.0, 60.0, 100.0, 100.0, 30.0, 50.0, 100.0, 70.0, 0.0, 100.0, 10.0, 100.0, 40.0, 70.0, 100.0, 30.0, 100.0, 30.0, 50.0, 100.0, 40.0, 100.0, 60.0, 100.0, 90.0, 100.0, 20.0, 50.0, 100.0, 90.0, 10.0, 80.0, 80.0, 100.0, 100.0, 30.0, 10.0, 70.0, 100.0, 100.0, 60.0, 100.0], (4000, 1600): [10.0, 30.0, 10.0, 60.0, 20.0, 20.0, 40.0, 10.0, 10.0, 20.0, 80.0, 20.0, 30.0, 20.0, 10.0, -1.0, 10.0, -1.0, 30.0, 50.0, 30.0, 10.0, 30.0, 0.0, 10.0, 40.0], (7200, 5200): [30.0, 100.0, 100.0, 10.0, 100.0, 0.0, 10.0, 0.0, 100.0], (6000, 1200): [30.0, 30.0, 50.0, 60.0, 60.0, 30.0, 70.0, 10.0, 40.0, 30.0, 50.0, 60.0, 20.0, 40.0, 30.0, 40.0, 30.0, 80.0], (1600, 800): [-1.0, -1.0, 30.0, 30.0, 10.0, 20.0, 20.0, 20.0, 40.0, 20.0, 20.0, 90.0, 30.0, 60.0, 20.0, 60.0, 30.0, 60.0, 40.0, 20.0, 40.0, 30.0, 40.0, 10.0, 10.0, 40.0, -1.0, 40.0, 20.0, 10.0, 20.0, 50.0, 10.0, 30.0, 40.0, 30.0, 20.0, 10.0, 40.0, 40.0, 30.0, 20.0, 40.0, 20.0, 10.0, 30.0, -1.0, -1.0, 30.0, 50.0, 60.0, 20.0, 40.0], (8400, 2400): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 10.0, 100.0], (4400, 3200): [20.0, 40.0, 50.0, 100.0, 10.0, 70.0, 20.0, 30.0, 40.0, 30.0, 40.0, 10.0, 50.0, 40.0, 50.0, 20.0, 0.0, 40.0, 50.0, 30.0, 20.0, 10.0, 40.0, 0.0, 50.0, 10.0, 20.0, 70.0, -1.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 10.0, 20.0, 30.0, 10.0, 30.0, 20.0, 70.0, 30.0, 20.0, 40.0, 30.0, 20.0, 0.0, 70.0, 40.0, 0.0, 10.0, 0.0, 10.0, 20.0, 50.0, 0.0, 40.0, 0.0, 70.0, 90.0, 30.0, 80.0, 10.0, 50.0, 60.0, 30.0, 30.0, 0.0, 60.0, 0.0, 20.0, 0.0, 50.0, 0.0, 0.0, 60.0, 10.0, 30.0, 60.0], (4800, 400): [0.0, 20.0, 0.0, 30.0, 20.0, 0.0, 10.0, 10.0, 10.0, 20.0, 20.0, 20.0, 0.0, 20.0, 0.0, 10.0], (7600, 4000): [30.0, 20.0, 0.0, 10.0, 0.0, 100.0, 20.0, 90.0, 70.0, 0.0, 80.0, 50.0, 100.0, 90.0, 10.0, 100.0, 70.0, 0.0, 20.0, 10.0, 30.0, 90.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 60.0, 90.0, 0.0, 50.0], (2000, 800): [50.0, 10.0, -1.0, 20.0, 0.0, 30.0, 20.0, 20.0, 30.0, 50.0, 10.0, 20.0, 30.0, 40.0, 10.0, 30.0, 10.0, 40.0, 40.0, 20.0, 10.0, 50.0, 20.0, 40.0, 40.0, 20.0, 30.0, 30.0, 40.0, 20.0, 20.0, 40.0, 10.0]}
mpc_dash_syth_hyb_pen_table_4300_default_500 = {(3000, 1000): [20.0, -1.0, 30.0, -1.0, 40.0, 10.0, 20.0, 40.0, 40.0, 30.0, 30.0, 10.0, 20.0, 10.0, 30.0, 40.0, 0.0, 20.0, -1.0, -1.0, 0.0, 10.0, 20.0, 20.0, 50.0, 40.0, -1.0, 20.0, 10.0, 20.0], (4500, 3000): [10.0, 20.0, 40.0, 50.0, 100.0, 10.0, 20.0, 20.0, 70.0, 0.0, 30.0, 20.0, 0.0, 0.0, 30.0, 90.0, 100.0, 60.0, 50.0, 30.0, 10.0, 0.0, 10.0, 40.0, 0.0, 20.0, 0.0, 50.0, 40.0, 0.0, 50.0, 100.0, 20.0, 20.0, 80.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 50.0, 60.0, 0.0, 90.0, 50.0, 20.0, 100.0, 10.0, 80.0, 0.0, 40.0, 30.0, 20.0, 10.0, 40.0, 0.0, 0.0, 20.0, 0.0, 0.0, 100.0, 50.0, 10.0, 40.0, 20.0, 70.0, 90.0, 70.0, 70.0, -1.0, 20.0, 0.0, 0.0, 60.0, 40.0, 40.0, 0.0, 0.0, 0.0, 100.0, 20.0, 30.0, 40.0, 20.0, 0.0, 10.0, 20.0, 20.0, 30.0, 10.0, 30.0, 10.0, 30.0, 20.0, 70.0, 10.0, 10.0, 70.0, 30.0, 0.0, 20.0, 40.0, 70.0, 100.0, 20.0, 0.0, 0.0, 50.0, 0.0, 10.0, 70.0, 20.0, 80.0, 40.0, 30.0, 40.0, 50.0, 0.0, 0.0, 10.0, 0.0, 20.0, 20.0, 50.0, 0.0, 0.0, 50.0, 40.0, 0.0, 0.0, 100.0, 40.0, 0.0, 40.0, 70.0, 10.0, 10.0, 90.0, 0.0, 0.0, 10.0, 20.0, 50.0, 20.0, 60.0, 30.0, 0.0, 0.0, 20.0, 60.0, 0.0, 20.0, 20.0, 0.0, 50.0, 0.0, 30.0, 0.0, 0.0, 60.0, 20.0, 0.0, 60.0], (8500, 4000): [20.0, 100.0, 100.0, 60.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 80.0, 0.0, 90.0, 20.0, 0.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 60.0, 100.0], (500, 500): [20.0, 50.0, 40.0, 10.0, 50.0, 30.0, 70.0, 60.0, 40.0, 20.0, 100.0, 40.0, 60.0, 40.0, 20.0, 50.0, 30.0, 10.0, 30.0, 10.0, 80.0, 20.0, 20.0, 50.0, -1.0, 30.0, 40.0, 70.0, 40.0, 20.0, 50.0, 40.0], (2000, 1500): [0.0, 60.0, 40.0, 50.0, 10.0, 80.0, -1.0, 50.0, 40.0, 90.0, 30.0, 30.0, -1.0, 20.0, 50.0, 70.0, 40.0, 70.0, 60.0, 30.0, -1.0, -1.0, 20.0, 40.0, 20.0, 30.0, 70.0, 20.0, 70.0, 70.0, 20.0, 30.0, 60.0, -1.0, 20.0, 10.0, 30.0, 30.0, 50.0, 50.0, 30.0, 20.0, -1.0, 50.0, 20.0, 60.0, -1.0, 40.0, 50.0, 60.0, 40.0, 70.0, 60.0, 50.0, 50.0, 20.0, 60.0, 60.0, 40.0, 60.0, 70.0, 20.0, 60.0, 40.0, 50.0, 60.0, 30.0, -1.0, 50.0], (5500, 500): [10.0, 10.0, 10.0, 40.0, 30.0, 40.0, 20.0, 50.0, 40.0, 20.0, 0.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, 20.0, 40.0, 50.0, 10.0, 20.0], (7000, 3500): [0.0, 70.0, 10.0, 10.0, 50.0, 100.0, 30.0, 20.0, 100.0, 0.0, 10.0, 0.0, 10.0, 50.0, 0.0, 60.0, 20.0, 10.0, 0.0, 0.0, 100.0, 70.0, 0.0, 70.0, 40.0, 30.0, 70.0, 0.0, 40.0, 100.0, 100.0, 100.0, 80.0, 100.0, 30.0, 80.0, 60.0, 100.0, 80.0, 60.0, 30.0, 100.0, 20.0, 30.0, 0.0, 0.0, 0.0, 60.0, 90.0, 10.0, 100.0, 70.0, 90.0], (3500, 1500): [70.0, 30.0, 30.0, 30.0, 40.0, 30.0, 30.0, 10.0, 30.0, 10.0, 90.0, 40.0, 60.0, 30.0, 30.0, 20.0, 30.0, 20.0, 60.0, 30.0, 60.0, 10.0, 20.0, 30.0, -1.0, -1.0, 20.0, 50.0, 10.0, 10.0, 10.0, 20.0, 90.0, 50.0, 40.0, -1.0, 10.0, 10.0, 20.0, 30.0, 40.0], (8000, 1500): [10.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 50.0, 20.0, 80.0, 90.0, 80.0, 30.0, 100.0, 70.0, 100.0, 80.0, 100.0, 90.0, 20.0, 100.0, 100.0, 100.0, 40.0], (8500, 3500): [0.0, 50.0, 90.0, 100.0, 60.0, 60.0, 40.0, 100.0, 80.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 100.0, 10.0, 30.0, 80.0, 80.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0], (5500, 0): [40.0, 30.0, 20.0, 40.0, 50.0, 20.0, 40.0, 30.0, 40.0, 20.0, 30.0, 40.0, 30.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 30.0, 30.0, 30.0, 40.0, 30.0], (3500, 0): [10.0, 10.0, -1.0, -1.0, 10.0, -1.0, 10.0, 10.0, 30.0, -1.0, 0.0, 10.0, 10.0, -1.0, -1.0, 10.0, 20.0, 20.0, -1.0, 10.0, 10.0, 10.0, -1.0, 0.0, 10.0], (3500, 3000): [20.0, 20.0, 50.0, 30.0, 40.0, 40.0], (6000, 1500): [70.0, 50.0, 50.0, 50.0, 30.0, 10.0, 40.0, 30.0, 60.0, 50.0, 40.0, 60.0, 100.0, 50.0, 80.0, 30.0, 70.0, 10.0, 10.0, 40.0], (4500, 1500): [30.0, 20.0, 10.0, 30.0, 10.0, 0.0, 10.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 0.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, -1.0, 0.0, 50.0, 20.0, 0.0, 0.0, 70.0, 50.0], (2000, 2000): [-1.0], (8500, 5000): [100.0, 100.0, 0.0, 10.0, 20.0, 100.0, 90.0, 0.0, 100.0, 80.0, 80.0, 90.0, 100.0, 10.0, 0.0, 20.0, 100.0, 100.0, 50.0, 10.0, 100.0, 100.0, 10.0, 0.0, 100.0, 90.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 20.0, 90.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 100.0, 0.0, 60.0, 100.0, 30.0, 100.0, 0.0, 100.0, 20.0, 80.0, 10.0, 100.0, 90.0, 60.0, 0.0, 100.0, 0.0, 0.0, 50.0], (8000, 1000): [100.0, 80.0, 100.0, 100.0, 70.0, 70.0, 80.0, 80.0, 90.0, 100.0, 50.0, 80.0, 50.0, 60.0, 50.0, 90.0, 90.0, 80.0, 60.0, 100.0, 100.0, 100.0], (7500, 5000): [50.0, 30.0, 70.0, 50.0, 100.0, 100.0, 20.0, 50.0, 20.0, 10.0, 90.0, 100.0, 10.0, 100.0, 10.0, 10.0, 10.0, 60.0, 90.0, 0.0, 100.0, 90.0, 50.0, 100.0, 80.0, 100.0, 100.0, 100.0, 20.0, 0.0, 30.0, 90.0, 10.0, 100.0, 0.0, 50.0, 100.0, 0.0, 40.0, 20.0, 100.0, 0.0, 100.0, 100.0, 20.0, 70.0, 0.0, 50.0, 20.0, 100.0, 70.0, 10.0, 50.0, 100.0, 10.0, 50.0, 0.0], (2500, 1500): [30.0, 30.0, 10.0, 20.0, 20.0, 90.0, 30.0, 20.0, 30.0, 30.0, 50.0, 70.0, 40.0, 40.0, 20.0, 40.0, 20.0, 20.0, 100.0, -1.0, 50.0, -1.0, 70.0, 20.0, 70.0, 50.0, 50.0, 60.0, 20.0, 60.0, 40.0, 50.0, 20.0, 80.0, 40.0, 60.0, 60.0, 60.0, 80.0, 50.0, -1.0, 60.0, -1.0, 60.0, 80.0, 40.0, 60.0, 40.0, 20.0, 50.0, 40.0, 80.0, 60.0, 40.0, 30.0, 60.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 50.0, 80.0, 20.0, 20.0, -1.0, 30.0, 90.0, 70.0, 30.0, 10.0, 80.0, 40.0, 50.0, 50.0, 30.0, 40.0, 40.0, 100.0, 70.0, 50.0, 80.0, 60.0, 40.0, 20.0, 30.0, 50.0, 40.0, 60.0, -1.0, 60.0, 10.0, 50.0, 40.0, 60.0, 50.0, 50.0, 40.0, 30.0, 50.0, 50.0, 50.0, 10.0, 20.0, 50.0, 40.0, 40.0, -1.0, 60.0, 50.0, 100.0, 50.0, 30.0, 40.0, 40.0, 60.0, 30.0, 70.0, 30.0, 50.0, 80.0, 60.0, 60.0, 20.0, 20.0, 20.0, 20.0, 20.0, 50.0, 20.0, 40.0, 100.0, 40.0, 30.0, 40.0, 40.0], (7000, 1500): [20.0, 60.0, 90.0, 60.0, 70.0, 30.0, 70.0, 100.0, 0.0, 70.0, 40.0, 70.0, 100.0, 20.0, 80.0, 80.0, 60.0, 60.0, 30.0, 30.0], (6500, 2500): [20.0, 10.0, 70.0, 100.0, 10.0, -1.0, 80.0, 60.0, 100.0, 90.0, 60.0, 20.0, 100.0, 40.0, 20.0, 10.0, 40.0, 10.0, 100.0, 0.0, 10.0, 20.0, 30.0, 60.0, 50.0], (8500, 1500): [20.0, 100.0, 70.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 40.0, 80.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 80.0, 50.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 80.0, 100.0], (5500, 2500): [30.0, 100.0, 0.0, 30.0, 70.0, 0.0, 30.0, 0.0, 40.0, 0.0, 20.0, 40.0, 0.0, 10.0, 20.0, 30.0, 20.0, 0.0, 30.0, 20.0, -1.0, 20.0, 20.0, 60.0, 30.0, 70.0, 10.0, 50.0, 30.0, 60.0, 40.0, 20.0, 0.0, 50.0, 50.0, 70.0, 50.0, 60.0, 0.0, 0.0], (8000, 3000): [0.0, 40.0, 100.0, 20.0, 40.0, 30.0, 30.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 10.0, 80.0, 30.0, 60.0, 100.0, 20.0, 100.0, 70.0, 20.0, 30.0, 100.0, 60.0, 0.0, 10.0, 100.0, 0.0, 20.0, 10.0, 40.0, 0.0], (5000, 1500): [0.0, 20.0, 0.0, 30.0, 0.0, 30.0, 0.0, 40.0, 0.0, 0.0, 0.0, 20.0, 70.0, 60.0, 40.0, 60.0, 20.0, 50.0, 10.0, 20.0, 20.0, 10.0, 40.0, 0.0], (7500, 3000): [20.0, 30.0, 40.0, 50.0, 10.0, 30.0, 20.0, 10.0, 100.0, 40.0, 100.0, 40.0, 100.0, 50.0, 100.0, 10.0, 100.0, 70.0, 100.0, 60.0, 100.0, 0.0, 20.0, 100.0, 50.0, 40.0, 10.0, 100.0, 70.0, 30.0, 80.0, 10.0, 60.0, 80.0, 50.0, 70.0, 100.0, 30.0, 100.0, 80.0, 100.0, 60.0, 10.0, 60.0], (1500, 0): [10.0, 10.0, 20.0, 10.0, 10.0, -1.0, -1.0, -1.0, 10.0, -1.0, -1.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, 10.0, 10.0, 50.0, 10.0, 10.0], (5500, 3000): [20.0, 10.0, 50.0, 0.0, 0.0, 20.0, 10.0, 10.0, 0.0, 40.0, 10.0, 30.0, 10.0, 0.0, 0.0, 0.0, 30.0, 50.0, 80.0, 40.0, 20.0, 0.0, 10.0, 0.0, 70.0, 30.0, 100.0, 50.0, 30.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 0.0, 90.0, 10.0, 0.0, 60.0, 20.0, 80.0, 0.0, 20.0, 0.0, 80.0, 0.0, 90.0, 50.0, 20.0, 0.0, 0.0, 70.0, 0.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 30.0, 10.0, 10.0, 30.0, 0.0, 100.0, 30.0, 0.0, 10.0, 60.0, 30.0], (7000, 1000): [80.0, 90.0, 80.0, 100.0, 100.0, 90.0, 70.0, 30.0, 60.0, 50.0, 40.0, 100.0, 30.0, 80.0, 20.0, 60.0, 100.0, 70.0, 30.0, 20.0, 90.0, 50.0, 100.0, 20.0, 30.0, 80.0], (8500, 3000): [100.0, 100.0, 40.0, 20.0, 70.0, 100.0, 20.0, 50.0, 30.0, 100.0, 60.0, 40.0, 10.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 10.0, 20.0, 100.0, 90.0, 60.0, 100.0, 0.0, 30.0, 70.0, 100.0, 100.0, 100.0, 100.0], (4000, 3000): [40.0, 30.0, -1.0, 20.0, 40.0, 0.0, 40.0, 40.0, 100.0, 0.0, 10.0, 80.0, 50.0, 70.0, 40.0, 20.0, 100.0, 40.0, 90.0, 20.0, 20.0, 60.0, 100.0, 40.0, 60.0, 70.0, 20.0, 10.0, 0.0, 30.0, 60.0, 30.0, 0.0, 100.0, 40.0, 0.0, 30.0, 10.0, 0.0, 30.0, 10.0, 0.0, 10.0, 60.0, 30.0, 40.0, 10.0, 50.0, 50.0, 20.0, 60.0, 40.0, 30.0, 20.0, 80.0, 30.0, -1.0, 40.0, 0.0, 40.0, 20.0, 20.0, 20.0, 40.0, 30.0, 70.0, 10.0, 40.0, 10.0, 20.0, -1.0, 20.0, 0.0, 50.0, 30.0, 20.0, 40.0, 60.0, 60.0, 80.0, 20.0, 50.0, 30.0, 0.0, 10.0, 30.0, 80.0, 30.0, 10.0, 20.0, 20.0, 40.0, 10.0, 30.0, 30.0], (6500, 3500): [0.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 20.0, 0.0, 0.0, 100.0, 20.0, 90.0, 10.0, 10.0, 80.0, 10.0, 0.0, 70.0, 0.0, 10.0, 10.0, 60.0, 40.0, 70.0, 90.0, 100.0, 30.0, 100.0, 50.0, 100.0, 0.0, 50.0, 100.0, 40.0, 100.0, 100.0, 40.0, 0.0, 50.0, 60.0, 100.0, 0.0, 40.0, 0.0, 20.0, 80.0, 0.0, 50.0, 100.0, 0.0, 100.0, 40.0, 30.0, 0.0, 90.0, 50.0], (8500, 6000): [100.0], (6500, 0): [60.0, 50.0, 60.0, 30.0, 50.0, 50.0, 50.0, 50.0, 50.0, 50.0, 60.0, 50.0, 60.0, 60.0, 60.0, 50.0, 70.0, 60.0, 50.0, 60.0, 60.0, 70.0, 60.0, 60.0, 70.0, 50.0], (7500, 3500): [60.0, 100.0, 80.0, 100.0, 20.0, 100.0, 50.0, 70.0, 100.0, 0.0, 40.0, 100.0, 50.0, 60.0, 0.0, 60.0, 90.0, 30.0, 60.0, 60.0, 0.0, 100.0, 100.0, 70.0, 100.0, 100.0, 0.0, 40.0, 20.0, 100.0], (1500, 1500): [40.0, 30.0], (5500, 4500): [0.0, 0.0, 50.0, 0.0, 40.0, 0.0, 10.0, 0.0], (500, 0): [60.0, 50.0, 0.0, 20.0, 40.0, 0.0, 50.0, 20.0, 20.0, 40.0, 10.0, 20.0, 50.0, 20.0, 10.0, -1.0, 30.0, 20.0, 10.0, 20.0, 20.0, 30.0, 50.0, 20.0, 20.0, 20.0, 20.0, 10.0, 50.0, -1.0, 10.0, 40.0, 70.0, 10.0, 50.0, 40.0, 20.0, 40.0, 20.0, 30.0, 10.0, 40.0, 10.0, 40.0, 10.0, 10.0], (7500, 500): [60.0, 70.0, 50.0, 80.0, 80.0, 90.0, 60.0, 90.0, 40.0, 100.0, 90.0, 80.0, 60.0, 50.0, 90.0, 80.0, 70.0, 30.0, 100.0, 90.0, 90.0, 60.0, 30.0], (7500, 2000): [50.0, 10.0, 100.0, 100.0, 30.0, 60.0, 0.0, 80.0, 100.0, 80.0, 10.0, 60.0, 100.0, 10.0, 20.0, 60.0, 50.0, 10.0, 80.0, 10.0, 20.0, 60.0, 80.0, 100.0, 70.0, 100.0, 100.0], (8000, 5000): [100.0, 30.0, 20.0, 50.0, 100.0, 10.0, 90.0, 20.0, 100.0, 20.0, 70.0, 70.0, 80.0, 30.0, 0.0, 0.0, 0.0, 10.0, 40.0, 100.0, 70.0, 100.0, 100.0, 0.0, 60.0, 10.0, 100.0, 30.0, 80.0, 10.0, 20.0, 100.0, 100.0, 30.0, 20.0, 100.0, 0.0, 100.0, 100.0, 80.0, 30.0, 20.0, 90.0, 100.0, 10.0, 0.0, 0.0, 70.0, 80.0, 100.0, 100.0, 60.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 20.0, 100.0, 30.0, 20.0, 100.0, 0.0, 30.0, 100.0, 10.0, 100.0, 100.0, 50.0, 100.0, 60.0, 40.0, 20.0, 20.0, 0.0, 100.0, 100.0, 70.0, 100.0, 90.0, 20.0, 10.0], (7000, 4500): [100.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 0.0, 100.0, 10.0, 70.0, 50.0, 70.0, 50.0, 80.0, 100.0, 0.0, 100.0, 0.0, 80.0, 30.0, 90.0, 40.0, 0.0, 50.0, 60.0, 10.0, 0.0, 100.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 20.0, 100.0, 0.0, 10.0, 0.0, 100.0, 90.0, 40.0, 70.0, 100.0, 10.0, 100.0, 50.0, 30.0, 0.0, 70.0, 30.0, 10.0, 90.0, 100.0, 70.0, 20.0, 100.0, 0.0, 100.0, 30.0, 50.0, 100.0, 90.0, 100.0, 50.0, 80.0, 40.0, 0.0, 100.0, 100.0, 100.0, 0.0, 30.0, 100.0, 20.0, 30.0, 40.0, 100.0, 10.0, 80.0, 0.0, 30.0, 20.0, 30.0, 20.0, 10.0, 0.0, 40.0, 20.0, 70.0, 0.0, 0.0, 10.0, 100.0, 100.0, 20.0, 60.0, 0.0, 0.0, 70.0, 40.0, 10.0, 0.0, 100.0, 40.0, 30.0, 0.0, 100.0, 100.0, 0.0, 0.0, 50.0, 40.0, 100.0, 60.0, 100.0], (5500, 3500): [0.0, 0.0, 20.0, 50.0, 20.0, 50.0, 20.0, 40.0, 60.0, 10.0, 30.0, 0.0, 70.0, 40.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 0.0, 80.0, 20.0, 20.0, 10.0, 0.0, 90.0, 0.0, 0.0, 10.0, 100.0, 50.0, 10.0, 40.0, 50.0, 100.0, 0.0, 90.0, 40.0, 20.0, 10.0, 0.0, 90.0, 0.0, 50.0, 60.0, 30.0, 80.0, 30.0, 0.0, 0.0, 0.0, 100.0, 80.0, 90.0, 10.0, 80.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 60.0, 0.0, 100.0, 20.0, 70.0, 40.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 0.0, 30.0, 20.0, 80.0, 0.0, 70.0, 0.0, 20.0, 50.0, 10.0, 0.0, 80.0, 20.0, 10.0, 0.0, 70.0, 0.0, 0.0, 20.0, 20.0, 10.0, 0.0, 80.0, 0.0, 0.0, 50.0, 70.0, 20.0, 60.0, 0.0, 40.0, 0.0, 10.0, 20.0, 20.0, 10.0, 0.0, 100.0, 0.0, 90.0, 100.0, 50.0, 40.0, 50.0, 0.0, 70.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 60.0, 10.0, 0.0, 40.0, 30.0, 50.0, 0.0, 10.0], (3000, 1500): [20.0, 30.0, 20.0, 20.0, 10.0, 60.0, 30.0, 30.0, 20.0, 50.0, 30.0, 20.0, 20.0, 20.0, 50.0, 20.0, 40.0, 60.0, 20.0, 20.0, -1.0, 40.0, 20.0, 30.0, 50.0, 50.0, 40.0, 50.0, 30.0, 40.0, 30.0, 30.0, 20.0, 20.0, -1.0, 20.0, 90.0, 40.0, 20.0, 20.0, 70.0, 10.0, 40.0, 40.0, 20.0, 30.0, 20.0, 40.0, 50.0, 70.0, 40.0, 40.0, 50.0, -1.0, 30.0, -1.0, 20.0, 30.0, 30.0, 50.0, 30.0, 30.0, 60.0, 20.0, 40.0, 40.0, 20.0, 20.0, 30.0, 40.0], (8500, 4500): [100.0, 100.0, 30.0, 100.0, 0.0, 70.0, 100.0, 30.0, 100.0, 100.0, 40.0, 10.0, 80.0, 100.0, 100.0, 100.0, 0.0, 10.0, 40.0, 100.0, 100.0, 0.0, 100.0, 100.0, 30.0, 40.0, 100.0, 100.0, 10.0, 100.0, 10.0, 10.0, 100.0, 0.0, 0.0, 100.0, 100.0, 30.0, 0.0, 100.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 40.0, 40.0, 100.0, 100.0], (5000, 4500): [50.0], (6000, 0): [40.0, 40.0, 50.0, 60.0, 40.0, 30.0, 40.0, 50.0, 30.0, 50.0, 50.0, 40.0, 30.0, 40.0, 40.0, 50.0, 60.0, 60.0, 50.0, 40.0, 60.0, 50.0, 40.0, 40.0, 50.0, 40.0], (6500, 3000): [20.0, 100.0, 40.0, 30.0, 20.0, 30.0, 70.0, 10.0, 40.0, 30.0, 10.0, 0.0, 90.0, 10.0, 60.0, 100.0, 100.0, 40.0, 10.0, 40.0, 70.0, 30.0, 20.0, 70.0, 0.0, 0.0, 90.0, 100.0, 100.0, 50.0, 20.0, 20.0, 20.0, 70.0, 90.0, 40.0, 100.0, 100.0, 30.0, 0.0, 0.0, 100.0, 80.0, 20.0, 60.0], (7000, 4000): [80.0, 90.0, 20.0, 60.0, 100.0, 70.0, 20.0, 10.0, 10.0, 60.0, 100.0, 0.0, 0.0, 0.0, 100.0, 0.0, 0.0, 100.0, 90.0, 30.0, 80.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 90.0, 80.0, 100.0, 20.0, 0.0, 100.0, 70.0, 90.0, 10.0, 50.0, 40.0, 10.0, 30.0, 100.0, 20.0, 50.0, 70.0, 60.0, 0.0, 20.0, 0.0, 100.0, 100.0, 90.0, 30.0, 20.0, 40.0, 100.0, 50.0, 20.0, 70.0, 0.0, 100.0, 90.0, 100.0, 0.0, 10.0, 30.0, 90.0, 20.0, 0.0, 10.0, 100.0, 60.0, 100.0, 100.0, 100.0, 20.0, 0.0, 50.0, 0.0, 90.0, 20.0, 30.0, 90.0, 90.0, 70.0, 60.0, 60.0, 100.0, 10.0, 0.0, 20.0], (3500, 1000): [10.0, 20.0, 10.0, 10.0, 20.0, 40.0, -1.0, 20.0, 30.0, 10.0, 50.0, -1.0, 10.0, 30.0, 40.0, 30.0, 50.0, 10.0, 10.0, 10.0, 50.0, 10.0, 10.0, 50.0, 90.0, 50.0, 20.0, 10.0, 20.0, 30.0], (6000, 3500): [50.0, 0.0, 100.0, 0.0, 100.0, 100.0, 60.0, 100.0, 0.0, 90.0, 40.0, 0.0, 30.0, 0.0, 90.0, 10.0, 0.0, 100.0, 10.0, 60.0, 90.0, 100.0, 60.0, 30.0, 10.0, 20.0, 100.0, 0.0, 30.0, 0.0, 80.0, 0.0, 30.0, 90.0, 50.0, 100.0, 0.0, 30.0, 50.0, 0.0, 0.0, 100.0, 10.0, 0.0, 90.0, 10.0, 70.0, 70.0, 40.0, 50.0, 40.0, 100.0, 40.0, 10.0, 30.0, 100.0, 30.0, 0.0, 30.0, 30.0, 90.0, 90.0, 50.0, 100.0, 60.0, 10.0, 20.0, 0.0, 10.0, 20.0, 0.0, 20.0, 70.0, 100.0, 90.0, 80.0, 100.0, 0.0, 0.0, 0.0, 10.0, 50.0, 0.0, 100.0, 90.0, 90.0, 100.0, 0.0, 90.0, 30.0, 10.0, 100.0, 30.0, 0.0, 20.0], (5000, 3000): [40.0, 90.0, 60.0, 0.0, 100.0, 60.0, 0.0, 0.0, 0.0, 30.0, 30.0, 20.0, 40.0, 60.0, 0.0, 40.0, 10.0, 0.0, 20.0, 10.0, 40.0, 0.0, 40.0, 20.0, 10.0, 20.0, 20.0, 0.0, 40.0, 0.0, 10.0, 30.0, 0.0, 10.0, 20.0, 0.0, 50.0, 60.0, 20.0, 90.0, 10.0, 0.0, 100.0, 20.0, 20.0, 10.0, 30.0, 80.0, 10.0, 80.0, 0.0, 90.0, 0.0, 50.0, 50.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 0.0, 0.0, 10.0, 60.0, 30.0, 90.0, 0.0, 70.0, 0.0, 0.0, 20.0, 10.0, 30.0, 100.0, 30.0, 0.0, 60.0, 10.0, 0.0, 0.0, 20.0, 0.0, 10.0, 50.0, 40.0, 60.0, 30.0, 20.0, 0.0, 80.0, 20.0, 0.0, 20.0, 0.0, 30.0, 30.0, 0.0, 30.0, 100.0, 0.0, 10.0, 40.0, 0.0, 0.0, 70.0, 50.0, 20.0, 40.0, 30.0, 0.0, 10.0, 0.0, 0.0, 10.0], (1000, 1000): [40.0, 10.0, 60.0, 70.0, 70.0, 80.0, 20.0, 60.0, 40.0, 10.0, 60.0], (7500, 4000): [40.0, 100.0, 90.0, 30.0, 20.0, 0.0, 10.0, 0.0, 100.0, 20.0, 90.0, 100.0, 0.0, 70.0, 40.0, 0.0, 80.0, 50.0, 30.0, 100.0, 70.0, 100.0, 90.0, 10.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 70.0, 100.0, 0.0, 30.0, 20.0, 10.0, 30.0, 90.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 0.0, 60.0, 50.0, 100.0, 30.0, 20.0, 90.0, 0.0, 100.0, 0.0, 20.0, 10.0, 0.0, 50.0, 50.0, 20.0], (5500, 4000): [50.0, 100.0, 0.0, 20.0, 60.0, 40.0, 0.0, 20.0, 0.0, 20.0, 0.0, 100.0, 0.0, 30.0, 0.0, 40.0, 0.0, 10.0, 0.0, 20.0, 80.0, 20.0, 20.0, 90.0, 20.0, 60.0, 100.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 10.0, 60.0, 80.0, 20.0, 30.0, 0.0, 0.0, 100.0, 70.0, 90.0, 10.0, 30.0, 60.0, 100.0, 0.0, 40.0, 100.0, 0.0, 0.0, 0.0, 40.0, 60.0, 0.0, 60.0, 0.0, 100.0, 20.0, 0.0, 0.0, 10.0, 10.0, 20.0, 0.0, 60.0, 40.0, 20.0, 10.0, 20.0, 0.0, 0.0, 0.0, 30.0, 50.0, 20.0, 0.0, 10.0, 50.0, 30.0, 20.0, 0.0, 10.0, 70.0, 20.0, 70.0, 20.0, 40.0, 70.0, 10.0, 0.0, 60.0, 50.0, 0.0, 0.0, 0.0, 20.0, 20.0, 100.0, 50.0, 20.0, 60.0, 20.0, 50.0, 0.0, 90.0, 100.0, 100.0, 20.0, 50.0, 50.0, 50.0, 0.0, 10.0, 40.0, 10.0, 0.0, 20.0, 100.0, 0.0, 0.0], (8500, 0): [100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 90.0, 90.0, 100.0], (3500, 2500): [80.0, 40.0, 90.0, 50.0, 70.0, -1.0, 80.0, 30.0, -1.0, 80.0, 30.0, 30.0, 50.0, 30.0, 40.0, 80.0, 20.0, 10.0, 50.0, 30.0, 40.0, 10.0, 40.0, 90.0, 30.0, 60.0, 50.0, 70.0, 40.0, 20.0, 40.0, 50.0, 30.0, 70.0, 30.0, 60.0, 40.0, 40.0, 30.0, 20.0, 30.0, 100.0, 30.0, 80.0, 40.0, 40.0, 70.0, 40.0, -1.0, 100.0, 50.0, 40.0, 80.0, 60.0, 40.0, 60.0, 100.0, 30.0, 80.0, 70.0, 20.0, 20.0, 40.0, 30.0, 30.0, 50.0, 40.0, -1.0, 40.0, 20.0, 20.0, 40.0, 30.0, 100.0, 30.0, 50.0, 50.0, 20.0, 60.0, 50.0, 30.0, 100.0, 80.0, 50.0, 60.0, 30.0, 50.0, 60.0, 30.0, 30.0, 30.0, 90.0, 50.0, 20.0, 90.0, 50.0, 20.0, 20.0, 40.0, 60.0, 90.0, 50.0], (6000, 4500): [20.0, 20.0, 100.0, 0.0, 0.0, 40.0, 60.0, 0.0, 30.0, 0.0, 40.0, 0.0, 60.0, 10.0, 30.0, 0.0, 0.0, 100.0, 20.0, 0.0, 0.0, 0.0, 10.0, 10.0, 60.0, 90.0, 60.0, 100.0, 0.0, 0.0, 40.0, 40.0, 60.0, 50.0, 30.0, 10.0, 10.0, 100.0, 10.0, 50.0, 80.0, 50.0, 30.0, 40.0, 0.0, 50.0, 10.0, 10.0, 0.0, 70.0, 30.0, 30.0, 0.0, 20.0, 20.0, 80.0, 0.0, 40.0, 10.0, 20.0, 10.0, 0.0, 40.0], (2500, 2000): [40.0, 40.0, 50.0, 40.0, 50.0, -1.0, 80.0, 40.0, 40.0, 50.0, 40.0, 20.0, 20.0, 80.0, 30.0, 70.0, 40.0, 30.0, 20.0, 80.0, 50.0, 20.0, 40.0, 50.0, 0.0, 30.0, 30.0, 80.0, 40.0, 50.0, 60.0, 80.0, 60.0, 30.0, 70.0, 30.0, 50.0, 40.0, -1.0, 40.0, 20.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 40.0, 100.0, 100.0, 50.0, 70.0, 50.0, 40.0], (2500, 0): [30.0, 10.0, -1.0, -1.0, 10.0, 10.0, 10.0, -1.0, -1.0, 10.0, 20.0, 20.0, 20.0, 10.0, 10.0, 20.0, 30.0, 0.0, 20.0, 20.0, -1.0, 20.0, 30.0], (7500, 4500): [20.0, 10.0, 40.0, 100.0, 20.0, 100.0, 40.0, 100.0, 100.0, 0.0, 80.0, 30.0, 10.0, 0.0, 70.0, 90.0, 100.0, 30.0, 100.0, 30.0, 80.0, 50.0, 10.0, 100.0, 30.0, 100.0, 20.0, 10.0, 0.0, 20.0, 100.0, 100.0, 20.0, 70.0, 100.0, 70.0, 70.0, 100.0, 0.0, 30.0, 20.0, 100.0, 10.0, 10.0, 80.0, 0.0, 60.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 10.0, 30.0, 100.0, 80.0, 50.0, 30.0, 20.0, 0.0, 30.0, 40.0, 100.0, 0.0, 100.0, 50.0, 10.0, 0.0, 0.0, 90.0, 0.0, 100.0, 0.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 10.0, 0.0, 20.0, 90.0, 20.0, 40.0, 100.0], (2500, 1000): [20.0, 10.0, 20.0, -1.0, 20.0, -1.0, 50.0, -1.0, 30.0, 20.0, 10.0, 10.0, 10.0, 10.0, 20.0, 20.0, 40.0, 20.0, 40.0, -1.0, 10.0, 0.0, 30.0, 30.0, 40.0, -1.0, 40.0, 40.0, 30.0, 10.0, 30.0, 40.0, 0.0, 30.0], (7000, 2000): [30.0, 30.0, 20.0, 30.0, 0.0, 20.0, 10.0, 90.0, 30.0, 70.0, 60.0, 10.0, 0.0, 90.0, 50.0, 80.0, 80.0, 50.0, 50.0, 100.0, 0.0, 90.0, 90.0, 100.0], (6500, 2000): [60.0, 80.0, 30.0, 30.0, 0.0, 80.0, 40.0, 100.0, 30.0, 100.0, 100.0, 60.0, 0.0, 60.0, 70.0, 40.0, 70.0, 80.0, 60.0, 80.0, 0.0, 0.0, 100.0, 40.0], (6500, 500): [60.0, 30.0, 30.0, 80.0, 60.0, 50.0, 50.0, 60.0, 20.0, 30.0, 50.0, 40.0, 60.0, 40.0, 40.0, 40.0, 60.0, 70.0, 40.0, 30.0, 40.0, 50.0, 40.0, 40.0, 100.0, 50.0], (4000, 2000): [20.0, 40.0, 20.0, 80.0, 60.0, 10.0, 30.0, 20.0, 20.0, 10.0, 40.0, 40.0, 50.0, 50.0, 80.0, 40.0, 60.0, 10.0, 40.0, 50.0, 10.0, 0.0, 30.0, 40.0, 0.0, 30.0, 20.0, 10.0, 10.0, 90.0, 20.0, 0.0, 80.0, 10.0, 40.0, 10.0, 30.0, 10.0, 70.0, 20.0, 10.0, 10.0, 40.0, 50.0, 60.0, 50.0, 50.0, 10.0, 50.0, 30.0, 30.0, 30.0, 10.0], (4500, 1000): [10.0, 30.0, 10.0, 30.0, 0.0, 0.0, 30.0, 0.0, 40.0, 10.0, 10.0, 10.0, 0.0, 30.0, 10.0, 20.0, 10.0, 40.0, 0.0, 10.0, 40.0, 50.0, 10.0], (5000, 2000): [30.0, 30.0, 0.0, 0.0, 30.0, 0.0, 30.0, 60.0, 40.0, 100.0, 10.0, 0.0, 0.0, 0.0, 40.0, 10.0, 10.0, 0.0, 20.0, 10.0, 60.0, 50.0, 0.0, 30.0, 30.0, 20.0, 10.0, 20.0], (8000, 5500): [30.0, 10.0, 100.0, 100.0, 90.0, 0.0, 0.0, 20.0, 100.0, 80.0, 30.0, 100.0, 20.0, 100.0, 10.0, 100.0, 60.0, 0.0, 100.0], (8000, 0): [80.0, 90.0, 90.0, 100.0, 80.0, 80.0, 90.0, 100.0, 90.0, 90.0, 70.0, 80.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 100.0, 90.0, 100.0, 90.0, 90.0], (5000, 3500): [20.0, 0.0, 100.0, 80.0, 60.0, 10.0, 10.0, 10.0, 10.0, 0.0, 20.0, 0.0, 20.0, 90.0, 10.0, 20.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 50.0, 0.0, 0.0, 30.0, 80.0, 10.0, 20.0, 0.0, 0.0, 0.0, 0.0, 30.0, 90.0, 10.0, 20.0, 0.0, 20.0, 10.0, 50.0, 20.0, 0.0, 60.0, 20.0, 0.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 30.0, 100.0, 100.0, 60.0, 50.0, 80.0, 10.0, 0.0, 40.0, 70.0, 30.0, 0.0, 10.0, 0.0, 20.0, 0.0, 30.0, 70.0, 40.0, 10.0, 0.0, 20.0, 0.0, 10.0, 0.0, 20.0, 10.0, 50.0, 60.0, 0.0, 90.0, 10.0, 10.0, 60.0, 30.0, 0.0, 100.0, 80.0, 0.0, 0.0, 0.0, 10.0, 90.0, 70.0, 0.0, 30.0, 30.0, 30.0, 0.0, 100.0, 80.0, 0.0, 0.0, 10.0, 10.0, 60.0, 60.0, 70.0, 20.0, 20.0, 0.0, 60.0, 0.0, 10.0, 0.0, 90.0, 50.0, 0.0, 10.0, 40.0, 10.0, 0.0, 50.0, 70.0, 0.0, 0.0, 0.0, 40.0, 30.0, 10.0, 0.0, 60.0, 20.0, -1.0, 40.0, 0.0, 30.0, 0.0, 0.0, 60.0, 40.0, 0.0, 60.0, 70.0, 10.0, 10.0, 20.0, 0.0, 30.0, 40.0, 50.0, 0.0, 20.0, 100.0, 30.0, 10.0, 60.0, 10.0], (5000, 500): [10.0, 20.0, 10.0, 10.0, 40.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 10.0, 30.0, 40.0, 20.0, 0.0, 20.0, 20.0, 20.0, 30.0, 20.0, 10.0], (4000, 3500): [80.0], (8500, 1000): [40.0, 100.0, 80.0, 100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 100.0, 50.0, 60.0, 100.0, 100.0, 50.0, 100.0, 90.0, 90.0, 100.0, 30.0, 30.0, 70.0], (2000, 0): [-1.0, 20.0, 0.0, 10.0, 20.0, 0.0, -1.0, 0.0, -1.0, 0.0, -1.0, 0.0, -1.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], (6000, 3000): [70.0, 100.0, 10.0, 0.0, 100.0, 20.0, 50.0, 100.0, 0.0, 20.0, 40.0, 60.0, 10.0, 10.0, 30.0, 30.0, 0.0, 10.0, 90.0, 10.0, 40.0, 0.0, 0.0, 0.0, 80.0, 20.0, 40.0, 80.0, 100.0, 10.0, 0.0, 40.0, 20.0, 30.0, 10.0, 0.0, 40.0, 80.0, 60.0, 80.0, 40.0, 100.0, 90.0, 0.0, 40.0, 40.0, 100.0, 0.0, 30.0, 30.0, 20.0, 10.0, 10.0, 0.0, 90.0, 80.0, 0.0, 70.0, 10.0, 30.0, 10.0, 100.0, 0.0, 100.0, 0.0], (7500, 1000): [40.0, 100.0, 40.0, 100.0, 100.0, 40.0, 90.0, 100.0, 80.0, 40.0, 60.0, 40.0, 90.0, 90.0, 100.0, 60.0, 60.0, 70.0, 90.0, 80.0, 70.0, 90.0, 60.0, 70.0, 50.0], (7000, 0): [60.0, 60.0, 70.0, 70.0, 70.0, 70.0, 80.0, 60.0, 50.0, 60.0, 70.0, 70.0, 60.0, 70.0, 60.0, 70.0, 60.0, 60.0, 60.0, 70.0, 70.0, 60.0, 70.0, 60.0, 60.0, 70.0, 80.0], (7000, 3000): [100.0, 30.0, 100.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, 70.0, 90.0, 90.0, 50.0, 100.0, 70.0, 10.0, 10.0, 0.0, 70.0, 100.0, 100.0, 100.0, 20.0, 100.0, 70.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 60.0, 60.0, 70.0, 100.0, 0.0, 60.0, 70.0, 100.0, 100.0, 100.0, 0.0], (0, 0): [100.0, 100.0, 20.0, 0.0, 80.0, 100.0, 40.0, 50.0, 0.0, 30.0, 60.0, 0.0, 100.0, -1.0, 100.0, 100.0, 10.0, 30.0], (4500, 0): [0.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, -1.0, 10.0, 10.0, 10.0, -1.0, 10.0, 10.0], (8500, 5500): [100.0, 100.0, 10.0, 40.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 10.0, 10.0, 70.0, 80.0, 0.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 10.0, 100.0, 60.0, 20.0, 0.0, 100.0, 90.0], (8000, 2500): [100.0, 70.0, 100.0, 80.0, 100.0, 90.0, 30.0, 50.0, 60.0, 100.0, 70.0, 100.0, 60.0, 100.0, 80.0, 100.0, 100.0, 100.0, 10.0, 30.0, 90.0, 50.0, 100.0], (4000, 1500): [10.0, 30.0, 10.0, 60.0, 20.0, 20.0, 20.0, 40.0, 10.0, 10.0, 20.0, 10.0, 80.0, 20.0, 30.0, 40.0, 20.0, 10.0, 0.0, -1.0, 10.0, -1.0, 30.0, 30.0, 40.0, 50.0, 40.0, 0.0, 30.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0], (3000, 0): [0.0, -1.0, -1.0, 0.0, -1.0, -1.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, -1.0, 0.0, 10.0, 0.0, 0.0, -1.0, 10.0, 10.0, 0.0, 0.0, -1.0, 10.0], (5000, 2500): [0.0, 30.0, 30.0, 80.0, 0.0, 30.0, 20.0, 20.0, 70.0, 0.0, 0.0, 20.0, 0.0, 50.0, 30.0, 30.0, 60.0, 70.0, 40.0, 50.0, 0.0, 50.0, 40.0, 20.0, 10.0, 70.0, 20.0, 60.0, 30.0, 20.0, 0.0, 0.0, 30.0, 60.0, 10.0, 10.0, 10.0, 10.0, 20.0, 0.0, 30.0, 10.0, 10.0, 40.0, 30.0, 60.0, 30.0, 10.0, 30.0, 60.0, 0.0, 30.0, 30.0, 0.0, 20.0, 10.0, 0.0, 0.0, 0.0, 20.0, 0.0, 10.0, 0.0, -1.0, 0.0, 0.0, 10.0, 10.0, 60.0, 30.0, 0.0, 20.0], (6500, 5000): [50.0, 90.0, 20.0, 0.0, 90.0, 10.0], (5000, 0): [20.0, 10.0, 10.0, 30.0, 20.0, 10.0, 20.0, 20.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 20.0, 10.0, 30.0, 10.0, 20.0, 20.0, 30.0, 10.0, 10.0, 20.0, 10.0], (6500, 1000): [-1.0, 80.0, 90.0, 40.0, 40.0, 40.0, 90.0, 0.0, 20.0, 30.0, 100.0, 50.0, 60.0, 40.0, 90.0, 30.0, 60.0, 80.0], (7500, 1500): [80.0, 100.0, 40.0, 100.0, 100.0, 80.0, 90.0, 60.0, 80.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 70.0, 20.0, 80.0, 100.0, 50.0, 100.0, 90.0, 100.0, 80.0], (3000, 2000): [60.0, -1.0, 40.0, 30.0, 90.0, 60.0, 60.0, 30.0, 90.0, 50.0, 80.0, 10.0, 20.0, 80.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 90.0, 70.0, 90.0, 40.0, 40.0, 30.0, 30.0, 40.0, 30.0, 60.0, -1.0, -1.0, 20.0, 50.0, 40.0, 30.0, 30.0, 30.0, 30.0, 20.0, 50.0, -1.0, 50.0, 50.0, 40.0, 60.0, 60.0, 60.0, 40.0, 30.0, 100.0, 40.0, 40.0, 40.0, 30.0, 40.0, 80.0, 60.0, 40.0, 70.0, 50.0, 60.0, 40.0, 60.0, 30.0, 30.0, 30.0, 40.0, 60.0, 30.0, 60.0, 90.0, 60.0, 50.0, 30.0, 60.0, 40.0, 40.0, 60.0, 60.0, 50.0, 20.0, 30.0, 30.0, 80.0, 40.0, 70.0, 90.0, 30.0, 30.0, 40.0, 50.0, 80.0, 40.0, 30.0, -1.0, 0.0, 60.0, 20.0, 40.0, 50.0, -1.0, 40.0, 20.0, 20.0, 40.0, 40.0, 30.0, 70.0, 60.0, 40.0, 50.0, 20.0, 50.0, 40.0, 30.0, -1.0, -1.0, 40.0, 60.0, -1.0, 30.0, 40.0, 60.0, 80.0, 50.0, 60.0, 30.0, 70.0, 40.0, 90.0, 30.0, 50.0, 10.0], (4500, 4000): [10.0], (5000, 1000): [30.0, 10.0, 40.0, 40.0, 40.0, 20.0, 10.0, 10.0, 10.0, 50.0, 0.0, 100.0, 0.0, 30.0, 50.0, 10.0, 30.0, 20.0, 0.0, 0.0, 0.0, 10.0, 50.0, 50.0], (1500, 1000): [-1.0, 90.0, 30.0, 70.0, 30.0, 50.0, -1.0, 70.0, 30.0, 50.0, 60.0, 40.0, 10.0, 20.0, 20.0, 20.0, 80.0, -1.0, 40.0, 90.0, 50.0, 20.0, 90.0, 50.0, 60.0, 20.0, 40.0, 60.0, 0.0, 20.0, 50.0, 60.0, 20.0, 40.0, 40.0, 30.0, 30.0, 40.0, 50.0, 10.0, 40.0, 70.0, 30.0, 50.0, 50.0, 40.0, 90.0, -1.0, 40.0, 40.0, 10.0, 20.0, 40.0, 50.0, 80.0, 40.0, 70.0, 80.0, 30.0, 40.0, 30.0, 50.0, 40.0, 60.0, 70.0, 30.0, 30.0, 40.0, 40.0, 50.0, 30.0, 20.0, 40.0, 50.0, 90.0, 30.0, 10.0, 60.0, -1.0, 60.0, 20.0, 30.0, 30.0, 50.0, 60.0, 20.0, 40.0], (2000, 500): [10.0, 50.0, 10.0, 10.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 30.0, 40.0, 30.0, 10.0, 30.0, 30.0, -1.0, 10.0, -1.0, 0.0, 20.0, 30.0, 20.0, 10.0, 20.0, 10.0, 20.0, 20.0, 40.0, 10.0], (4000, 0): [10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 20.0, 20.0, 20.0, 10.0, 20.0, -1.0, -1.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0], (3500, 500): [0.0, -1.0, 40.0, 20.0, 10.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 10.0, 10.0, 30.0, 10.0, 30.0, -1.0, 20.0, 10.0, 10.0, 10.0, 20.0, -1.0, 20.0, 10.0, 30.0, 30.0, 10.0, 10.0, 40.0], (3000, 500): [20.0, 10.0, 10.0, 10.0, 60.0, 10.0, 40.0, 10.0, 10.0, -1.0, 10.0, -1.0, 10.0, 30.0, 20.0, -1.0, 10.0, -1.0, 20.0, 10.0], (6500, 1500): [100.0, 70.0, 100.0, 70.0, 90.0, 10.0, 60.0, 10.0, 50.0, 60.0, 60.0, 30.0, 20.0, 70.0, 10.0, 50.0, 50.0, 50.0, 70.0, 70.0, 30.0, 100.0], (8000, 500): [60.0, 90.0, 60.0, 60.0, 70.0, 100.0, 100.0, 100.0, 90.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0, 70.0, 60.0, 30.0, 100.0, 80.0, 80.0, 90.0, 80.0, 90.0, 90.0, 80.0, 100.0, 100.0, 100.0, 70.0], (4500, 500): [30.0, 20.0, 0.0, 10.0, 0.0, 10.0, 10.0, 0.0, 20.0, 20.0, 10.0, 20.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 20.0, 10.0, 0.0, 0.0, 10.0], (8500, 500): [100.0, 100.0, 80.0, 90.0, 90.0, 100.0, 100.0, 80.0, 90.0, 100.0, 100.0, 80.0, 90.0, 70.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0], (8000, 3500): [70.0, 30.0, 100.0, 100.0, 10.0, 90.0, 70.0, 10.0, 100.0, 30.0, 30.0, 100.0, 60.0, 90.0, 80.0, 10.0, 0.0, 50.0, 60.0, 20.0, 90.0, 90.0, 70.0, 100.0, 100.0, 0.0, 0.0, 100.0, 100.0, 40.0, 90.0, 100.0, 10.0, 60.0, 40.0, 10.0, 50.0, 100.0, 100.0, 30.0, 40.0, 50.0, 100.0, 20.0], (5500, 2000): [70.0, 40.0, 10.0, 10.0, 10.0, 40.0, 0.0, 0.0, 60.0, 50.0, 30.0, 30.0, 0.0, 50.0, 40.0, 20.0, 0.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 20.0, 10.0, 80.0, 0.0, 100.0, 60.0, 60.0, 30.0, 10.0], (8000, 2000): [100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 40.0, 100.0, 100.0, 70.0, 30.0, 80.0, 100.0, 100.0, 80.0, 70.0, 90.0, 10.0, 20.0, 100.0, 70.0, 100.0, 100.0], (3500, 2000): [50.0, 30.0, 40.0, 40.0, -1.0, 40.0, 50.0, 30.0, 30.0, 20.0, 40.0, 20.0, 50.0, 20.0, 40.0, 80.0, 40.0, 40.0, 30.0, 30.0, 80.0, 10.0, 50.0, 100.0, 20.0, 40.0, 30.0, 60.0, 40.0, 30.0, 90.0, 30.0, 10.0, 40.0, 20.0, 30.0, 20.0, 40.0, 40.0, 30.0, -1.0, 30.0, 60.0, 30.0, 40.0, 30.0, 30.0, 100.0, 20.0, 80.0, 30.0, 20.0, 20.0, 100.0, 40.0, 40.0, 40.0, 70.0, 60.0, 40.0, 30.0, 70.0, 20.0, 50.0, 70.0, 50.0, 30.0, 10.0, 10.0, 40.0, 40.0, 60.0, 30.0, 80.0, 30.0, 30.0, 30.0, 50.0, 50.0, -1.0, 40.0, -1.0, 80.0, 30.0, 70.0, -1.0, 0.0, 40.0, 30.0, 50.0, -1.0, 40.0, 40.0, 70.0, 30.0, 20.0, 60.0, 40.0, 20.0, 40.0, 40.0, 10.0], (4500, 2000): [20.0, 10.0, 50.0, 60.0, 60.0, 0.0, 20.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 10.0, 30.0, 40.0, 0.0, 30.0, 90.0, 0.0, 0.0, 20.0, 20.0, 40.0, 20.0, 40.0, 70.0, 10.0, 60.0, 0.0, 10.0, 20.0, 20.0, 30.0, 10.0, 0.0, 0.0, 0.0], (6000, 1000): [30.0, 20.0, 30.0, 50.0, 60.0, 60.0, 30.0, 40.0, 20.0, 40.0, 10.0, 70.0, 50.0, 90.0, 10.0, 40.0, 30.0, 40.0, 40.0, 50.0, 20.0, 40.0, 40.0, 30.0, 80.0, 80.0, 30.0], (1000, 0): [40.0, 10.0, 0.0, 50.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 10.0, -1.0, 10.0, 10.0, 0.0, 10.0, 20.0, 0.0, 30.0, 10.0, 0.0, 0.0, -1.0], (5500, 1500): [30.0, 20.0, 60.0, 30.0, 20.0, 30.0, 50.0, 10.0, 10.0, 40.0, 30.0, 60.0, 40.0, 30.0, 60.0, 40.0, 10.0, 100.0, 40.0, 0.0, 10.0, 80.0, 10.0, 40.0, 30.0, 0.0], (7000, 2500): [70.0, 80.0, 90.0, 80.0, 40.0, 70.0, 90.0, 40.0, 80.0, 100.0, 100.0, 10.0, 70.0, 50.0, 100.0, 0.0, 30.0, 100.0, 50.0, 20.0, 100.0, 30.0, 90.0, 100.0, 70.0, 100.0, 80.0, 40.0, 100.0, 10.0, 60.0, 30.0, 0.0], (7000, 5000): [50.0, 0.0, 0.0, 30.0, 20.0, 100.0, 60.0, 100.0, 50.0, 20.0, 30.0, 10.0, 100.0, 0.0, 0.0, 10.0, 100.0, 90.0, 0.0, 100.0, 20.0, 0.0, 100.0, 50.0, 0.0], (4000, 2500): [30.0, 40.0, 30.0, 0.0, 70.0, 60.0, 30.0, 40.0, 10.0, 10.0, 30.0, 20.0, 10.0, 90.0, 0.0, 20.0, 30.0, 50.0, 30.0, 0.0, 20.0, 60.0, 30.0, 30.0, 10.0, 0.0, 40.0, 20.0, 10.0, 70.0, 20.0, 30.0, 10.0, 20.0, 40.0, 50.0, 40.0, 40.0, 0.0, 30.0, 20.0, 40.0, 10.0, 20.0, 20.0, 100.0, 40.0, 30.0, 10.0, 20.0, 20.0, 30.0, 0.0, 30.0, 10.0, 50.0, 0.0, 100.0, 30.0, 20.0, 10.0, 30.0, 100.0, 40.0, 0.0, 20.0, 20.0, 10.0, 20.0, 30.0, 10.0, 20.0, 70.0, 40.0, 60.0, 10.0, 50.0, 20.0, 0.0, 0.0, 40.0, 20.0, 50.0, 80.0, 50.0, 50.0, -1.0, 50.0, 20.0, 30.0, 30.0, 30.0, 10.0, 50.0, 10.0, 60.0, 50.0, 70.0, 30.0, 30.0, 40.0, 50.0, 30.0, 20.0, 40.0, 20.0, 10.0, 50.0, 20.0, 20.0, 20.0, 20.0, 40.0, 50.0, 0.0, 30.0, 50.0, 40.0, 30.0, 100.0, 20.0, 20.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 0.0, 30.0, 20.0, 60.0], (7500, 5500): [0.0, 70.0, 100.0, 10.0, 100.0, 100.0, 60.0, 100.0, 100.0], (8500, 2500): [100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 0.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 60.0, 100.0, 90.0], (6500, 4000): [60.0, 100.0, 100.0, 60.0, 40.0, 40.0, 70.0, 10.0, 50.0, 10.0, 0.0, 40.0, 40.0, 40.0, 30.0, 50.0, 80.0, 10.0, 80.0, 40.0, 100.0, 10.0, 100.0, 20.0, 70.0, 10.0, 0.0, 0.0, 50.0, 100.0, 100.0, 90.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 20.0, 0.0, 0.0, 0.0, 60.0, 0.0, 20.0, 60.0, 100.0, 10.0, 10.0, 60.0, 90.0, 0.0, 0.0, 20.0, 70.0, 0.0, 90.0, 60.0, 60.0, 0.0, 20.0, 100.0, 50.0, 100.0, 0.0, 0.0, 60.0, 80.0, 40.0, 80.0, 0.0, 10.0, 80.0, 100.0, 60.0, 20.0, 10.0, 70.0, 0.0, 60.0, 90.0, 40.0, 30.0, 60.0, 10.0, 20.0, 40.0, 70.0, 0.0, 100.0, 0.0, 20.0, 20.0, 100.0, 0.0, 30.0, 90.0, 60.0, 40.0, 100.0, 70.0, 100.0, 0.0, 100.0, 80.0, 40.0, 70.0, 10.0, 50.0, 0.0, 80.0, 80.0, 100.0, -1.0, 0.0, 50.0, 60.0, 80.0, 20.0, 0.0], (6000, 2000): [40.0, 0.0, 80.0, 50.0, 100.0, 30.0, 30.0, 60.0, 40.0, 50.0, 10.0, 60.0, 10.0, 0.0, 40.0, 30.0, 50.0, 30.0, 70.0, 50.0, 20.0, 70.0, 60.0, 30.0, 60.0, 100.0, 70.0], (5000, 4000): [50.0, 30.0, 40.0, 10.0, 100.0, 0.0, 30.0, 30.0, 30.0, 10.0, 70.0, 0.0, 80.0, 10.0, 10.0, 0.0, 60.0, 10.0, 40.0], (1000, 500): [60.0, 40.0, 40.0, 60.0, -1.0, 70.0, 30.0, 50.0, 50.0, 50.0, 30.0, 30.0, 20.0, 90.0, 80.0, 40.0, 40.0, 30.0, 10.0, 70.0, -1.0, 30.0, 50.0, 60.0, 10.0, 60.0, -1.0, -1.0, 30.0, 40.0, 80.0, 40.0, 70.0, 40.0, 10.0, 50.0, 50.0, 40.0, 30.0, 60.0, 40.0, 40.0, 60.0, 20.0, 50.0, 30.0, 20.0, 40.0, 40.0, 30.0, 40.0, 50.0, 70.0, 20.0, 50.0, 20.0, 40.0, 20.0, 40.0, 40.0, 40.0, 50.0, 60.0, 40.0, 50.0, 60.0, 50.0, 40.0, 40.0, 70.0, 30.0, 20.0, 10.0, 30.0], (1500, 500): [40.0, -1.0, 20.0, 30.0, 20.0, 40.0, -1.0, 20.0, 60.0, 30.0, 50.0, -1.0, 40.0, 30.0, 20.0, 10.0, 20.0, 40.0, 30.0, 90.0, 10.0, 10.0, -1.0, 40.0, 20.0, 40.0, 10.0, 40.0, 10.0, 10.0, 10.0, 20.0, 40.0, 20.0, 20.0, 10.0, 20.0, -1.0, 20.0, 30.0, -1.0, 20.0, -1.0, 10.0, 60.0], (6000, 500): [40.0, 20.0, 50.0, 20.0, 10.0, 50.0, 40.0, 30.0, 10.0, 40.0, 40.0, 20.0, 70.0, 50.0, 30.0, 70.0, 20.0, 60.0, 40.0, 60.0, 20.0, 70.0, 40.0, 40.0, 40.0], (6500, 4500): [90.0, 10.0, 90.0, 10.0, 40.0, 80.0, 30.0, 0.0, 100.0, 50.0, 50.0, 50.0, 40.0, 70.0, 0.0, 100.0, 0.0, 100.0, 100.0, 10.0, 20.0, 0.0, 50.0, 70.0, 30.0, 20.0, 0.0, 50.0, 100.0, 80.0, 70.0, 100.0, 40.0, 60.0, 10.0, 100.0, 100.0, 30.0, 100.0, 0.0, 60.0, 100.0, 10.0, 60.0, 100.0, 90.0, 50.0, 90.0, 0.0, 50.0, 100.0, 0.0, 0.0, 70.0, 10.0, 100.0, 20.0, 100.0, 0.0, 0.0, 0.0, 80.0, 100.0, 40.0, 70.0, 100.0, 0.0, 60.0, 50.0, 0.0, 40.0, 70.0, 40.0, 100.0, 60.0, 20.0, 10.0, 30.0, 0.0, 10.0, 20.0, 10.0, 10.0, 30.0, 70.0, 50.0, 100.0, 10.0, 0.0, 0.0, 100.0, 60.0, 10.0, 50.0, 10.0, 10.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 20.0, 100.0, 10.0, 100.0, 70.0, 80.0, 0.0, 40.0, 60.0, 30.0, 20.0, 0.0, 40.0], (7000, 500): [80.0, 70.0, 50.0, 30.0, 60.0, 50.0, 30.0, 60.0, 90.0, 70.0, 20.0, 100.0, 50.0, 80.0, 60.0, 60.0, 50.0, 50.0, 80.0, 60.0, 60.0, 80.0], (4500, 3500): [30.0, 40.0, 70.0, 40.0, 10.0, 40.0, 20.0, 0.0, 40.0, 10.0, 0.0, 10.0, 50.0, 20.0, 70.0, 20.0, 20.0, 10.0, 10.0, 10.0, 0.0, 0.0, 50.0, 10.0, 10.0, 0.0, 0.0, 10.0, 100.0, 0.0, 20.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 100.0, 20.0, 70.0], (8000, 4500): [100.0, 100.0, 100.0, 90.0, 10.0, 60.0, 10.0, 60.0, 30.0, 100.0, 100.0, 70.0, 80.0, 100.0, 100.0, 90.0, 80.0, 80.0, 10.0, 0.0, 50.0, 100.0, 90.0, 100.0, 70.0, 10.0, 100.0, 0.0, 80.0, 100.0, 30.0, 30.0, 100.0, 100.0, 70.0, 90.0, 20.0, 50.0, 0.0, 0.0, 40.0, 100.0, 100.0, 100.0, 80.0, 60.0, 40.0, 30.0, 70.0, 30.0, 20.0, 100.0, 0.0, 100.0, 50.0, 70.0, 100.0, 10.0, 20.0, 0.0, 20.0, 20.0, 100.0, 50.0, 90.0, 20.0, 50.0, 0.0, 0.0, 10.0, 50.0, 20.0, 0.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 100.0], (2000, 1000): [50.0, 40.0, -1.0, 20.0, 20.0, 40.0, 70.0, 30.0, 70.0, 20.0, 50.0, 70.0, 100.0, -1.0, 30.0, 70.0, 10.0, -1.0, 10.0, 10.0, 60.0, 40.0, -1.0, 40.0, 80.0, 50.0, 60.0, 30.0, 40.0, 50.0, 20.0, 30.0, 20.0, 40.0, 10.0, 50.0, 20.0, 50.0, 40.0, 20.0, 40.0, 50.0, 20.0, 40.0, 60.0, -1.0, 30.0, 60.0, 60.0, 50.0, 70.0, 50.0, 20.0, 30.0, 30.0, 50.0, 40.0, 30.0, 70.0, 70.0, -1.0, 30.0, 30.0, -1.0, 40.0, 20.0, 30.0, 20.0, 40.0, 50.0, 20.0, 20.0, 30.0, 10.0, 40.0], (5500, 1000): [80.0, 70.0, 10.0, 60.0, 30.0, 20.0, 30.0, 30.0, 60.0, 50.0, 40.0, 50.0, 40.0, 30.0, 10.0, 30.0, 40.0, 50.0, 60.0, 30.0, 30.0, 40.0, 20.0, 50.0, 30.0, 20.0, 20.0, 10.0, 20.0], (6000, 4000): [60.0, 0.0, 0.0, 100.0, 30.0, 10.0, 40.0, 10.0, 70.0, 10.0, 10.0, 60.0, 90.0, 100.0, 0.0, 20.0, 80.0, 0.0, 10.0, 60.0, 40.0, 30.0, 10.0, 10.0, 30.0, 0.0, 100.0, 0.0, 80.0, 60.0, 50.0, 100.0, 0.0, 70.0, 80.0, 60.0, 50.0, 20.0, 90.0, 0.0, 40.0, 20.0, 60.0, 70.0, 0.0, 100.0, 0.0, 10.0, 0.0, 0.0, 60.0, 40.0, 100.0, 0.0, 0.0, 40.0, 10.0, 70.0, 0.0, 100.0, 50.0, 20.0, 0.0, 70.0, 40.0, 90.0, 10.0, 80.0, 10.0, 30.0, 0.0, 70.0, 0.0, 80.0, 20.0, 100.0, 60.0, 0.0, 20.0, 0.0, 100.0, 30.0, 40.0, 80.0, 100.0, 20.0, 60.0, 10.0, 0.0, 20.0, 100.0, 0.0, 100.0, 50.0, 90.0, -1.0, 0.0, 10.0, 90.0, 10.0, 80.0, 0.0, 40.0, 40.0, 60.0, 0.0, 60.0, 10.0, 20.0, 20.0, 30.0, 100.0, 60.0, 40.0, 20.0, 70.0, 30.0, 90.0, 100.0, 100.0, 60.0, 40.0, 40.0, 100.0, 20.0, 0.0, 0.0, 70.0, 100.0, 70.0, 0.0], (4000, 1000): [40.0, 20.0, 50.0, 20.0, 30.0, 10.0, 60.0, 10.0, 10.0, 40.0, 10.0, 20.0, 10.0, 40.0, 30.0, 30.0, -1.0, 20.0, 20.0, 10.0, -1.0, 10.0], (2500, 500): [10.0, 30.0, -1.0, -1.0, -1.0, 10.0, -1.0, 20.0, 20.0, -1.0, 10.0, 30.0, 30.0, 20.0, 20.0, 40.0, 10.0, 10.0, -1.0, 20.0, 10.0, 10.0, -1.0, 30.0, 40.0], (8500, 2000): [50.0, 50.0, 90.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 10.0, 100.0, 30.0, 70.0, 100.0], (8000, 4000): [90.0, 40.0, 100.0, 70.0, 30.0, 80.0, 100.0, 40.0, 60.0, 100.0, 100.0, 100.0, 30.0, 50.0, 100.0, 70.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 40.0, 70.0, 100.0, 30.0, 100.0, 30.0, 50.0, 100.0, 40.0, 100.0, 60.0, 100.0, 90.0, 100.0, 20.0, 50.0, 100.0, 90.0, 50.0, 10.0, 80.0, 60.0, 20.0, 80.0, 100.0, 50.0, 70.0, 20.0, 100.0, 30.0, 10.0, 70.0, 0.0, 100.0, 100.0, 60.0, 100.0, 100.0], (6000, 2500): [20.0, 20.0, 0.0, 40.0, 60.0, 0.0, 50.0, 100.0, 90.0, 90.0, 80.0, 50.0, 70.0, 60.0, 40.0, 90.0, 70.0, 70.0, 10.0, 50.0, 100.0, 10.0, 30.0, 0.0, 0.0, 20.0, 20.0, 70.0, 10.0, 90.0, 0.0, 70.0, 0.0, 70.0, 100.0, 20.0, 100.0, 100.0, 10.0, 10.0, 70.0, 0.0, 100.0, 10.0, 60.0, 10.0, 20.0, 0.0, 100.0], (7500, 0): [90.0, 80.0, 70.0, 80.0, 70.0, 90.0, 90.0, 70.0, 90.0, 70.0, 80.0, 70.0, 80.0, 70.0, 70.0, 70.0, 80.0, 90.0, 60.0, 70.0, 70.0, 80.0, 80.0, 70.0], (3000, 2500): [20.0, 30.0, -1.0, 40.0, 50.0, 60.0, 50.0, 10.0, 50.0, 50.0, 30.0, 40.0, 20.0, 20.0, 30.0, 30.0, 50.0, 10.0, 40.0], (4000, 500): [10.0, 30.0, 20.0, 10.0, 40.0, 10.0, 10.0, 20.0, -1.0, 10.0, -1.0, 20.0, 10.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 20.0, 30.0, 20.0, 30.0, 10.0], (7500, 2500): [100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 70.0, 60.0, 100.0, 90.0, 10.0, 100.0, 60.0, 0.0, 80.0, 50.0, 80.0, 100.0, 40.0, 100.0, 20.0], (4500, 2500): [20.0, 50.0, 10.0, 10.0, 0.0, 10.0, 50.0, 80.0, 80.0, 0.0, 0.0, 40.0, 10.0, 60.0, 0.0, 100.0, 0.0, 50.0, 10.0, 10.0, 0.0, 20.0, 80.0, 60.0, 10.0, 40.0, 20.0, 0.0, 60.0, 100.0, 0.0, 90.0, 70.0, 10.0, 10.0, 0.0, 20.0, 0.0, 20.0, 100.0, 80.0, 30.0, 0.0, 10.0, 80.0, 20.0, 80.0, 40.0, 40.0, 20.0, 50.0, 30.0, 20.0, 10.0, 10.0, 80.0, 20.0, 30.0, 0.0, 0.0, 30.0, 20.0, 20.0, 40.0, 20.0, 50.0, 30.0, 0.0, 10.0, 30.0, 30.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 0.0, 80.0, 20.0, 20.0, 0.0, 100.0, 0.0, 40.0, 10.0, 20.0]}
mpc_dash_syth_hyb_pen_table_4300_default_600 = {(3600, 1200): [70.0, 20.0, 10.0, 30.0, 30.0, 60.0, 10.0, 20.0, 20.0, 20.0, 50.0, 10.0, 40.0, 30.0, -1.0, 10.0, 80.0, 10.0, 30.0, 40.0, 50.0, 60.0, 20.0, 10.0, 10.0, 40.0, -1.0, 30.0, 50.0, 30.0, 10.0, -1.0, -1.0, 50.0, 10.0, 10.0, 40.0, 50.0, 50.0, 20.0, 20.0, 10.0, -1.0, 20.0, 30.0], (6600, 3000): [20.0, 100.0, 100.0, 40.0, 100.0, 30.0, 30.0, 20.0, 30.0, 70.0, 0.0, 20.0, 10.0, 40.0, 70.0, 90.0, 30.0, 10.0, 0.0, 50.0, 90.0, 100.0, 10.0, 10.0, 10.0, 60.0, 100.0, 100.0, 70.0, 40.0, 100.0, 40.0, 10.0, 40.0, 100.0, 70.0, 100.0, 20.0, 0.0, 90.0, 100.0, 40.0, 100.0, 100.0, 50.0, 20.0, 0.0, 20.0, 10.0, 20.0, 100.0, 60.0, 70.0, 90.0, 40.0, 30.0, 100.0, 100.0, 30.0, 0.0, 0.0, 30.0, 100.0, 80.0, 20.0], (1800, 0): [10.0, 20.0, 10.0, -1.0, 10.0, 20.0, 10.0, 0.0, -1.0, -1.0, 0.0, -1.0, 0.0, 10.0, 0.0, -1.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 20.0, 0.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 10.0, 0.0, 0.0, 0.0], (6600, 600): [60.0, 30.0, 80.0, 100.0, 50.0, 60.0, 50.0, 50.0, 20.0, 30.0, 50.0, 60.0, 40.0, 60.0, 20.0, 20.0, 70.0, 30.0, 40.0, 60.0, 60.0, 50.0, 50.0, 90.0, 60.0, 40.0, 40.0, 100.0, 50.0, 80.0, 80.0], (2400, 1200): [0.0, 30.0, 30.0, 10.0, 40.0, 20.0, 10.0, 20.0, 90.0, -1.0, 20.0, -1.0, 30.0, 50.0, -1.0, -1.0, 40.0, 40.0, 20.0, 30.0, 20.0, 50.0, -1.0, 70.0, 20.0, 20.0, 70.0, 50.0, 40.0, 20.0, 20.0, 40.0, 60.0, 60.0, 80.0, 100.0, -1.0, 60.0, 40.0, 50.0, 20.0, 40.0, 40.0, 10.0, 70.0, 60.0, 20.0, 10.0, 40.0, 20.0, 20.0, 10.0, 80.0, 20.0, 20.0, 70.0, 30.0, 20.0, 30.0, 20.0, 70.0, 20.0, 10.0, 40.0, 40.0, 50.0, 40.0, 40.0, 100.0, 70.0, 20.0, 50.0, 80.0, 60.0, 20.0, 30.0, 50.0, 20.0, 40.0, 50.0, 40.0, -1.0, 10.0, 0.0, 60.0, 30.0, 60.0, 30.0, 30.0, -1.0, 60.0, 40.0, 50.0, 60.0, 50.0, 50.0, 30.0, 50.0, 50.0, 40.0, 40.0, 40.0, -1.0, 60.0, 50.0, 40.0, 50.0, 20.0, 30.0, 40.0, 40.0, 70.0, 30.0, 50.0, 80.0, 60.0, 30.0, 60.0, 60.0, 20.0, 20.0, 40.0, 50.0, 20.0, 20.0, 50.0, 30.0, 20.0, 10.0, 40.0, 40.0, 30.0, 40.0], (6600, 1200): [70.0, 100.0, 20.0, -1.0, 100.0, 80.0, 90.0, 40.0, 70.0, 90.0, 30.0, 60.0, 60.0, 40.0, 40.0, 30.0, 60.0, 30.0, 30.0, 70.0, 80.0, 70.0, 0.0, 50.0, 100.0, 50.0, 50.0, 40.0, 30.0, 50.0, 70.0, 30.0, 60.0, 50.0, 100.0, 60.0, 100.0, 60.0], (8400, 5400): [100.0, 30.0, 10.0, 100.0, 10.0, 40.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 10.0, 10.0, 100.0, 70.0, 80.0, 100.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 100.0, 100.0, 60.0, 100.0, 20.0, 10.0, 0.0, 0.0, 60.0, 100.0, 90.0], (8400, 1200): [100.0, 40.0, 100.0, 100.0, 20.0, 100.0, 100.0, 80.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 70.0, 40.0, 100.0, 80.0, 100.0, 20.0, 100.0, 50.0, 10.0, 100.0, 80.0, 100.0, 100.0, 50.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 80.0], (7800, 5400): [20.0, 100.0, 10.0, 100.0, 90.0, 70.0, 0.0, 20.0, 100.0, 0.0, 100.0, 60.0, 80.0, 30.0, 0.0, 50.0, 100.0, 10.0, 20.0, 40.0, 100.0, 0.0, 100.0, 10.0, 0.0, 20.0, 20.0, 100.0, 20.0, 0.0, 100.0, 100.0, 90.0], (6000, 3600): [50.0, 0.0, 0.0, 100.0, 10.0, 10.0, 60.0, 100.0, 0.0, 20.0, 100.0, 60.0, 10.0, 100.0, 40.0, 40.0, 0.0, 90.0, 40.0, 30.0, 0.0, 30.0, 0.0, 60.0, 0.0, 10.0, 60.0, 50.0, 20.0, 10.0, 0.0, 90.0, 10.0, 100.0, 70.0, 90.0, 0.0, 100.0, 60.0, 30.0, 100.0, 20.0, 100.0, 0.0, 40.0, 70.0, 30.0, 0.0, 80.0, 100.0, 0.0, 40.0, 90.0, 50.0, 100.0, 0.0, 0.0, 70.0, 0.0, 30.0, 50.0, 100.0, 0.0, 0.0, 100.0, 0.0, 20.0, 10.0, 90.0, 30.0, 40.0, 80.0, 10.0, 70.0, 60.0, 10.0, 70.0, 40.0, 50.0, 40.0, 100.0, 10.0, 40.0, 100.0, 100.0, 0.0, 30.0, 100.0, 0.0, 30.0, 30.0, 90.0, 70.0, 90.0, 50.0, 10.0, 10.0, 60.0, 60.0, 10.0, 0.0, 20.0, 10.0, 20.0, 0.0, 20.0, 20.0, 70.0, 100.0, 60.0, 40.0, 100.0, 80.0, 80.0, 100.0, 0.0, 100.0, 50.0, 100.0, 0.0, 40.0, 100.0, 90.0, 90.0, 0.0, 100.0, 0.0, 20.0, 60.0, 90.0, 70.0, 30.0, 10.0, 30.0, 20.0], (8400, 1800): [50.0, 20.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 10.0, 100.0, 70.0, 40.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 50.0, 50.0, 100.0, 100.0, 100.0, 50.0, 100.0, 90.0, 10.0, 100.0, 70.0, 100.0, 70.0, 100.0, 100.0, 20.0, 100.0, 100.0], (4800, 1200): [10.0, 0.0, 20.0, 0.0, 10.0, 30.0, 10.0, 0.0, 40.0, 0.0, 0.0, 10.0, 40.0, 40.0, 20.0, 10.0, 40.0, 10.0, 10.0, 10.0, 0.0, 30.0, 50.0, 0.0, 10.0, 20.0, 0.0, 50.0, 40.0, 60.0, 10.0, 20.0, 0.0, 10.0, 30.0, 20.0, 0.0, 20.0, 0.0, 20.0, 10.0, 0.0, 10.0, 40.0, 50.0, 0.0], (7800, 1200): [80.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 50.0, 80.0, 50.0, 80.0, 50.0, 90.0, 60.0, 80.0, 40.0, 90.0, 100.0, 30.0, 70.0, 50.0, 90.0, 80.0, 90.0, 90.0, 80.0, 100.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 80.0], (3000, 0): [0.0, 10.0, -1.0, -1.0, -1.0, -1.0, 0.0, -1.0, -1.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, -1.0, 0.0, 10.0, 0.0, 0.0, 30.0, -1.0, 10.0, 0.0, 10.0, 0.0, 20.0, 0.0, -1.0, 10.0], (8400, 3000): [100.0, 100.0, 100.0, 40.0, 20.0, 70.0, 100.0, 20.0, 50.0, 0.0, 30.0, 100.0, 60.0, 100.0, 40.0, 10.0, 50.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 10.0, 20.0, 100.0, 90.0, 60.0, 100.0, 0.0, 30.0, 70.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 0.0], (8400, 600): [60.0, 90.0, 100.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 80.0, 90.0, 70.0, 90.0, 100.0, 60.0, 100.0, 90.0, 100.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 30.0, 30.0, 70.0, 100.0, 80.0], (7200, 600): [70.0, 60.0, 30.0, 50.0, 40.0, 60.0, 60.0, 90.0, 70.0, 90.0, 100.0, 100.0, 20.0, 60.0, 40.0, 50.0, 90.0, 80.0, 100.0, 60.0, 50.0, 90.0, 50.0, 80.0, 90.0, 20.0, 70.0, 30.0, 100.0, 60.0, 60.0, 90.0, 60.0, 90.0, 70.0, 30.0, 50.0, 30.0], (8400, 4200): [100.0, 30.0, 20.0, 10.0, 0.0, 70.0, 100.0, 100.0, 100.0, 40.0, 60.0, 10.0, 100.0, 100.0, 100.0, 30.0, 10.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 80.0, 80.0, 100.0, 100.0, 90.0, 30.0, 70.0, 0.0, 0.0, 100.0, 10.0, 100.0, 10.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 30.0, 0.0, 100.0, 100.0, 20.0, 100.0, 30.0, 100.0, 90.0, 0.0, 100.0, 100.0, 100.0, 40.0, 70.0, 100.0, 100.0, 100.0], (4200, 1800): [20.0, 40.0, 20.0, 80.0, 0.0, 10.0, 20.0, 60.0, 30.0, 20.0, 20.0, 10.0, 10.0, 40.0, 30.0, 40.0, 50.0, 30.0, 50.0, 0.0, 80.0, 0.0, 40.0, 10.0, 20.0, 10.0, 30.0, 10.0, 0.0, 40.0, 0.0, 10.0, 30.0, 10.0, 10.0, 0.0, 10.0, 20.0, 40.0, 0.0, 30.0, 0.0, 0.0, 80.0, 10.0, 20.0, 10.0, 10.0, 20.0, 20.0, 40.0, 70.0, 10.0, 10.0, 30.0, 10.0, 40.0, 50.0, 20.0, 60.0, 50.0, 10.0, 10.0, 30.0, 0.0, 0.0, 30.0, 10.0], (3000, 600): [20.0, 10.0, 10.0, 10.0, 60.0, 20.0, 10.0, 10.0, 40.0, 20.0, 30.0, 20.0, 10.0, 10.0, 20.0, 20.0, 10.0, -1.0, 10.0, 30.0, 20.0, -1.0, 10.0, 30.0, 10.0, 0.0, 20.0, 20.0, -1.0, -1.0, 10.0, 10.0, -1.0, 10.0, 30.0, 20.0, 50.0, 40.0, -1.0, 20.0, 10.0, 20.0, 10.0], (1800, 1200): [60.0, -1.0, 50.0, 40.0, 50.0, 10.0, 90.0, 30.0, 70.0, 30.0, 80.0, 50.0, 70.0, 20.0, 50.0, 60.0, 40.0, 20.0, 40.0, 90.0, 30.0, 30.0, -1.0, 70.0, 80.0, -1.0, 30.0, 90.0, 70.0, 70.0, 30.0, 70.0, -1.0, -1.0, -1.0, 20.0, 30.0, 70.0, 40.0, 50.0, -1.0, 10.0, 20.0, 40.0, 60.0, 0.0, 20.0, 50.0, -1.0, 40.0, 30.0, 80.0, 50.0, 20.0, 60.0, 30.0, 40.0, 50.0, 30.0, 30.0, 20.0, 40.0, 50.0, 50.0, 50.0, 40.0, -1.0, 90.0, 10.0, 30.0, 50.0, 50.0, 30.0, 20.0, 20.0, -1.0, 40.0, 50.0, 20.0, -1.0, 60.0, 50.0, 70.0, 60.0, 50.0, 20.0, 30.0, 30.0, 40.0, 80.0, 40.0, 80.0, 40.0, 40.0, 70.0, 60.0, 60.0, 30.0, 50.0, 70.0, 70.0, 60.0, -1.0, 60.0, 30.0, 40.0, 60.0, -1.0, 20.0, 20.0, 30.0, 90.0, 30.0, 40.0, 60.0, -1.0, 50.0, 20.0, 20.0, 30.0, -1.0, 50.0, 40.0], (5400, 4800): [0.0, 40.0], (8400, 6000): [100.0], (4200, 0): [30.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, -1.0, 20.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 20.0, -1.0, 10.0, 0.0, 20.0, 10.0, -1.0, -1.0, -1.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, 20.0, 10.0, 10.0], (4800, 4200): [30.0, 10.0, 50.0, 10.0], (8400, 3600): [0.0, 50.0, 90.0, 100.0, 60.0, 100.0, 60.0, 100.0, 40.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 70.0, 100.0, 100.0, 80.0, 100.0, 50.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 30.0, 80.0, 100.0, 80.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 50.0, 30.0, 100.0, 0.0, 60.0, 90.0, 100.0, 100.0, 100.0, 20.0, 40.0], (8400, 0): [100.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 90.0], (4200, 1200): [30.0, 30.0, 40.0, 20.0, 30.0, 20.0, 30.0, 10.0, 0.0, 60.0, 10.0, 20.0, 10.0, 30.0, 40.0, 10.0, 10.0, 20.0, 40.0, -1.0, 10.0, 0.0, 30.0, -1.0, 20.0, 0.0, 20.0, 0.0, 10.0, 70.0, 40.0, 40.0, 50.0, 0.0, 10.0, 30.0, 0.0, 10.0, 20.0, 10.0], (5400, 1800): [70.0, 20.0, 40.0, 60.0, 20.0, 30.0, 10.0, 50.0, 10.0, 40.0, 0.0, 0.0, 60.0, 50.0, 30.0, 40.0, 0.0, 0.0, 50.0, 30.0, 40.0, 20.0, 0.0, 10.0, 40.0, 10.0, 10.0, 20.0, 10.0, 20.0, 100.0, 40.0, 40.0, 20.0, 10.0, 10.0, 100.0, 50.0, 60.0, 80.0, 60.0, 10.0, 40.0, 10.0, 30.0, 0.0], (7800, 4200): [90.0, 40.0, 100.0, 100.0, 70.0, 20.0, 60.0, 80.0, 100.0, 0.0, 0.0, 40.0, 100.0, 20.0, 100.0, 80.0, 100.0, 70.0, 70.0, 90.0, 90.0, 30.0, 100.0, 80.0, 10.0, 0.0, 80.0, 30.0, 50.0, 100.0, 20.0, 90.0, 0.0, 0.0, 40.0, 70.0, 100.0, 0.0, 100.0, 10.0, 70.0, 100.0, 100.0, 100.0, 30.0, 40.0, 100.0, 0.0, 20.0, 60.0, 50.0, 100.0, 0.0, 100.0, 100.0, 50.0, 30.0, 80.0, 40.0, 10.0, 50.0, 20.0, 70.0, 80.0, 90.0, 20.0, 10.0, 30.0, 50.0, 0.0, 100.0, 10.0, 60.0, 0.0, 20.0, 20.0, 20.0, 50.0, 100.0, 0.0, 20.0, 50.0, 70.0, 0.0, 50.0, 100.0, 30.0, 100.0, 10.0, 70.0, 20.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 20.0], (5400, 0): [10.0, 40.0, 30.0, 20.0, 10.0, 40.0, 30.0, 30.0, 50.0, 10.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 30.0, 20.0, 30.0, 40.0, 40.0, 30.0, 30.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 40.0, 20.0, 30.0], (7200, 4800): [50.0, 10.0, 30.0, 50.0, 100.0, 0.0, 50.0, 50.0, 0.0, 100.0, 30.0, 50.0, 10.0, 10.0, 80.0, 100.0, 0.0, 30.0, 10.0, 100.0, 30.0, 10.0, 20.0, 30.0, 100.0, 60.0, 0.0, 50.0, 60.0, 100.0, 0.0, 100.0, 100.0, 70.0, 100.0, 0.0, 0.0, 80.0, 20.0, 100.0, 100.0, 20.0, 70.0, 0.0, 90.0, 100.0, 0.0, 100.0, 30.0, 0.0, 90.0, 100.0, 0.0, 10.0, 0.0, 100.0, 20.0, 20.0, 30.0, 100.0, 30.0, 10.0, 100.0, 0.0, 40.0, 20.0, 20.0, 10.0, 70.0, 0.0, 90.0, 0.0, 0.0, 10.0, 0.0, 0.0, 100.0, 100.0, 10.0, 90.0, 100.0, 30.0, 0.0, 100.0, 0.0, 0.0, 50.0, 100.0, 0.0, 20.0, 20.0, 100.0, 100.0, 70.0, 90.0, 10.0, 100.0, 10.0, 100.0, 0.0, 100.0, 0.0, 0.0], (6000, 4200): [60.0, 60.0, 0.0, 20.0, 30.0, 10.0, 40.0, 20.0, 100.0, 70.0, 10.0, 90.0, 100.0, 0.0, 0.0, 80.0, 0.0, 40.0, 60.0, 40.0, 10.0, 10.0, 60.0, 0.0, 30.0, 100.0, 30.0, 0.0, 80.0, 100.0, 50.0, 0.0, 40.0, 100.0, 70.0, 80.0, 100.0, 100.0, 20.0, 70.0, 0.0, 60.0, 0.0, 40.0, 20.0, 100.0, 20.0, 90.0, 60.0, 0.0, 10.0, 0.0, 100.0, 10.0, 100.0, 30.0, 70.0, 0.0, 20.0, 0.0, 40.0, 60.0, 40.0, 0.0, 0.0, 10.0, 70.0, 0.0, 100.0, 0.0, 50.0, 0.0, 60.0, 20.0, 0.0, 70.0, 10.0, 80.0, 20.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 10.0, 80.0, 20.0, 100.0, 60.0, 60.0, 90.0, 60.0, 0.0, 100.0, 0.0, 0.0, 0.0, 80.0, 100.0, 70.0, 40.0, 20.0, 0.0, 60.0, 60.0, 20.0, 100.0, 50.0, 100.0, 60.0, 30.0, 10.0, 50.0, 90.0, -1.0, 0.0, 10.0, 100.0, 90.0, 50.0, 80.0, 80.0, 0.0, 30.0, 40.0, 40.0, 40.0, 100.0, 0.0, 0.0, 50.0, 10.0, 60.0, 70.0, 10.0, 20.0, 10.0, 30.0, 20.0, 0.0, 100.0, 30.0, 100.0, 30.0, 30.0, 30.0, 20.0, 70.0, 0.0, 30.0, 20.0, 90.0, 20.0, 100.0, 60.0, 40.0, 100.0, 100.0, 80.0, 0.0, 80.0, 40.0, 0.0, 0.0, 0.0, 10.0, 100.0, 20.0, 70.0, 0.0, 40.0, 0.0, 40.0, 0.0], (7200, 3600): [0.0, 100.0, 90.0, 10.0, 80.0, 70.0, 10.0, 100.0, 10.0, 100.0, 30.0, 100.0, 60.0, 100.0, 100.0, 0.0, 0.0, 50.0, 100.0, 100.0, 0.0, 20.0, 50.0, 0.0, 60.0, 20.0, 100.0, 20.0, 70.0, 20.0, 90.0, 0.0, 40.0, 0.0, 0.0, 100.0, 0.0, 70.0, 30.0, 100.0, 0.0, 20.0, 50.0, 100.0, 0.0, 100.0, 20.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 30.0, 100.0, 0.0, 60.0, 0.0, 80.0, 30.0, 100.0, 100.0, 100.0, 30.0, 70.0, 0.0, 0.0, 100.0, 0.0, 50.0, 90.0, 100.0, 30.0, 0.0, 90.0, 90.0, 70.0, 70.0, 100.0], (3000, 2400): [-1.0, 20.0, 30.0, -1.0, 50.0, 30.0, 60.0, -1.0, 50.0, 40.0, 20.0, 80.0, 80.0, 70.0, 20.0, 50.0, 40.0, 60.0, 60.0, 50.0, 10.0, 40.0, 50.0, 50.0, 30.0, 60.0, 40.0, 30.0, 40.0, 30.0, 40.0, 20.0, 80.0, 40.0, 20.0, 100.0, 30.0, 30.0, 40.0, 70.0, 20.0, 50.0, 30.0, 30.0, 100.0, 30.0, 50.0, 20.0, 50.0, 30.0, 40.0, -1.0, 10.0, 90.0, 30.0, 60.0, 40.0, 50.0], (7800, 4800): [20.0, 30.0, 20.0, 100.0, 100.0, 70.0, 100.0, 100.0, 50.0, 40.0, 100.0, 100.0, 10.0, 90.0, 10.0, 20.0, 60.0, 100.0, 30.0, 20.0, 90.0, 100.0, 70.0, 70.0, 70.0, 100.0, 30.0, 80.0, 10.0, 0.0, 0.0, 50.0, 0.0, 10.0, 10.0, 50.0, 90.0, 100.0, 30.0, 20.0, 100.0, 0.0, 10.0, 100.0, 90.0, 50.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 0.0, 100.0, 60.0, 10.0, 30.0, 10.0, 30.0, 0.0, 60.0, 80.0, 20.0, 90.0, 100.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 30.0, 100.0, 100.0, 100.0, 30.0, 10.0, 20.0, 100.0, 100.0, 0.0, 10.0, 60.0, 0.0, 70.0, 80.0, 30.0, 80.0, 100.0, 100.0, 60.0, 100.0, 0.0, 0.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 30.0, 20.0, 100.0, 50.0, 10.0, 0.0, 30.0, 100.0, 10.0, 100.0, 100.0, 0.0, 50.0, 0.0, 100.0, 90.0, 80.0, 70.0, 60.0, 10.0, 40.0, 50.0, 60.0, 0.0, 50.0, 20.0, 50.0, 70.0, 100.0, 100.0, 100.0, 20.0, 10.0], (6600, 1800): [30.0, 100.0, 60.0, 30.0, 0.0, 80.0, 100.0, 10.0, 100.0, 0.0, 20.0, 10.0, 100.0, 60.0, 70.0, 20.0, 70.0, 100.0, 40.0, 60.0, 10.0, 70.0, 80.0, 70.0, 0.0, 80.0, 80.0, 80.0, 50.0, 0.0, 90.0], (7200, 2400): [90.0, 70.0, 30.0, 90.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 100.0, 70.0, 90.0, 80.0, 10.0, 100.0, 90.0, 70.0, 10.0, 100.0, 0.0, 90.0, 60.0, 0.0, 100.0, 100.0, 80.0, 80.0, 80.0, 50.0, 20.0, 100.0, 30.0, 90.0, 100.0, 70.0, 80.0, 100.0, 100.0, 40.0, 100.0, 60.0, 30.0, 0.0, 100.0], (6000, 1800): [0.0, 80.0, 70.0, 50.0, 100.0, 30.0, 30.0, 50.0, 30.0, 60.0, 50.0, 40.0, 50.0, 10.0, 60.0, 50.0, 60.0, 10.0, 30.0, 10.0, 0.0, 40.0, 30.0, 50.0, 60.0, 50.0, 70.0, 50.0, 80.0, 50.0, 20.0, 100.0, 70.0, 60.0, 30.0, 60.0, 40.0, 70.0, 10.0, 40.0], (3600, 1800): [30.0, 40.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 20.0, 30.0, 80.0, 10.0, 100.0, 60.0, 30.0, 90.0, 30.0, 40.0, 20.0, 30.0, 20.0, 10.0, 40.0, 40.0, 30.0, -1.0, 40.0, 30.0, 40.0, 30.0, 20.0, 40.0, 20.0, 40.0, 40.0, 30.0, 40.0, -1.0, 70.0, 30.0, 60.0, 30.0, 10.0, 90.0, 30.0, 20.0, 20.0, 30.0, 10.0, 10.0, 40.0, 40.0, 60.0, 80.0, 30.0, 60.0, 30.0, 30.0, -1.0, 40.0, 20.0, 80.0, 30.0, 70.0, 10.0, 50.0, 50.0, 50.0, -1.0, 40.0, 10.0, 10.0, 20.0, 50.0, 30.0, 30.0, 40.0, 60.0, 20.0, 40.0, 10.0, 10.0, 40.0], (4800, 3000): [40.0, 90.0, 100.0, 60.0, 40.0, 60.0, 0.0, 20.0, 100.0, 60.0, 70.0, 0.0, 0.0, 10.0, 0.0, 0.0, 30.0, 30.0, 20.0, 40.0, 60.0, 90.0, 10.0, 0.0, 40.0, 90.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 10.0, 40.0, 0.0, 0.0, 40.0, 20.0, 0.0, 30.0, 0.0, 0.0, 20.0, 10.0, 20.0, 50.0, 20.0, 20.0, 80.0, 70.0, 0.0, 30.0, 90.0, 40.0, 0.0, 0.0, 10.0, 50.0, 60.0, 10.0, 30.0, 0.0, 10.0, 20.0, 20.0, 100.0, 10.0, 0.0, 20.0, 0.0, 20.0, 10.0, 30.0, 50.0, 0.0, 20.0, 20.0, 10.0, 0.0, 20.0, 20.0, 100.0, 10.0, 40.0, 80.0, 30.0, 10.0, 80.0, 20.0, 0.0, 40.0, 10.0, 0.0, 40.0, 50.0, 50.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 0.0, 0.0, 10.0, 60.0, 20.0, 30.0, 90.0, 0.0, 70.0, 0.0, 0.0, 20.0, 10.0, 30.0, 10.0, 30.0, 100.0, 30.0, 10.0, 10.0, 30.0, 70.0, 80.0, 0.0, 0.0, 60.0, 10.0, 0.0, 0.0, 20.0, 0.0, 20.0, 70.0, 10.0, 0.0, 60.0, 10.0, 20.0, 40.0, 0.0, 50.0, 60.0, 30.0, 0.0, 40.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 80.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 100.0, 30.0, 0.0, 40.0, 30.0, 0.0, 30.0, 10.0, 30.0, 60.0, 0.0, 10.0, 0.0, 0.0, 20.0, 0.0, 60.0, 0.0, 0.0, 70.0, 20.0, 50.0, 50.0, 0.0, 100.0, 20.0, 40.0, 0.0, 30.0, 30.0, 30.0, 0.0, 10.0, 0.0, 20.0, 0.0], (7800, 3000): [30.0, 50.0, 0.0, 20.0, 40.0, 40.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 40.0, 30.0, 30.0, 70.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 10.0, 60.0, 80.0, 30.0, 60.0, 100.0, 20.0, 0.0, 100.0, 70.0, 20.0, 30.0, 100.0, 80.0, 60.0, 0.0, 60.0, 10.0, 100.0, 0.0, 100.0, 100.0, 40.0, 40.0, 60.0, 40.0], (7200, 1800): [50.0, 90.0, 10.0, 100.0, 30.0, 60.0, 100.0, 100.0, 30.0, 80.0, 100.0, 70.0, 100.0, 10.0, 10.0, 10.0, 30.0, 10.0, 20.0, 10.0, 20.0, 100.0, 50.0, 60.0, 80.0, 70.0, 100.0, 0.0, 30.0, 90.0, 30.0, 100.0, 100.0], (7800, 2400): [100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 80.0, 70.0, 60.0, 100.0, 90.0, 50.0, 60.0, 100.0, 70.0, 100.0, 80.0, 50.0, 100.0, 100.0, 80.0, 100.0, 20.0, 100.0, 30.0, 100.0, 90.0, 50.0, 100.0, 40.0, 20.0], (7200, 0): [80.0, 50.0, 60.0, 90.0, 70.0, 70.0, 70.0, 70.0, 80.0, 70.0, 80.0, 50.0, 70.0, 70.0, 70.0, 90.0, 70.0, 70.0, 70.0, 70.0, 70.0, 60.0, 70.0, 70.0, 80.0, 70.0, 70.0, 60.0, 70.0, 60.0, 70.0, 60.0, 70.0, 70.0, 80.0, 70.0], (4200, 600): [30.0, 20.0, 0.0, 20.0, 10.0, 0.0, 10.0, 40.0, 10.0, 30.0, 0.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 30.0, 10.0, 0.0, 10.0, 20.0, 30.0, 10.0, 30.0, 10.0, 20.0, 20.0, 10.0, -1.0, 10.0, 30.0, 10.0, 10.0], (6000, 600): [40.0, 30.0, 20.0, 20.0, 80.0, 10.0, 40.0, 30.0, 40.0, 10.0, 50.0, 40.0, 10.0, 40.0, 20.0, 70.0, 50.0, 40.0, 90.0, 70.0, 40.0, 20.0, 40.0, 60.0, 40.0, 70.0, 40.0, 80.0, 30.0, 40.0], (7200, 3000): [20.0, 40.0, 10.0, 30.0, 100.0, 10.0, 10.0, 100.0, 30.0, 10.0, 0.0, 50.0, 100.0, 90.0, 10.0, 10.0, 100.0, 70.0, 0.0, 100.0, 10.0, 60.0, 100.0, 100.0, 100.0, 50.0, 40.0, 20.0, 70.0, 0.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 80.0, 0.0, 10.0, 60.0, 70.0, 100.0, 60.0, 0.0, 60.0, 50.0, 70.0, 100.0, 70.0, 100.0, 100.0, 30.0, 80.0, 100.0, 60.0, 100.0, 10.0, 60.0, 100.0, 0.0], (1800, 1800): [70.0, 60.0, 60.0], (7800, 600): [70.0, 100.0, 60.0, 70.0, 80.0, 80.0, 80.0, 90.0, 100.0, 80.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 70.0, 60.0, 80.0, 90.0, 30.0, 100.0, 80.0, 80.0, 80.0, 80.0, 80.0, 60.0, 90.0, 70.0, 80.0, 100.0, 100.0, 100.0, 70.0, 60.0, 70.0], (5400, 3000): [20.0, 10.0, 50.0, 40.0, 20.0, 0.0, 50.0, 0.0, 10.0, 0.0, 0.0, 20.0, 10.0, 10.0, 0.0, 40.0, 80.0, 20.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 50.0, 0.0, 0.0, 0.0, 0.0, 30.0, 50.0, 80.0, 40.0, 20.0, 0.0, 10.0, 60.0, 90.0, 0.0, 100.0, 70.0, 30.0, 30.0, 100.0, 50.0, 0.0, 0.0, 30.0, 0.0, 90.0, 10.0, 0.0, 0.0, 70.0, 50.0, 50.0, 90.0, 0.0, 10.0, 0.0, 90.0, 10.0, 0.0, 60.0, 10.0, 20.0, 80.0, 70.0, 0.0, 10.0, 50.0, 80.0, 20.0, 0.0, 20.0, 0.0, 80.0, 0.0, 90.0, 50.0, 50.0, 20.0, 60.0, 0.0, 20.0, 0.0, 70.0, 0.0, 0.0, 0.0, 10.0, 0.0, 20.0, 100.0, 100.0, 0.0, 30.0, 90.0, 40.0, 10.0, 10.0, 40.0, 30.0, 0.0, 100.0, 10.0, 30.0, 0.0, 10.0, 60.0, 30.0, 10.0, 10.0], (1200, 600): [40.0, -1.0, 30.0, 40.0, -1.0, 20.0, 20.0, 40.0, 10.0, 40.0, 50.0, 50.0, 30.0, 40.0, 50.0, 20.0, 20.0, 60.0, 90.0, 80.0, 40.0, 60.0, -1.0, 60.0, 30.0, 50.0, 60.0, 60.0, -1.0, -1.0, 30.0, 40.0, 30.0, 60.0, 20.0, 40.0, 30.0, 80.0, 40.0, 30.0, 70.0, 70.0, 40.0, 40.0, 10.0, 50.0, 90.0, 10.0, 10.0, 40.0, 70.0, 30.0, 40.0, 40.0, 70.0, 80.0, 40.0, -1.0, 40.0, 60.0, 10.0, 20.0, 40.0, 20.0, 20.0, 40.0, 40.0, 40.0, 30.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 50.0, 30.0, 50.0, 40.0, 70.0, 30.0, 70.0, 40.0, 40.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 40.0, 40.0, 50.0, 10.0, 30.0, 20.0, 40.0, -1.0, 40.0, 50.0, 60.0, 60.0, 20.0, 50.0, 10.0, 60.0, 60.0, 20.0, -1.0, 50.0, 10.0, 60.0, 40.0, 40.0, 30.0, 50.0, 70.0, 60.0, 20.0, 40.0, 30.0, 20.0], (1800, 600): [50.0, 10.0, 10.0, -1.0, 20.0, -1.0, 20.0, 0.0, 30.0, 30.0, 10.0, 20.0, 20.0, 20.0, 20.0, 30.0, 50.0, 10.0, 90.0, 10.0, 30.0, 20.0, 30.0, 40.0, 20.0, 10.0, 30.0, 10.0, 60.0, 40.0, 40.0, 10.0, 40.0, 20.0, 10.0, 50.0, 20.0, 40.0, -1.0, 40.0, 20.0, 40.0, 10.0, 40.0, 0.0, 20.0, 30.0, 30.0, 40.0, 20.0, 20.0, 30.0, 40.0, 20.0, 30.0, -1.0, 20.0, 20.0, 40.0, 10.0, 10.0], (6000, 1200): [30.0, 30.0, 50.0, 60.0, 60.0, 30.0, 10.0, 40.0, 20.0, 40.0, 50.0, 70.0, 60.0, 90.0, 0.0, 30.0, 10.0, 40.0, 30.0, 30.0, 60.0, 50.0, 40.0, 60.0, 100.0, 20.0, 40.0, 30.0, 40.0, 30.0, 30.0, 80.0, 70.0, 10.0], (4200, 2400): [20.0, 40.0, 20.0, 0.0, 50.0, 10.0, 30.0, 10.0, 0.0, 40.0, 10.0, 10.0, 30.0, 20.0, 10.0, 0.0, 30.0, 50.0, 80.0, 0.0, 60.0, 30.0, 30.0, 0.0, 0.0, 40.0, 20.0, 10.0, 20.0, 0.0, 40.0, 60.0, 10.0, 20.0, 40.0, 50.0, 40.0, 0.0, 0.0, 30.0, 100.0, 50.0, 20.0, 10.0, 20.0, 10.0, 0.0, 80.0, 40.0, 10.0, 30.0, 10.0, 20.0, 20.0, 0.0, 60.0, 60.0, 0.0, 100.0, 0.0, 0.0, 50.0, 100.0, 70.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 20.0, 30.0, 20.0, 100.0, 80.0, 0.0, 10.0, 10.0, 20.0, 80.0, 20.0, 10.0, 50.0, 10.0, 60.0, 80.0, 0.0, 0.0, 20.0, 0.0, 40.0, 0.0, 20.0, 20.0, 50.0, 50.0, 50.0, 20.0, 30.0, 10.0, 30.0, 60.0, 10.0, 30.0, 50.0, 30.0, 30.0, 40.0, 0.0, 20.0, 20.0, 20.0, 40.0, 0.0, 30.0, 0.0, 0.0, 80.0, 20.0, 50.0, 20.0, 40.0, 0.0, 100.0, 30.0, 100.0, 0.0, 40.0, 30.0, 30.0, 30.0, 20.0, 20.0], (2400, 2400): [40.0], (7200, 1200): [80.0, 40.0, 90.0, 60.0, 90.0, 70.0, 100.0, 80.0, 90.0, 60.0, 100.0, 100.0, 40.0, 60.0, 70.0, 40.0, 40.0, 70.0, 70.0, 90.0, 20.0, 80.0, 20.0, 50.0, 90.0, 80.0, 90.0, 90.0, 80.0], (6000, 3000): [70.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 20.0, 50.0, 100.0, 0.0, 20.0, 40.0, 0.0, 60.0, 10.0, 10.0, 30.0, 30.0, 0.0, 0.0, 10.0, 10.0, 90.0, 90.0, 10.0, 0.0, 40.0, 100.0, 0.0, 0.0, 60.0, 40.0, 0.0, 80.0, 20.0, 40.0, 80.0, 100.0, 10.0, 10.0, 0.0, 40.0, 30.0, 20.0, 30.0, 10.0, 0.0, 90.0, 40.0, 80.0, 60.0, 80.0, 40.0, 30.0, 0.0, 100.0, 70.0, 90.0, 0.0, 40.0, 40.0, 100.0, 0.0, 30.0, 10.0, 30.0, 30.0, 0.0, 20.0, 10.0, 10.0, 100.0, 0.0, 90.0, 80.0, 0.0, 70.0, 10.0, 0.0, 30.0, 10.0, 90.0, 0.0, 0.0, 10.0, 100.0, 0.0, 100.0, 0.0, 100.0, 0.0, 60.0], (3000, 1800): [50.0, 60.0, 40.0, 40.0, 60.0, 90.0, 30.0, 60.0, 20.0, 30.0, 30.0, 20.0, 90.0, 50.0, 80.0, 10.0, 50.0, 30.0, 20.0, 20.0, 20.0, 30.0, 40.0, 40.0, 20.0, 30.0, 30.0, 50.0, 40.0, 80.0, 90.0, 70.0, 90.0, 40.0, 40.0, 40.0, 40.0, 50.0, 40.0, 30.0, 30.0, 30.0, 20.0, -1.0, 40.0, -1.0, 20.0, -1.0, 50.0, 40.0, 30.0, 30.0, 10.0, 40.0, 30.0, 30.0, 30.0, 20.0, 50.0, -1.0, 50.0, 50.0, 30.0, 90.0, 40.0, 60.0, 60.0, 60.0, 40.0, 30.0, 100.0, 40.0, 30.0, 40.0, 40.0, 50.0, 30.0, 40.0, 80.0, 60.0, 40.0, 40.0, 70.0, 50.0, 60.0, 20.0, 60.0, 30.0, 100.0, 30.0, 30.0, 30.0, 40.0, 60.0, 30.0, 60.0, 90.0, 60.0, 50.0, 30.0, 60.0, 40.0, 90.0, 40.0, 20.0, 40.0, 70.0, 60.0, 60.0, 70.0, 20.0, 20.0, 20.0, 30.0, 20.0, 40.0, 80.0, 40.0, 70.0, 50.0, 90.0, 30.0, 30.0, 40.0, 30.0, 50.0, 80.0, 50.0, 40.0, 30.0, 50.0, -1.0, 60.0, 0.0, 60.0, 30.0, 40.0, 50.0, -1.0, 30.0, -1.0, 30.0, 40.0, 20.0, 20.0, 40.0, 40.0, 30.0, 70.0, 60.0, -1.0, 50.0, 20.0, 50.0, 40.0, 50.0, 10.0, 30.0, 30.0, 30.0, 20.0, -1.0, 30.0, 90.0, 40.0, 60.0, 40.0, -1.0, 40.0, 20.0, 40.0, 80.0, 50.0, 60.0, 30.0, 40.0, 70.0, 40.0, 90.0, 20.0, 30.0, 10.0], (600, 600): [40.0, 60.0, 70.0, 30.0, 50.0, 30.0, 50.0, 40.0, 30.0, 70.0, 10.0, 40.0, -1.0, 40.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 20.0, 50.0, 20.0, 20.0, 40.0, -1.0, 40.0, 50.0, 40.0, 70.0, 40.0, 20.0, 50.0, 10.0, 30.0], (3000, 1200): [20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 20.0, -1.0, 20.0, 40.0, 60.0, -1.0, 20.0, 40.0, 20.0, 50.0, 40.0, 50.0, 40.0, 40.0, 30.0, 30.0, 30.0, 10.0, 20.0, 20.0, -1.0, 20.0, 20.0, 20.0, 40.0, 10.0, 40.0, -1.0, 40.0, 30.0, 70.0, 40.0, 40.0, -1.0, 20.0, 0.0, 20.0, 30.0, 90.0, 60.0, 40.0, 10.0, 40.0, 20.0, 30.0, 40.0], (8400, 2400): [100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 0.0, 100.0, 100.0, 100.0, 80.0, 30.0, 100.0, 100.0, 70.0, 10.0, 60.0, 100.0, 100.0, 0.0, 100.0, 60.0, 30.0, 100.0, 10.0, 100.0, 90.0], (5400, 2400): [30.0, 100.0, 0.0, 30.0, 70.0, 0.0, 30.0, 0.0, 40.0, 20.0, 10.0, 20.0, 0.0, 50.0, 30.0, 20.0, 40.0, 70.0, 0.0, 30.0, 10.0, 30.0, 20.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, 30.0, 20.0, -1.0, 60.0, 30.0, 30.0, 80.0, 20.0, 20.0, 60.0, 30.0, 70.0, 10.0, 0.0, 0.0, 50.0, 30.0, 60.0, 40.0, 20.0, 0.0, 50.0, 10.0, 0.0, -1.0, 50.0, 70.0, 50.0, 0.0, 60.0, 0.0, 60.0, 10.0, 20.0, 0.0], (5400, 3600): [0.0, 0.0, 20.0, 10.0, 50.0, 50.0, 20.0, 50.0, 100.0, 0.0, 20.0, 60.0, 10.0, 10.0, 30.0, 0.0, 70.0, 40.0, 0.0, 0.0, 60.0, 0.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 0.0, 0.0, 30.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 0.0, 80.0, 90.0, 0.0, 0.0, 40.0, 10.0, 30.0, 100.0, 20.0, 90.0, 80.0, 60.0, 50.0, 10.0, 20.0, 40.0, 0.0, 100.0, 0.0, 0.0, 10.0, 90.0, 10.0, 10.0, 80.0, 40.0, 20.0, 0.0, 10.0, 20.0, 0.0, 90.0, 30.0, 0.0, 50.0, 0.0, 0.0, 60.0, 20.0, 0.0, 30.0, 80.0, 0.0, 70.0, 30.0, 0.0, 30.0, 90.0, 0.0, 0.0, 0.0, 10.0, 100.0, 30.0, 60.0, 60.0, 100.0, 80.0, 50.0, 0.0, 40.0, 90.0, 10.0, 0.0, 80.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 60.0, 0.0, 100.0, 60.0, 30.0, 70.0, 20.0, 0.0, 40.0, 100.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 0.0, 10.0, 10.0, 30.0, 0.0, 60.0, 0.0, 80.0, 0.0, 0.0, 30.0, 30.0, 0.0, 50.0, 20.0, 80.0, 0.0, 90.0, 70.0, 0.0, 20.0, 50.0, 30.0, 10.0, 0.0, 10.0, 80.0, 0.0, 20.0, 0.0, 0.0, 0.0, 10.0, 20.0, 20.0, 70.0, 20.0, 0.0, 70.0, 60.0, 0.0, 0.0, 90.0, 0.0, 70.0, 20.0, 40.0, 0.0, 0.0, 40.0, 0.0, 10.0, 20.0, 20.0, 20.0, 0.0, 100.0, 50.0, 60.0, 0.0, 100.0, 50.0, 0.0, 0.0, 100.0, 30.0, 100.0, 20.0, 50.0, 50.0, 50.0, 50.0, 0.0, 70.0, 50.0, 0.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 40.0, 60.0, 20.0, 10.0, 0.0, 40.0, 100.0, 30.0, 50.0, 0.0, 0.0, 100.0, 0.0, 60.0], (5400, 1200): [70.0, 30.0, 10.0, 60.0, 20.0, 30.0, 30.0, 30.0, 40.0, 10.0, 50.0, 10.0, 0.0, 40.0, 30.0, 10.0, 60.0, 40.0, 30.0, 40.0, 100.0, 60.0, 70.0, 60.0, 30.0, 30.0, 0.0, 40.0, 20.0, 30.0, 20.0, 50.0, 30.0, 10.0], (4800, 3600): [20.0, 30.0, 0.0, 80.0, 10.0, 0.0, 20.0, 40.0, 0.0, 10.0, 0.0, 20.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 10.0, 0.0, 20.0, 0.0, 0.0, 20.0, 100.0, 20.0, 20.0, 10.0, 50.0, 60.0, 0.0, 10.0, 20.0, 10.0, 100.0, 100.0, 10.0, 80.0, 10.0, 0.0, 40.0, 70.0, 0.0, 10.0, 0.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 30.0, 0.0, 0.0, 100.0, 80.0, 0.0, 0.0, 10.0, 10.0, 70.0, 0.0, 30.0, 0.0, 100.0, 0.0, 10.0, 60.0, 0.0, 70.0, 0.0, 60.0, 40.0, 10.0, 10.0, 0.0, 0.0, 0.0, 0.0, 40.0, 10.0, 20.0, -1.0, 40.0, 0.0, 0.0, 40.0, 60.0, 70.0, 10.0, 10.0, 20.0, 0.0, 30.0, 40.0, 20.0, 70.0, 10.0, 10.0], (2400, 1800): [40.0, 40.0, 50.0, 40.0, 50.0, -1.0, 20.0, 80.0, 30.0, 30.0, 50.0, 70.0, 40.0, 40.0, 50.0, 40.0, 40.0, 20.0, 100.0, 20.0, -1.0, 20.0, 80.0, 70.0, 50.0, 30.0, 70.0, 50.0, 60.0, 60.0, 60.0, 40.0, 50.0, 80.0, 60.0, 50.0, 30.0, -1.0, 60.0, 80.0, 60.0, 40.0, 20.0, 20.0, 80.0, 80.0, 60.0, 50.0, 30.0, 10.0, 40.0, 30.0, 20.0, 30.0, 50.0, 40.0, 50.0, 0.0, 30.0, -1.0, 90.0, 30.0, 80.0, 30.0, 50.0, 30.0, 80.0, 40.0, 40.0, 30.0, 50.0, 60.0, 60.0, 60.0, 80.0, 10.0, 60.0, 50.0, 40.0, 30.0, 40.0, 50.0, 70.0, 30.0, 50.0, 50.0, 40.0, 10.0, -1.0, 40.0, 20.0, 50.0, 100.0, 50.0, 20.0, 40.0, 60.0, 30.0, 60.0, 70.0, 60.0, 20.0, 20.0, 70.0, 30.0, 40.0, 30.0, 40.0, 100.0, 100.0, 40.0, -1.0, 100.0, 50.0, 70.0, 30.0, 40.0, 50.0, 40.0], (6000, 0): [40.0, 40.0, 50.0, 50.0, 30.0, 60.0, 40.0, 20.0, 50.0, 30.0, 40.0, 50.0, 30.0, 40.0, 50.0, 50.0, 40.0, 30.0, 40.0, 50.0, 50.0, 40.0, 50.0, 60.0, 30.0, 60.0, 50.0, 40.0, 60.0, 60.0, 40.0, 20.0, 50.0, 40.0, 40.0, 50.0, 40.0, 40.0], (1200, 1200): [50.0, 50.0, 70.0, 30.0, 30.0, 30.0], (6000, 2400): [40.0, 20.0, 20.0, 20.0, 0.0, 40.0, 60.0, 0.0, 50.0, 100.0, 90.0, 90.0, 80.0, -1.0, 50.0, 80.0, 70.0, 60.0, 40.0, 90.0, 70.0, 70.0, 10.0, 50.0, 100.0, 10.0, 40.0, 30.0, 0.0, 0.0, 20.0, 30.0, 10.0, 20.0, 70.0, 100.0, 10.0, 90.0, 0.0, 70.0, 0.0, 70.0, 100.0, 20.0, 100.0, 100.0, 10.0, 10.0, 70.0, 0.0, 100.0, 10.0, 60.0, 10.0, 100.0, 20.0, 0.0, 100.0], (5400, 600): [80.0, 10.0, 10.0, 40.0, 30.0, 30.0, 40.0, 60.0, 40.0, 40.0, 20.0, 50.0, 50.0, 10.0, 20.0, 30.0, 0.0, 50.0, 60.0, 30.0, 40.0, 20.0, 30.0, 0.0, 50.0, 60.0, 20.0, 20.0, 10.0, 20.0, 20.0], (6000, 4800): [0.0, 50.0, 0.0, 10.0, 100.0, 0.0, 40.0, 10.0, 10.0, 50.0, 60.0, 70.0, 40.0, 10.0], (7200, 4200): [40.0, 100.0, 40.0, 20.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 10.0, 10.0, 70.0, 0.0, 70.0, 50.0, 0.0, 100.0, 0.0, 0.0, 80.0, 40.0, 100.0, 80.0, 40.0, 0.0, 0.0, 100.0, 80.0, 30.0, 0.0, 20.0, 100.0, 20.0, 100.0, 70.0, 70.0, 30.0, 10.0, 0.0, 100.0, 100.0, 100.0, 10.0, 80.0, 50.0, 40.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 30.0, 100.0, 100.0, 10.0, 30.0, 100.0, 50.0, 80.0, 40.0, 100.0, 100.0, 100.0, 30.0, 100.0, 10.0, 10.0, 80.0, 90.0, 0.0, 100.0, 50.0, 30.0, 40.0, 100.0, 100.0, 0.0, 100.0, 0.0, 60.0, 50.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 0.0, 70.0, 40.0, 100.0, 100.0, 0.0, 0.0, 10.0, 100.0, 20.0, 0.0, 0.0, 20.0, 40.0, 10.0, 10.0, 60.0, 0.0, 0.0, 40.0, 50.0, 20.0, 50.0], (3600, 3000): [-1.0, 80.0, 20.0, 50.0, 20.0, 70.0, 30.0, 30.0, 60.0, 50.0, 50.0, 30.0, 80.0, 40.0, 40.0, 20.0, -1.0, 50.0, 60.0, 50.0, 10.0, 40.0], (6600, 0): [60.0, 50.0, 60.0, 60.0, 60.0, 30.0, 50.0, 60.0, 60.0, 50.0, 50.0, 60.0, 50.0, 50.0, 40.0, 60.0, 50.0, 60.0, 60.0, 60.0, 60.0, 40.0, 60.0, 50.0, 60.0, 60.0, 70.0, 60.0, 60.0, 60.0, 50.0, 60.0, 60.0, 70.0, 60.0, 60.0, 70.0, 50.0, 60.0, 80.0], (4800, 0): [0.0, 10.0, 20.0, 10.0, 10.0, 10.0, 20.0, 0.0, 0.0, 20.0, 10.0, 10.0, 20.0, 30.0, 20.0, 10.0, 10.0, 30.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 20.0, 30.0, 10.0, 10.0, 20.0, 10.0, 10.0], (7200, 5400): [0.0, 100.0, 10.0, 100.0, 50.0, 100.0], (6600, 4800): [90.0, 10.0, 70.0, 30.0, 50.0, 0.0, 50.0, 0.0, 100.0, 90.0, 90.0, 50.0, 60.0, 30.0, 20.0, 0.0, 0.0, 60.0, 50.0, 0.0, 10.0, 90.0, 90.0, 30.0, 100.0, 10.0, 50.0, 50.0, 0.0, 0.0, 50.0, 100.0, 90.0, 20.0, 100.0, 100.0, 40.0, 30.0, 0.0, 20.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, 30.0, 70.0, 10.0, 20.0, 100.0, 100.0, 100.0, 100.0, 50.0], (6600, 4200): [10.0, 100.0, 100.0, 100.0, 90.0, 100.0, 0.0, 40.0, 80.0, 10.0, 20.0, 70.0, 0.0, 100.0, 10.0, 0.0, 20.0, 50.0, 40.0, 40.0, 70.0, 0.0, 50.0, 0.0, 0.0, 100.0, 80.0, 40.0, 10.0, 20.0, 0.0, 10.0, 100.0, 70.0, 10.0, 0.0, 10.0, 50.0, 0.0, 0.0, 0.0, 100.0, 0.0, 20.0, 0.0, 80.0, 0.0, 100.0, 0.0, 60.0, 10.0, 100.0, 0.0, 0.0, 90.0, 100.0, 30.0, 80.0, 10.0, 10.0, 90.0, 100.0, 40.0, 70.0, 0.0, 70.0, 0.0, 100.0, 50.0, 10.0, 10.0, 60.0, 100.0, 0.0, 90.0, 50.0, 90.0, 0.0, 100.0, 70.0, 20.0, 20.0, 100.0, 100.0, 70.0, 10.0, 100.0, 0.0, 0.0, 0.0, 60.0, 80.0, 60.0, 40.0, 30.0, 0.0, 100.0, 0.0, 0.0, 50.0, 0.0, 40.0, 70.0, 80.0, 40.0, 40.0, 0.0, 100.0, 100.0, 80.0, 100.0, 60.0, 30.0, 10.0, 10.0, 0.0, 30.0, 20.0, 0.0, 20.0, 60.0, 10.0, 90.0, 40.0, 30.0, 50.0, 60.0, 0.0, 100.0, 50.0, 10.0, 0.0, 20.0, 40.0, 20.0, 0.0, 100.0, 40.0, 0.0, 0.0, 10.0, 90.0, 20.0, 0.0, 10.0, 0.0, 50.0, 10.0, 100.0, 10.0, 20.0, 100.0, 100.0, 100.0, 0.0, 70.0, 40.0, 100.0, 0.0, 100.0, 20.0, 100.0, 20.0, 20.0, 80.0, 40.0, 70.0, 10.0, 90.0, 70.0, 80.0, 0.0, 90.0, 0.0, 60.0, 60.0, 50.0, 60.0, 30.0, 50.0, 0.0, 20.0], (4800, 1800): [10.0, 50.0, 60.0, 30.0, 60.0, 30.0, 20.0, 0.0, 30.0, 0.0, 0.0, 30.0, 60.0, 0.0, 40.0, 0.0, 10.0, 100.0, 0.0, 10.0, 10.0, 10.0, 0.0, 20.0, 0.0, 0.0, 0.0, 0.0, 30.0, 10.0, 90.0, 0.0, 50.0, 20.0, 0.0, 20.0, 10.0, 60.0, 10.0, 0.0, 30.0, 10.0, 30.0, 50.0, 30.0, 20.0, 0.0, 20.0], (2400, 0): [30.0, 10.0, 10.0, -1.0, -1.0, -1.0, 0.0, 10.0, 10.0, 10.0, -1.0, -1.0, -1.0, 10.0, 30.0, -1.0, 20.0, -1.0, 30.0, 20.0, -1.0, 20.0, -1.0, 10.0, 10.0, 20.0, 30.0, 10.0, 0.0, 20.0, 20.0, 10.0, 10.0, 20.0, -1.0, 20.0, 30.0, 0.0], (4200, 3600): [40.0, 20.0, 10.0, 0.0, 10.0, 0.0, 10.0, 100.0], (1200, 0): [40.0, 10.0, 60.0, 20.0, 10.0, 20.0, 10.0, 10.0, 10.0, 50.0, -1.0, 10.0, -1.0, 10.0, -1.0, 20.0, 20.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 10.0, 30.0, 10.0, 20.0, 0.0, 30.0, 10.0, 10.0, -1.0, 10.0, 0.0, 10.0, 20.0, 20.0, 0.0, 20.0, 10.0, 10.0, 0.0, 50.0, 0.0, 10.0, -1.0, 10.0], (6600, 2400): [80.0, 80.0, 10.0, 70.0, 80.0, 30.0, 100.0, 10.0, 20.0, 40.0, 40.0, 60.0, 100.0, 100.0, 100.0, 90.0, 50.0, 60.0, 0.0, 20.0, 100.0, 20.0, 30.0, 10.0, 40.0, 50.0, 0.0, 90.0, 10.0, 20.0, 0.0, 100.0, 30.0, 80.0, 10.0, 60.0, 50.0], (3600, 2400): [30.0, 80.0, 40.0, 30.0, 90.0, 70.0, 60.0, 70.0, 50.0, 30.0, -1.0, 80.0, 30.0, 90.0, 20.0, -1.0, 30.0, 30.0, 30.0, 50.0, 20.0, 30.0, 40.0, 80.0, 30.0, 10.0, 10.0, 50.0, 70.0, 30.0, 30.0, 40.0, 20.0, 40.0, 10.0, 40.0, 30.0, 90.0, 30.0, 30.0, 40.0, 60.0, 50.0, 70.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 30.0, 70.0, 100.0, 30.0, 60.0, 20.0, 30.0, 40.0, 30.0, 30.0, 30.0, 10.0, 20.0, 50.0, 100.0, 30.0, 100.0, 30.0, 80.0, 30.0, 20.0, 10.0, 40.0, 30.0, 40.0, 70.0, 40.0, -1.0, 100.0, 20.0, 30.0, 50.0, 40.0, 80.0, 60.0, 40.0, 60.0, 30.0, 20.0, 30.0, 80.0, 70.0, 20.0, 20.0, 40.0, 20.0, 10.0, 70.0, 30.0, 40.0, 50.0, 40.0, -1.0, 10.0, 50.0, 20.0, 50.0, 40.0, 20.0, 40.0, 50.0, 30.0, 40.0, 20.0, 40.0, 80.0, 30.0, 30.0, 50.0, 70.0, 50.0, -1.0, 20.0, 50.0, 60.0, 30.0, 50.0, 30.0, 100.0, 30.0, 80.0, 50.0, 50.0, -1.0, 50.0, 10.0, 60.0, 60.0, 70.0, 50.0, 60.0, 0.0, 50.0, 30.0, 20.0, 40.0, 40.0, 20.0, 10.0, 30.0, 50.0, 30.0, 20.0, 50.0, 30.0, 50.0, 30.0, 50.0, 20.0, 70.0, 90.0, 50.0, 20.0, 20.0, 20.0, 20.0, 20.0, 40.0, 40.0, 60.0, 70.0, 20.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 0.0, 30.0, 90.0, 50.0, 60.0], (5400, 4200): [20.0, 60.0, 40.0, 20.0, 100.0, 0.0, 30.0, 40.0, 20.0, 20.0, 20.0, 100.0, 0.0, 0.0, 0.0, 60.0, 0.0, 100.0, 30.0, 100.0, 0.0, 70.0, 0.0, 60.0, 50.0, 20.0, 20.0, 0.0, 60.0, 40.0, 20.0, 10.0, 20.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 50.0, 30.0, 20.0, 0.0, 20.0, 20.0, 40.0, 10.0, 70.0, 10.0, 60.0, 50.0, 0.0, 0.0, 20.0, 20.0, 20.0, 0.0, 90.0, 100.0, 0.0, 10.0, 20.0, 0.0], (4200, 3000): [10.0, 20.0, 40.0, 50.0, 30.0, 100.0, 10.0, 70.0, 20.0, 20.0, 40.0, 30.0, 0.0, 40.0, 40.0, 20.0, 0.0, 30.0, 40.0, 100.0, 100.0, 0.0, 10.0, 80.0, 60.0, 50.0, 30.0, 0.0, 40.0, 40.0, 10.0, 70.0, 40.0, 50.0, 40.0, 50.0, 100.0, 20.0, 100.0, 20.0, 0.0, 10.0, 0.0, 30.0, 0.0, 40.0, 90.0, 90.0, 20.0, 50.0, 20.0, 80.0, 40.0, 20.0, 30.0, 60.0, 100.0, 20.0, 10.0, 40.0, 0.0, 40.0, 60.0, 0.0, 0.0, 20.0, 50.0, 10.0, 10.0, 20.0, 0.0, 30.0, 70.0, 60.0, 90.0, 70.0, 70.0, -1.0, 30.0, 0.0, 0.0, 0.0, 60.0, 40.0, 0.0, 100.0, 40.0, 0.0, 0.0, 10.0, 0.0, 20.0, 10.0, 0.0, 10.0, 30.0, 40.0, 10.0, 30.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 50.0, 30.0, 10.0, 20.0, 30.0, 20.0, 70.0, 60.0, 40.0, 30.0, 30.0, 20.0, 20.0, 40.0, 30.0, 100.0, -1.0, 20.0, 40.0, 0.0, 20.0, 0.0, 0.0, 10.0, 70.0, 20.0, 80.0, 40.0, 30.0, 20.0, 40.0, 0.0, 10.0, 30.0, 70.0, 0.0, 10.0, 20.0, 40.0, 10.0, 20.0, 20.0, 50.0, 0.0, 40.0, 20.0, 0.0, 40.0, 0.0, 40.0, 70.0, 10.0, 90.0, 30.0, 20.0, 40.0, 60.0, 80.0, 20.0, 0.0, 30.0, 0.0, 10.0, 10.0, 50.0, 30.0, 20.0, 60.0, 30.0, 0.0, 80.0, 30.0, 0.0, 20.0, 60.0, 0.0, 20.0, 20.0, 20.0, 0.0, 40.0, 50.0, 0.0, 0.0, 60.0, 10.0, 0.0, 30.0, 60.0, 30.0], (0, 0): [100.0, 100.0, 20.0, 40.0, 0.0, 80.0, 100.0, 30.0, 20.0, 10.0, 20.0, 20.0, 40.0, 50.0, 0.0, 20.0, 30.0, 20.0, 60.0, 10.0, 70.0, 0.0, 100.0, -1.0, 20.0, 100.0, 100.0, 10.0, 30.0, 30.0, 10.0], (7800, 1800): [80.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 70.0, 80.0, 30.0, 60.0, 80.0, 10.0, 60.0, 50.0, 100.0, 70.0, 70.0, 10.0, 100.0, 100.0, 20.0, 100.0, 70.0, 100.0, 40.0, 100.0], (2400, 600): [10.0, 20.0, 20.0, 30.0, -1.0, 40.0, -1.0, -1.0, 10.0, 10.0, 10.0, 20.0, 30.0, 20.0, 10.0, 30.0, 20.0, 20.0, 40.0, -1.0, 10.0, -1.0, 10.0, -1.0, 40.0, -1.0, -1.0, 30.0, 30.0, 40.0, 0.0], (4800, 600): [30.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 0.0, 10.0, 50.0, 40.0, 20.0, 0.0, 20.0, 20.0, 20.0, 40.0, 30.0, 0.0, 20.0, 0.0, 10.0], (3600, 600): [10.0, -1.0, 40.0, 20.0, 10.0, 50.0, 20.0, 40.0, -1.0, 10.0, 20.0, 30.0, 10.0, 20.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 30.0, 10.0, 30.0, -1.0, 10.0, 10.0, 10.0, 10.0, 20.0, 20.0, -1.0, 20.0, 10.0, 10.0, 30.0, 30.0, 30.0, 10.0, 40.0], (600, 0): [60.0, 20.0, 50.0, 0.0, 0.0, 20.0, 50.0, 50.0, 40.0, 40.0, 0.0, 50.0, 20.0, 20.0, 10.0, 10.0, 20.0, 50.0, 30.0, 20.0, 60.0, 70.0, 10.0, 20.0, -1.0, 100.0, 40.0, 60.0, 40.0, 30.0, 50.0, 30.0, 10.0, 20.0, 20.0, 40.0, 80.0, 10.0, 10.0, 50.0, -1.0, 40.0, 10.0, 50.0, 50.0, 10.0, 40.0, 40.0, 20.0, 30.0, 30.0, 10.0, 40.0, 10.0, 40.0, 40.0, 10.0], (7800, 0): [80.0, 90.0, 60.0, 80.0, 90.0, 70.0, 100.0, 70.0, 80.0, 80.0, 80.0, 90.0, 90.0, 80.0, 100.0, 80.0, 90.0, 100.0, 70.0, 80.0, 80.0, 80.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 100.0, 80.0], (4800, 2400): [0.0, 30.0, 30.0, 10.0, 50.0, 80.0, 0.0, 0.0, 80.0, 30.0, 20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 60.0, 0.0, 70.0, 40.0, 10.0, 50.0, 0.0, 50.0, 40.0, 20.0, 20.0, 10.0, 60.0, 40.0, 20.0, 60.0, 90.0, 20.0, 0.0, 0.0, 10.0, 10.0, 40.0, 30.0, 60.0, 10.0, 30.0, 10.0, 10.0, 20.0, 0.0, 30.0, 30.0, 80.0, 40.0, 40.0, 30.0, 20.0, 40.0, 10.0, 20.0, 30.0, 30.0, 10.0, 30.0, 20.0, 40.0, 10.0, 60.0, 10.0, 0.0, 0.0, 0.0, 30.0, 30.0, 20.0, 10.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 20.0, 0.0, 20.0, 0.0, 0.0, 10.0, 10.0, 10.0, 30.0, 0.0], (3600, 0): [10.0, 10.0, 0.0, 10.0, 10.0, -1.0, 10.0, 10.0, 10.0, 20.0, -1.0, 10.0, -1.0, 10.0, 30.0, -1.0, 0.0, 10.0, 10.0, 10.0, -1.0, -1.0, 10.0, 20.0, 20.0, -1.0, 10.0, 10.0, 10.0, -1.0, 20.0, 10.0, 10.0], (8400, 4800): [100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 20.0, 30.0, 20.0, 80.0, 100.0, 90.0, 0.0, 100.0, 80.0, 80.0, 80.0, 90.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 100.0, 40.0, 50.0, 10.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 0.0, 20.0, 90.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 0.0, 40.0, 20.0, 100.0, 100.0, 80.0, 90.0, 30.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 60.0, 100.0, 30.0, 100.0, 0.0, 100.0, 20.0, 100.0, 80.0, 100.0, 100.0, 90.0, 40.0, 60.0, 0.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 50.0], (7800, 3600): [70.0, 60.0, 30.0, 30.0, 30.0, 100.0, 20.0, 60.0, 100.0, 100.0, 90.0, 100.0, 70.0, 10.0, 90.0, 70.0, 10.0, 30.0, 50.0, 100.0, 70.0, 100.0, 10.0, 100.0, 30.0, 100.0, 90.0, 60.0, 100.0, 30.0, 50.0, 100.0, 90.0, 50.0, 10.0, 60.0, 80.0, 10.0, 60.0, 90.0, 20.0, 0.0, 70.0, 100.0, 90.0, 20.0, 90.0, 90.0, 70.0, 100.0, 100.0, 100.0, 0.0, 60.0, 100.0, 80.0, 100.0, 40.0, 90.0, 100.0, 10.0, 40.0, 10.0, 100.0, 100.0, 60.0, 20.0, 50.0, 100.0], (6600, 3600): [0.0, 100.0, 100.0, 0.0, 60.0, 40.0, 40.0, 70.0, 20.0, 10.0, 60.0, 100.0, 20.0, 50.0, 0.0, 10.0, 50.0, 20.0, 100.0, 20.0, 30.0, 90.0, 80.0, 10.0, 10.0, 10.0, 80.0, 10.0, 0.0, 0.0, 70.0, 0.0, 90.0, 30.0, 100.0, 100.0, 10.0, 100.0, 60.0, 40.0, 0.0, 60.0, 0.0, 60.0, 40.0, 100.0, 100.0, 60.0, 100.0, 0.0, 20.0, 70.0, 90.0, 90.0, 60.0, 60.0, 70.0, 50.0, 100.0, 30.0, 100.0, 50.0, 100.0, 0.0, 70.0, 0.0, 50.0, 100.0, 40.0, 20.0, 40.0, 100.0, 20.0, 80.0, 100.0, 50.0, 30.0, 60.0, 80.0, 20.0, 70.0, 90.0, 0.0, 40.0, 60.0, 100.0, 100.0, 0.0, 60.0, 60.0, 0.0, 90.0, 100.0, 60.0, 20.0, 40.0, 30.0, 20.0, 0.0, 50.0, 0.0, 0.0, 10.0, 100.0, 50.0, 10.0, 100.0, 40.0, 80.0, 100.0, -1.0, 90.0, 0.0, 100.0, 80.0, 20.0, 90.0, 50.0]}
mpc_dash_syth_hyb_pen_table_4300_default_700 = {(7000, 2800): [70.0, 80.0, 40.0, 100.0, 10.0, 30.0, 30.0, 100.0, 10.0, 80.0, 10.0, 30.0, 70.0, 0.0, 90.0, 20.0, 10.0, 40.0, 70.0, 50.0, 90.0, 90.0, 40.0, 10.0, 80.0, 50.0, 100.0, 70.0, 100.0, 10.0, 10.0, 10.0, 0.0, 60.0, 100.0, 70.0, 100.0, 100.0, 50.0, 100.0, 40.0, 0.0, 20.0, 100.0, 70.0, 0.0, 10.0, 100.0, 0.0, 100.0, 100.0, 30.0, 100.0, 0.0, 10.0, 10.0, 60.0, 60.0, 70.0, 100.0, 60.0, 100.0, 0.0, 60.0, 90.0, 50.0, 70.0, 70.0, 100.0, 100.0, 30.0, 80.0, 100.0, 10.0, 100.0, 0.0, 0.0], (4900, 700): [10.0, 30.0, 10.0, 10.0, 10.0, 20.0, 0.0, 30.0, 40.0, 0.0, 40.0, 10.0, 60.0, 40.0, 10.0, 40.0, 20.0, 10.0, 10.0, 10.0, 10.0, 50.0, 0.0, 0.0, 10.0, 30.0, 0.0, 10.0, 50.0, 10.0, 40.0, 0.0, 30.0, 20.0, 0.0, 0.0, 0.0, 30.0, 10.0, 20.0, 20.0, 0.0, 10.0, 20.0, 20.0, 30.0, 50.0, 0.0, 10.0, 10.0], (7000, 0): [80.0, 50.0, 60.0, 60.0, 60.0, 70.0, 70.0, 70.0, 70.0, 80.0, 70.0, 30.0, 80.0, 60.0, 60.0, 50.0, 60.0, 70.0, 70.0, 70.0, 60.0, 90.0, 90.0, 70.0, 60.0, 70.0, 80.0, 70.0, 70.0, 60.0, 60.0, 60.0, 70.0, 60.0, 70.0, 60.0, 60.0, 70.0, 70.0, 60.0, 80.0, 70.0, 60.0, 70.0, 60.0, 70.0, 60.0, 70.0, 80.0, 80.0, 70.0], (3500, 0): [10.0, 10.0, 10.0, 0.0, -1.0, -1.0, 10.0, 10.0, -1.0, 10.0, 10.0, 20.0, 10.0, 20.0, 20.0, -1.0, 10.0, -1.0, 10.0, 10.0, 30.0, -1.0, 0.0, 10.0, 10.0, 10.0, 30.0, 10.0, -1.0, -1.0, 10.0, 20.0, 20.0, -1.0, 10.0, 10.0, 10.0, -1.0, -1.0, 10.0, 0.0, 20.0, 10.0, 10.0], (2100, 2100): [70.0, 60.0], (8400, 1400): [100.0, 20.0, 100.0, 70.0, 100.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 40.0, 100.0, 100.0, 80.0, 100.0, 20.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 100.0, 100.0, 80.0, 50.0, 100.0, 100.0, 100.0, 50.0, 90.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 80.0, 100.0], (4900, 2100): [50.0, 30.0, 30.0, 20.0, 0.0, 0.0, 30.0, 20.0, 20.0, 70.0, 0.0, 0.0, 20.0, 0.0, 30.0, 50.0, 30.0, 30.0, 60.0, 0.0, 70.0, 40.0, 0.0, 50.0, 0.0, 50.0, 20.0, 10.0, 10.0, 100.0, 0.0, 10.0, 20.0, 0.0, 0.0, 20.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 0.0, 40.0, 30.0, 10.0, 10.0, 0.0, 30.0, 40.0, 10.0, 20.0, 10.0, -1.0, 20.0, 40.0, 10.0, 30.0, 10.0, 60.0, 10.0, 0.0, 0.0, 30.0, 30.0, 20.0, 10.0, 20.0, 10.0, 60.0, 60.0, 50.0, 0.0, 0.0, 50.0, 30.0, 20.0, 10.0, 0.0, 0.0, 10.0, 10.0, 60.0, 10.0, 30.0, 0.0, 20.0], (7700, 1400): [100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 80.0, 50.0, 80.0, 80.0, 100.0, 90.0, 60.0, 80.0, 10.0, 10.0, 40.0, 100.0, 80.0, 30.0, 50.0, 100.0, 70.0, 70.0, 80.0, 80.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 100.0, 70.0, 100.0, 70.0, 100.0, 40.0, 80.0], (6300, 1400): [100.0, 70.0, 100.0, 30.0, 70.0, 90.0, 10.0, 20.0, 60.0, 30.0, 10.0, 50.0, 100.0, 50.0, 40.0, 60.0, 60.0, 60.0, 10.0, 60.0, 60.0, 30.0, 30.0, 30.0, 20.0, 70.0, 30.0, 10.0, 60.0, 50.0, 50.0, 50.0, 50.0, 70.0, 70.0, 70.0, 80.0, 60.0, 0.0, 30.0, 30.0, 100.0, 70.0, 10.0], (8400, 2100): [100.0, 30.0, 50.0, 50.0, 100.0, 90.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 70.0, 10.0, 60.0, 100.0, 10.0, 100.0, 30.0, 70.0, 100.0, 10.0, 100.0, 100.0], (1400, 1400): [40.0, 40.0, 30.0, 70.0, 90.0, 70.0, -1.0, 40.0, 30.0, 20.0, 50.0, 50.0, 40.0, 60.0, 70.0, -1.0, 40.0, 20.0, 90.0, 30.0, 20.0], (4900, 2800): [40.0, 90.0, 0.0, 60.0, 40.0, 20.0, 0.0, 100.0, 60.0, 0.0, 30.0, 0.0, 0.0, 30.0, 30.0, 20.0, 40.0, 60.0, 0.0, 50.0, 40.0, 10.0, 80.0, 0.0, 10.0, 0.0, 30.0, 0.0, 20.0, 10.0, 40.0, 0.0, 40.0, 20.0, 0.0, 0.0, 20.0, 10.0, 10.0, 20.0, 20.0, 80.0, 0.0, 40.0, 40.0, 0.0, 0.0, 10.0, 50.0, 60.0, 10.0, 40.0, 30.0, 0.0, 10.0, 20.0, 100.0, 10.0, 0.0, 0.0, 40.0, 70.0, 50.0, 60.0, 0.0, 20.0, 20.0, 90.0, 10.0, 0.0, 100.0, 20.0, 20.0, 10.0, 30.0, 60.0, 80.0, 30.0, 100.0, 10.0, 80.0, 90.0, 0.0, 0.0, 40.0, 0.0, 90.0, 0.0, 50.0, 50.0, 0.0, 20.0, 0.0, 0.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 0.0, 0.0, 10.0, 20.0, 0.0, 10.0, 0.0, 50.0, 10.0, 0.0, 0.0, 10.0, 80.0, 60.0, 20.0, 10.0, 30.0, 90.0, 30.0, 20.0, 0.0, 70.0, 0.0, 0.0, 20.0, 30.0, 10.0, 30.0, 100.0, 10.0, 10.0, 30.0, 30.0, 0.0, 60.0, 0.0, 30.0, 60.0, 10.0, 0.0, 0.0, 20.0, 70.0, 0.0, 10.0, 50.0, 40.0, 0.0, 50.0, 60.0, 30.0, 20.0, 40.0, 0.0, 0.0, 80.0, 20.0, 0.0, 0.0, 20.0, 0.0, 70.0, 0.0, 0.0, 0.0, 0.0, 100.0, 30.0, 0.0, 0.0, 0.0, 30.0, 30.0, 0.0, 20.0, 30.0, 100.0, 0.0, 0.0, 10.0, 40.0, 10.0, 20.0, 0.0, 10.0, 0.0, -1.0, 30.0, 0.0, 0.0, 70.0, 20.0, 0.0, 50.0, 0.0, 20.0, 40.0, 30.0, 0.0, 10.0, 0.0, 60.0, 10.0, 20.0, 0.0, 30.0, 10.0], (7700, 4200): [90.0, 40.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 70.0, 20.0, 10.0, 60.0, 80.0, 100.0, 0.0, 60.0, 30.0, 80.0, 0.0, 40.0, 10.0, 100.0, 20.0, 100.0, 70.0, 80.0, 100.0, 70.0, 70.0, 90.0, 90.0, 80.0, 30.0, 100.0, 80.0, 10.0, 0.0, 0.0, 80.0, 30.0, 10.0, 50.0, 50.0, 100.0, 30.0, 100.0, 20.0, 10.0, 20.0, 90.0, 0.0, 100.0, 0.0, 70.0, 40.0, 70.0, 100.0, 0.0, 100.0, 10.0, 10.0, 80.0, 70.0, 30.0, 0.0, 100.0, 60.0, 100.0, 100.0, 30.0, 40.0, 90.0, 100.0, 0.0, 20.0, 60.0, 50.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 50.0, 30.0, 80.0, 60.0, 40.0, 10.0, 10.0, 50.0, 20.0, 70.0, 80.0, 90.0, 20.0, 100.0, 0.0, 0.0, 10.0, 30.0, 50.0, 0.0, 100.0, 10.0, 60.0, 0.0, 20.0, 20.0, 100.0, 100.0, 20.0, 50.0, 50.0, 100.0, 0.0, 0.0, 20.0, 50.0, 70.0, 0.0, 50.0, 100.0, 30.0, 0.0, 90.0, 80.0, 100.0, 10.0, 10.0, 70.0, 20.0, 0.0, 50.0, 20.0, 100.0, 100.0, 100.0, 50.0, 10.0, 20.0, 100.0, 20.0, 100.0, 100.0, 100.0, 20.0], (7700, 700): [80.0, 70.0, 100.0, 60.0, 70.0, 80.0, 80.0, 100.0, 80.0, 90.0, 100.0, 50.0, 100.0, 100.0, 80.0, 50.0, 100.0, 70.0, 90.0, 60.0, 80.0, 60.0, 90.0, 30.0, 40.0, 40.0, 90.0, 100.0, 60.0, 40.0, 50.0, 50.0, 90.0, 90.0, 90.0, 80.0, 80.0, 80.0, 60.0, 30.0, 100.0, 100.0, 70.0, 100.0, 80.0, 100.0, 100.0, 60.0, 100.0, 70.0, 60.0, 70.0], (700, 700): [40.0, 60.0, -1.0, 70.0, 50.0, 50.0, 50.0, 30.0, 20.0, 90.0, 50.0, 80.0, 40.0, 40.0, 30.0, 50.0, 60.0, 60.0, -1.0, -1.0, 30.0, 80.0, 40.0, 50.0, 50.0, 40.0, 80.0, 10.0, 40.0, 60.0, 50.0, 40.0, 40.0, 60.0, 50.0, 70.0, 40.0, 40.0, 40.0, 40.0, 50.0, 40.0, 50.0, 60.0, 40.0, 70.0, 30.0, 30.0], (5600, 4200): [60.0, 0.0, 20.0, 10.0, 40.0, 20.0, 60.0, 10.0, 90.0, 40.0, 100.0, 20.0, 80.0, 0.0, 100.0, 60.0, 40.0, 0.0, 40.0, 10.0, 0.0, 30.0, 100.0, 0.0, 50.0, 20.0, 100.0, 70.0, 80.0, 20.0, 20.0, 100.0, 60.0, 0.0, 0.0, 0.0, 40.0, 20.0, 60.0, 60.0, 10.0, 0.0, 100.0, 0.0, 0.0, 60.0, 40.0, 70.0, 100.0, 0.0, 0.0, 100.0, 70.0, 0.0, 80.0, 0.0, 0.0, 10.0, 30.0, 60.0, 0.0, 20.0, 10.0, 80.0, 20.0, 60.0, 20.0, 0.0, 60.0, 0.0, 40.0, 20.0, 80.0, 10.0, 20.0, 0.0, 20.0, 0.0, 0.0, 60.0, 20.0, 20.0, 0.0, 50.0, 0.0, 30.0, 50.0, 20.0, -1.0, 0.0, 0.0, 10.0, 100.0, 20.0, 90.0, 50.0, 80.0, 80.0, 0.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 70.0, 10.0, 0.0, 10.0, 60.0, 60.0, 50.0, 0.0, 10.0, 20.0, 0.0, 30.0, 0.0, 20.0, 70.0, 30.0, 20.0, 70.0, 20.0, 0.0, 20.0, 0.0, 90.0, 90.0, 100.0, 20.0, 40.0, 100.0, 10.0, 40.0, 100.0, 70.0, 10.0, 0.0, 20.0, 0.0], (7700, 0): [80.0, 90.0, 60.0, 90.0, 80.0, 90.0, 70.0, 100.0, 80.0, 90.0, 70.0, 80.0, 80.0, 80.0, 90.0, 90.0, 80.0, 70.0, 100.0, 80.0, 90.0, 100.0, 80.0, 70.0, 80.0, 80.0, 80.0, 80.0, 90.0, 80.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 90.0, 100.0, 80.0], (6300, 700): [60.0, 30.0, 30.0, -1.0, 80.0, 80.0, 90.0, 60.0, 30.0, 40.0, 40.0, 60.0, 50.0, 40.0, 40.0, 20.0, 30.0, 10.0, 50.0, 40.0, 40.0, 60.0, 40.0, 50.0, 90.0, 0.0, 20.0, 70.0, 70.0, 40.0, 30.0, 30.0, 100.0, 60.0, 40.0, 60.0, 50.0, 90.0, 30.0, 70.0, 40.0, 40.0, 100.0, 50.0, 80.0, 30.0, 80.0], (5600, 700): [80.0, 70.0, 40.0, 30.0, 60.0, 10.0, 40.0, 20.0, 20.0, 10.0, 50.0, 40.0, 60.0, 40.0, 30.0, 10.0, 40.0, 50.0, 50.0, 70.0, 20.0, 30.0, 0.0, 10.0, 90.0, 40.0, 10.0, 50.0, 60.0, 20.0, 40.0, 30.0, 40.0, 40.0, 20.0, 40.0, 20.0, 50.0, 40.0, 60.0, 40.0, 80.0, 20.0, 40.0, 20.0], (8400, 2800): [100.0, 100.0, 40.0, 100.0, 20.0, 70.0, 100.0, 20.0, 50.0, 100.0, 80.0, 30.0, 100.0, 100.0, 60.0, 40.0, 10.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 100.0, 60.0, 100.0, 10.0, 20.0, 100.0, 100.0, 90.0, 60.0, 100.0, 0.0, 100.0, 60.0, 0.0, 30.0, 70.0, 100.0, 100.0, 100.0, 90.0, 20.0, 10.0, 100.0, 0.0], (5600, 1400): [30.0, 10.0, 70.0, 20.0, 70.0, 60.0, 30.0, 20.0, 30.0, 20.0, 30.0, 50.0, 10.0, 50.0, 60.0, 30.0, 40.0, 40.0, 50.0, 30.0, 60.0, 40.0, 30.0, 10.0, 40.0, 60.0, 40.0, 10.0, 30.0, 100.0, 40.0, 50.0, 50.0, 40.0, 30.0, 0.0, 60.0, 100.0, 50.0, 10.0, 20.0, 30.0, 80.0, 20.0, 10.0, 40.0, 30.0, 10.0, 0.0, 40.0], (3500, 2100): [50.0, 30.0, 40.0, 80.0, 40.0, 30.0, 40.0, -1.0, 50.0, 70.0, 50.0, 30.0, 30.0, 20.0, 40.0, 20.0, 50.0, 30.0, 90.0, -1.0, 80.0, 20.0, 30.0, 10.0, 30.0, 20.0, 40.0, 80.0, 20.0, 30.0, 40.0, 40.0, 80.0, 40.0, 30.0, 30.0, 20.0, 80.0, 10.0, 50.0, 100.0, 50.0, 30.0, 30.0, 40.0, 20.0, 40.0, 10.0, 40.0, 40.0, 30.0, 90.0, 60.0, 40.0, 30.0, 30.0, 90.0, 30.0, 40.0, 60.0, 10.0, 50.0, 70.0, 40.0, 40.0, 20.0, 20.0, 50.0, 20.0, 30.0, 70.0, 40.0, 60.0, 40.0, 30.0, -1.0, 30.0, 40.0, 30.0, 40.0, 60.0, 30.0, 30.0, 10.0, 20.0, 30.0, 40.0, 50.0, 30.0, 30.0, 100.0, 30.0, 100.0, 30.0, 80.0, 40.0, 10.0, 40.0, 40.0, 80.0, 70.0, 40.0, -1.0, 100.0, 20.0, 30.0, 50.0, 20.0, 40.0, 100.0, 40.0, 80.0, 60.0, 40.0, 40.0, 60.0, 40.0, 100.0, 30.0, 80.0, 70.0, 20.0, 60.0, 20.0, 40.0, 10.0, 30.0, 40.0, 50.0, 40.0, -1.0, 10.0, 10.0, 40.0, 90.0, 30.0, 50.0, 70.0, 20.0, 20.0, 50.0, 40.0, 70.0, 20.0, 20.0, 40.0, 50.0, 30.0, 40.0, 30.0, 100.0, 60.0, 40.0, 80.0, 30.0, 30.0, 50.0, 70.0, 50.0, -1.0, 60.0, 30.0, 30.0, 100.0, 30.0, 50.0, 50.0, 40.0, -1.0, 50.0, 80.0, 10.0, 70.0, 60.0, -1.0, 60.0, 0.0, 50.0, 20.0, 40.0, 40.0, 20.0, 10.0, 50.0, 30.0, 30.0, 50.0, 50.0, 30.0, -1.0, 30.0, 50.0, 40.0, 90.0, 50.0, 20.0, 70.0, 90.0, 50.0, 20.0, 20.0, 20.0, 60.0, 40.0, 20.0, 40.0, 40.0, 60.0, 70.0, 20.0, 40.0, 70.0, 30.0, 10.0, 10.0, 0.0, 30.0, 90.0, 50.0, 60.0], (2100, 1400): [0.0, 60.0, 30.0, 50.0, -1.0, 40.0, 20.0, 50.0, 20.0, 90.0, 30.0, 20.0, 10.0, 30.0, 80.0, 30.0, 50.0, 70.0, -1.0, 40.0, 40.0, 40.0, 50.0, 20.0, 90.0, 30.0, -1.0, 20.0, 100.0, 50.0, -1.0, 20.0, 20.0, 50.0, 80.0, 70.0, 50.0, 40.0, 50.0, 60.0, 70.0, 60.0, 60.0, 40.0, 50.0, 20.0, 30.0, 80.0, 40.0, 60.0, 50.0, -1.0, 30.0, -1.0, -1.0, 60.0, 20.0, 60.0, 40.0, 80.0, 60.0, 40.0, 50.0, 20.0, 20.0, 80.0, 40.0, 80.0, 40.0, 60.0, 30.0, 30.0, 70.0, 20.0, 60.0, 10.0, 40.0, 30.0, 20.0, 30.0, 70.0, 50.0, 80.0, 30.0, 70.0, -1.0, 30.0, 20.0, 30.0, 90.0, 20.0, 70.0, 20.0, 30.0, 50.0, 60.0, 50.0, 50.0, 30.0, 40.0, -1.0, 40.0, 100.0, 70.0, 20.0, 50.0, 10.0, 30.0, 80.0, 60.0, 30.0, 40.0, 50.0, 50.0, 50.0, 50.0, 40.0, 30.0, 20.0, 20.0, 60.0, -1.0, 50.0, 60.0, 20.0, 60.0, -1.0, 50.0, -1.0, 40.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 70.0, 50.0, 60.0, 50.0, 50.0, 70.0, 30.0, 30.0, 50.0, 50.0, 40.0, 40.0, 10.0, 70.0, 60.0, -1.0, 60.0, 50.0, 50.0, 20.0, 60.0, 40.0, 60.0, 60.0, 30.0, 40.0, 70.0, 60.0, -1.0, 70.0, 20.0, 50.0, 80.0, 60.0, 30.0, 60.0, 60.0, 20.0, 40.0, 50.0, 50.0, 20.0, 50.0, 60.0, 30.0, 20.0, -1.0, -1.0, 50.0, 50.0, 30.0, 40.0], (7700, 2100): [100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 70.0, 60.0, 100.0, 0.0, 100.0, 100.0, 100.0, 70.0, 50.0, 30.0, 100.0, 60.0, 60.0, 80.0, 100.0, 50.0, 10.0, 20.0, 60.0, 100.0, 80.0, 70.0, 80.0, 20.0, 10.0, 20.0, 60.0, 100.0, 30.0, 100.0, 90.0, 100.0, 50.0, 100.0, 100.0, 20.0], (0, 0): [50.0, 0.0, 100.0, 100.0, 40.0, 20.0, 0.0, 20.0, 40.0, 0.0, 20.0, 60.0, 80.0, 100.0, 10.0, -1.0, 30.0, 20.0, 10.0, 40.0, 20.0, 20.0, 40.0, 50.0, 50.0, 30.0, 0.0, 20.0, 30.0, 20.0, 20.0, 60.0, -1.0, 10.0, 40.0, 70.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 20.0, 100.0, 10.0, 30.0, 10.0, 40.0, 40.0, 30.0, 10.0, 40.0], (7000, 4900): [50.0, 10.0, 30.0, 50.0, 0.0, 50.0, 50.0, 0.0, 100.0, 30.0, 50.0, 80.0, 0.0, 0.0, 30.0, 10.0, 30.0, 10.0, 20.0, 100.0, 60.0, 50.0, 60.0, 0.0, 100.0, 70.0, 100.0, 0.0, 100.0, 100.0, 20.0, 10.0, 70.0, 50.0, 50.0, 0.0, 90.0, 90.0, 0.0, 0.0, 20.0, 100.0, 30.0, 10.0, 100.0, 0.0, 20.0, 0.0, 20.0, 10.0, 0.0, 10.0, 100.0, 0.0, 100.0, 10.0, 90.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 0.0, 20.0, 20.0, 70.0, 10.0, 0.0, 100.0, 50.0, 0.0, 0.0], (8400, 0): [100.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 90.0], (2800, 1400): [40.0, 30.0, 40.0, 20.0, 30.0, 50.0, 40.0, 20.0, 10.0, 20.0, 20.0, 10.0, 60.0, 30.0, -1.0, 90.0, 30.0, 30.0, 20.0, 20.0, 50.0, 30.0, 20.0, 20.0, 20.0, 50.0, -1.0, 90.0, 70.0, 20.0, 70.0, 40.0, 30.0, 40.0, 20.0, 60.0, 60.0, 60.0, 20.0, 80.0, 20.0, -1.0, -1.0, 40.0, 20.0, 40.0, 20.0, 60.0, 50.0, 50.0, 30.0, 50.0, 40.0, 60.0, 40.0, 50.0, 40.0, 100.0, 40.0, 20.0, 50.0, 50.0, 20.0, 20.0, 30.0, 30.0, 10.0, 80.0, 30.0, 40.0, 60.0, 40.0, 30.0, 60.0, 30.0, 30.0, 90.0, 60.0, 10.0, 20.0, 20.0, -1.0, 20.0, 20.0, 30.0, 90.0, 50.0, 40.0, 20.0, 60.0, -1.0, 20.0, 70.0, 60.0, 10.0, 40.0, 10.0, 40.0, 20.0, 30.0, 30.0, 20.0, 40.0, 40.0, 50.0, 70.0, 30.0, 40.0, 40.0, 30.0, 40.0, 50.0, 40.0, -1.0, -1.0, 0.0, 30.0, -1.0, -1.0, 40.0, 20.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 30.0, 50.0, 100.0, 50.0, 20.0, 30.0, 20.0, 40.0, 30.0, 60.0, 50.0, 30.0, 30.0, 60.0, 30.0, 20.0, 30.0, 40.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 20.0, 40.0, 30.0, 40.0, 100.0, 20.0, 40.0, 100.0, 40.0, 70.0, 30.0, 40.0, 40.0, 50.0, 40.0], (2800, 0): [0.0, 30.0, -1.0, -1.0, 0.0, -1.0, -1.0, 10.0, 40.0, 10.0, 10.0, 0.0, -1.0, 10.0, -1.0, -1.0, 10.0, 0.0, -1.0, 10.0, 20.0, 10.0, 20.0, 0.0, 10.0, 0.0, 0.0, 30.0, -1.0, 10.0, 20.0, 30.0, 0.0, 20.0, 10.0, 0.0, 20.0, 10.0, 20.0, 10.0, 0.0, -1.0, 10.0, 20.0, 30.0, 10.0], (4900, 1400): [0.0, 20.0, 0.0, 30.0, 30.0, 10.0, 0.0, 30.0, 30.0, 0.0, 60.0, 40.0, 0.0, 10.0, 40.0, 40.0, 0.0, 10.0, 10.0, 10.0, 0.0, 30.0, 100.0, 20.0, 70.0, 20.0, 50.0, 60.0, 90.0, 40.0, 60.0, 20.0, 50.0, 10.0, 20.0, 20.0, 0.0, 30.0, 10.0, 50.0, 40.0, 50.0, 30.0, 0.0, 20.0], (4900, 4200): [30.0, 30.0, 30.0, 70.0, 0.0, 50.0, 10.0, 0.0, 50.0, 10.0, 30.0, 10.0, 0.0], (3500, 700): [10.0, 20.0, 10.0, -1.0, 40.0, 20.0, 10.0, 50.0, 20.0, 10.0, 20.0, 40.0, -1.0, 10.0, 20.0, 20.0, 30.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 30.0, 40.0, 10.0, 30.0, 30.0, -1.0, 50.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 20.0, 20.0, 40.0, 30.0, 10.0, 50.0, 20.0, 10.0, 30.0, 30.0, 30.0, 10.0, 10.0, 90.0, 50.0, 20.0, 10.0, 40.0, 30.0], (2100, 700): [50.0, 20.0, 10.0, 20.0, -1.0, 50.0, 30.0, -1.0, -1.0, 20.0, -1.0, 0.0, 20.0, 40.0, 30.0, 30.0, 70.0, 20.0, 30.0, 10.0, 10.0, 100.0, 70.0, 10.0, 30.0, -1.0, 10.0, 10.0, 30.0, 10.0, 10.0, 40.0, 10.0, -1.0, 30.0, 80.0, 50.0, 10.0, 30.0, 40.0, 20.0, 20.0, 40.0, 30.0, 10.0, 40.0, 40.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 30.0, 30.0, 30.0, -1.0, 20.0, 30.0, 50.0, 50.0, 30.0, 40.0, 70.0, 30.0, 30.0, 20.0, 20.0, 40.0, 20.0, 20.0, 30.0, 10.0, 40.0, 40.0, 10.0, 10.0, 40.0, 30.0], (4900, 0): [10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 30.0, 20.0, 10.0, 10.0, 0.0, 40.0, 0.0, 20.0, 20.0, 30.0, 10.0, 20.0, 0.0, 20.0, 30.0, 30.0, 30.0, 0.0, 10.0, 10.0, 30.0, 10.0, 20.0, 10.0, 30.0, 30.0, 10.0, 20.0, 0.0, 20.0, 20.0, 30.0, 10.0, 10.0, 20.0, 0.0, 20.0, 10.0, 10.0], (6300, 0): [60.0, 50.0, 60.0, 50.0, 30.0, 60.0, 40.0, 50.0, 40.0, 50.0, 50.0, 50.0, 60.0, 50.0, 50.0, 50.0, 50.0, 50.0, 70.0, 50.0, 40.0, 40.0, 60.0, 50.0, 50.0, 60.0, 50.0, 40.0, 60.0, 60.0, 60.0, 40.0, 40.0, 60.0, 60.0, 50.0, 40.0, 70.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 40.0, 70.0, 60.0, 60.0, 70.0, 50.0, 50.0, 40.0], (7700, 3500): [70.0, 60.0, 30.0, 30.0, 30.0, 100.0, 80.0, 10.0, 100.0, 20.0, 60.0, 100.0, 100.0, 90.0, 100.0, 70.0, 10.0, 90.0, 70.0, 10.0, 100.0, 30.0, 50.0, 100.0, 70.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 90.0, 60.0, 100.0, 30.0, 50.0, 100.0, 90.0, 50.0, 10.0, 60.0, 80.0, 10.0, 60.0, 90.0, 20.0, 0.0, 70.0, 100.0, 90.0, 60.0, 20.0, 20.0, 90.0, 90.0, 70.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 60.0, 100.0, 80.0, 100.0, 60.0, 40.0, 90.0, 100.0, 10.0, 60.0, 40.0, 10.0, 100.0, 100.0, 90.0, 40.0, 60.0, 40.0, 20.0, 50.0, 100.0, 100.0], (1400, 700): [40.0, -1.0, 50.0, 90.0, 10.0, 30.0, -1.0, 70.0, 30.0, 50.0, -1.0, 20.0, 70.0, 30.0, 40.0, 50.0, 30.0, 30.0, 60.0, 40.0, 10.0, 20.0, 20.0, 20.0, 20.0, 80.0, 40.0, -1.0, 10.0, 40.0, 40.0, 50.0, 20.0, 20.0, 20.0, 60.0, 50.0, 90.0, 60.0, 30.0, 30.0, 50.0, 20.0, 60.0, 30.0, 40.0, 20.0, 60.0, 0.0, 20.0, 50.0, 40.0, -1.0, 40.0, 30.0, 60.0, 20.0, 40.0, 10.0, 20.0, 40.0, 50.0, 40.0, 40.0, 30.0, 70.0, 40.0, 50.0, 10.0, 50.0, 90.0, 10.0, 10.0, 40.0, 70.0, 30.0, 50.0, 40.0, 20.0, 70.0, 40.0, 90.0, -1.0, -1.0, 40.0, 40.0, 20.0, 40.0, 10.0, 20.0, 40.0, 20.0, 20.0, 20.0, 30.0, 50.0, 40.0, 80.0, 40.0, 70.0, 10.0, 80.0, 20.0, 30.0, 40.0, 30.0, 50.0, 40.0, 70.0, 30.0, 30.0, 40.0, 40.0, 20.0, 20.0, 20.0, 10.0, 40.0, 40.0, 50.0, 10.0, 20.0, 30.0, 20.0, -1.0, 40.0, 60.0, 40.0, 60.0, 20.0, 50.0, 30.0, 10.0, 30.0, 60.0, -1.0, -1.0, 60.0, 20.0, 20.0, -1.0, 50.0, 30.0, 60.0, 40.0, 30.0, 30.0, 50.0, 60.0, 20.0, 40.0, 20.0], (5600, 2800): [100.0, 10.0, 10.0, 30.0, 50.0, 100.0, 20.0, 50.0, 0.0, 0.0, 0.0, 20.0, 20.0, 40.0, 60.0, 10.0, 0.0, 10.0, 40.0, 30.0, 10.0, 70.0, 30.0, 10.0, 0.0, 40.0, 100.0, 30.0, 90.0, 10.0, 40.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 30.0, 40.0, 50.0, 80.0, 40.0, 20.0, 0.0, 10.0, 0.0, 10.0, 0.0, 70.0, 30.0, 90.0, 40.0, 30.0, 50.0, 0.0, 10.0, 30.0, 10.0, 0.0, 80.0, 80.0, 40.0, 100.0, 10.0, 0.0, 0.0, 0.0, 90.0, 40.0, 40.0, 100.0, 0.0, 30.0, 30.0, 10.0, 0.0, 60.0, 20.0, 80.0, 20.0, 70.0, 10.0, 0.0, 10.0, 10.0, 20.0, 0.0, 0.0, 20.0, 80.0, 90.0, 0.0, 80.0, 90.0, 70.0, 50.0, 70.0, 20.0, 70.0, 10.0, 0.0, 50.0, 0.0, 100.0, 20.0, 30.0, 0.0, 100.0, 0.0, 30.0, 10.0, 100.0, 0.0, 10.0, 100.0, 50.0, 30.0, 10.0, 0.0, 0.0, 100.0], (8400, 4200): [100.0, 100.0, 30.0, 20.0, 10.0, 0.0, 70.0, 100.0, 30.0, 100.0, 100.0, 100.0, 40.0, 60.0, 10.0, 100.0, 80.0, 100.0, 100.0, 30.0, 100.0, 10.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 80.0, 80.0, 100.0, 100.0, 30.0, 100.0, 90.0, 30.0, 70.0, 0.0, 40.0, 0.0, 100.0, 100.0, 10.0, 100.0, 10.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 30.0, 0.0, 100.0, 100.0, 20.0, 100.0, 30.0, 100.0, 90.0, 0.0, 100.0, 100.0, 100.0, 40.0, 40.0, 70.0, 0.0, 100.0, 100.0, 100.0], (8400, 5600): [100.0, 30.0, 10.0, 10.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 0.0, 10.0, 10.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 60.0, 100.0, 60.0, 100.0], (4200, 0): [30.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, -1.0, 20.0, 0.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, 0.0, 20.0, 10.0, 20.0, -1.0, -1.0, -1.0, 30.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, 20.0, 10.0, 10.0, 10.0], (5600, 3500): [50.0, 0.0, 0.0, 0.0, 20.0, 0.0, 50.0, 20.0, 100.0, 50.0, 100.0, 10.0, 20.0, 0.0, 60.0, 10.0, 30.0, 60.0, 70.0, 0.0, 0.0, 50.0, 60.0, 10.0, 0.0, 0.0, 20.0, 100.0, 10.0, 10.0, 0.0, 100.0, 0.0, 30.0, 30.0, 80.0, 0.0, 0.0, 30.0, 20.0, 0.0, 10.0, 10.0, 60.0, 0.0, 0.0, 10.0, 90.0, 0.0, 0.0, 10.0, 100.0, 100.0, 20.0, 90.0, 20.0, 60.0, 50.0, 20.0, 10.0, 40.0, 0.0, 90.0, 0.0, 0.0, 10.0, 90.0, 10.0, 60.0, 80.0, 40.0, 20.0, 10.0, 70.0, 20.0, 0.0, 90.0, 90.0, 50.0, 0.0, 100.0, 0.0, 60.0, 60.0, 30.0, 30.0, 80.0, 20.0, 30.0, 100.0, 90.0, 0.0, 40.0, 0.0, 10.0, 30.0, 100.0, 0.0, 80.0, 80.0, 0.0, 40.0, 0.0, 90.0, 10.0, 0.0, 80.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 40.0, 90.0, 0.0, 100.0, 20.0, 50.0, 100.0, 0.0, 0.0, 70.0, 40.0, 100.0, 30.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 70.0, 60.0, 20.0, 80.0, 70.0, 0.0, 50.0, 40.0, 0.0, 20.0, 50.0, 30.0, 10.0, 0.0, 10.0, 80.0, 0.0, 20.0, 100.0, 10.0, 0.0, 30.0, 0.0, 70.0, 0.0, 90.0, 0.0, 20.0, 20.0, 70.0, 0.0, 80.0, 50.0, 10.0, 70.0, 60.0, 0.0, 0.0, 50.0, 0.0, 70.0, 10.0, 0.0, 0.0, 10.0, 20.0, 0.0, 20.0, 10.0, 20.0, 70.0, 20.0, 10.0, 0.0, 100.0, 60.0, 100.0, 50.0, 60.0, 90.0, 100.0, 50.0, 80.0, 0.0, 100.0, 100.0, 0.0, 90.0, 0.0, 10.0, 50.0, 100.0, 20.0, 100.0, 0.0, 40.0, 50.0, 100.0, 50.0, 50.0, 0.0, 70.0, 50.0, 100.0, 0.0, 20.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 10.0, 40.0, 60.0, 10.0, 30.0, 30.0, 50.0, 0.0, 100.0, 10.0, 100.0, 30.0, 0.0, 20.0, 10.0], (6300, 4900): [90.0, 10.0, 0.0, 50.0, 50.0, 50.0, 100.0, 90.0, 50.0, 30.0, 20.0, 50.0, 0.0, 0.0, 90.0, 0.0, 100.0, 40.0, 20.0, 10.0, 10.0], (5600, 2100): [20.0, 80.0, 0.0, 100.0, 0.0, 40.0, 30.0, 50.0, 0.0, 50.0, 90.0, 10.0, 100.0, 30.0, 0.0, 90.0, 10.0, 80.0, 10.0, 40.0, 0.0, 0.0, 60.0, 20.0, 60.0, 40.0, 40.0, 10.0, 0.0, 20.0, 50.0, 30.0, 70.0, 0.0, 40.0, 40.0, 50.0, 100.0, 0.0, 20.0, 10.0, 10.0, 10.0, 50.0, 10.0, 0.0, 30.0, 20.0, 20.0, 30.0, 40.0, 20.0, 90.0, 80.0, 20.0, 60.0, 30.0, 10.0, 0.0, 30.0, 100.0, 40.0, 100.0, 100.0, 0.0, 60.0, 60.0, 70.0, 50.0, 100.0, 70.0, 60.0, 60.0, 10.0, 60.0, 60.0, 100.0, 0.0, 20.0], (8400, 700): [60.0, 90.0, 40.0, 100.0, 70.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 80.0, 70.0, 100.0, 50.0, 80.0, 90.0, 70.0, 90.0, 100.0, 60.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 30.0, 30.0, 70.0, 100.0, 80.0], (6300, 3500): [0.0, 100.0, 100.0, 0.0, 60.0, 40.0, 40.0, 100.0, 10.0, 100.0, 20.0, 0.0, 10.0, 20.0, 100.0, 100.0, 20.0, 0.0, 50.0, 0.0, 60.0, 100.0, 40.0, 40.0, 0.0, 90.0, 40.0, 20.0, 30.0, 90.0, 80.0, 10.0, 0.0, 10.0, 10.0, 90.0, 80.0, 60.0, 10.0, 50.0, 0.0, 70.0, 0.0, 0.0, 10.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 40.0, 0.0, 60.0, 0.0, 100.0, 10.0, 60.0, 0.0, 40.0, 100.0, 70.0, 30.0, 60.0, 100.0, 0.0, 20.0, 90.0, 90.0, 30.0, 60.0, 60.0, 100.0, 90.0, 0.0, 70.0, 0.0, 50.0, 30.0, 50.0, 100.0, 100.0, 50.0, 100.0, 100.0, 20.0, 0.0, 90.0, 50.0, 40.0, 100.0, 80.0, 10.0, 40.0, 40.0, 100.0, 10.0, 40.0, 10.0, 100.0, 100.0, 100.0, 20.0, 30.0, 40.0, 30.0, 0.0, 70.0, 50.0, 90.0, 60.0, 100.0, 100.0, 10.0, 0.0, 60.0, 40.0, 100.0, 0.0, 20.0, 0.0, 0.0, 20.0, 90.0, 60.0, 40.0, 20.0, 40.0, 100.0, 80.0, 0.0, 0.0, 50.0, 100.0, 40.0, 10.0, 90.0, 90.0, 100.0, 50.0, 0.0, 100.0, 40.0, 30.0, 80.0, 100.0, -1.0, 60.0, 0.0, 90.0, 70.0, 80.0, 20.0, 90.0, 50.0], (7000, 3500): [0.0, 100.0, 70.0, 90.0, 10.0, 60.0, 70.0, 10.0, 10.0, 50.0, 100.0, 30.0, 100.0, 20.0, 60.0, 100.0, 100.0, 0.0, 0.0, 10.0, 50.0, 0.0, 0.0, 100.0, 90.0, 30.0, 10.0, 100.0, 0.0, 20.0, 50.0, 0.0, 60.0, 20.0, 100.0, 20.0, 70.0, 20.0, 10.0, 90.0, 0.0, 40.0, 0.0, 0.0, 100.0, 100.0, 70.0, 0.0, 70.0, 40.0, 30.0, 100.0, 70.0, 0.0, 100.0, 20.0, 50.0, 0.0, 70.0, 100.0, 0.0, 40.0, 20.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 80.0, 100.0, 30.0, 80.0, 100.0, 20.0, 70.0, 90.0, 0.0, 60.0, 0.0, 100.0, 80.0, 30.0, 0.0, 60.0, 100.0, 60.0, 100.0, 100.0, 100.0, 30.0, 100.0, 20.0, 30.0, 30.0, 70.0, 0.0, 0.0, 100.0, 0.0, 0.0, 50.0, 0.0, 100.0, 60.0, 30.0, 0.0, 90.0, 90.0, 10.0, 70.0, 100.0, 70.0, 90.0, 100.0], (6300, 2100): [40.0, 60.0, 20.0, 0.0, 20.0, 80.0, 40.0, 60.0, 10.0, 30.0, 30.0, 0.0, 80.0, 100.0, 10.0, 40.0, -1.0, 50.0, 30.0, 100.0, 70.0, 60.0, 90.0, 50.0, 70.0, 100.0, 60.0, 0.0, 10.0, 70.0, 20.0, 40.0, 20.0, 40.0, 70.0, 10.0, 80.0, 100.0, 0.0, 60.0, 10.0, 0.0, 70.0, 0.0, 80.0, 50.0, 10.0, 10.0, 20.0, 0.0, 30.0, 70.0, 100.0, 30.0, 50.0, 40.0, 70.0], (7700, 4900): [20.0, 30.0, 20.0, 70.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 10.0, 90.0, 20.0, 20.0, 100.0, 100.0, 20.0, 10.0, 90.0, 10.0, 100.0, 70.0, 70.0, 100.0, 30.0, 100.0, 10.0, 0.0, 50.0, 90.0, 0.0, 10.0, 90.0, 70.0, 100.0, 0.0, 100.0, 90.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 60.0, 80.0, 20.0, 10.0, 30.0, 80.0, 20.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 0.0, 30.0, 20.0, 100.0, 0.0, 100.0, 100.0, 60.0, 30.0, 80.0, 10.0, 20.0, 10.0, 30.0, 100.0, 100.0, 0.0, 10.0, 0.0, 0.0, 70.0, 80.0, 30.0, 50.0, 80.0, 30.0, 100.0, 100.0, 60.0, 10.0, 0.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 40.0, 0.0, 100.0, 20.0, 100.0, 30.0, 20.0, 100.0, 10.0, 0.0, 0.0, 30.0, 100.0, 0.0, 10.0, 100.0, 100.0, 20.0, 0.0, 50.0, 100.0, 70.0, 60.0, 40.0, 20.0, 100.0, 20.0, 50.0, 60.0, 0.0, 100.0, 100.0, 10.0, 50.0, 70.0, 100.0, 50.0, 100.0, 100.0, 90.0, 20.0, 100.0, 10.0], (3500, 1400): [70.0, 40.0, 30.0, 30.0, 30.0, 10.0, 60.0, 10.0, 30.0, 20.0, 40.0, 20.0, 50.0, 40.0, 30.0, 30.0, -1.0, 30.0, 20.0, 10.0, 30.0, 10.0, 80.0, 90.0, 30.0, 30.0, 40.0, 20.0, 20.0, 60.0, 30.0, -1.0, 70.0, 30.0, 20.0, 30.0, 20.0, 10.0, 10.0, 10.0, -1.0, 40.0, 30.0, 80.0, 60.0, 30.0, 60.0, 30.0, -1.0, 10.0, 20.0, 30.0, -1.0, -1.0, 20.0, 50.0, 30.0, 10.0, 10.0, 40.0, 50.0, 10.0, 20.0, 90.0, 50.0, 10.0, 40.0, -1.0, 40.0, 10.0, 10.0, 20.0, 20.0, 30.0, 30.0, 30.0, 40.0, 40.0], (5600, 0): [40.0, 40.0, 50.0, 20.0, 40.0, 30.0, 30.0, 40.0, 40.0, 50.0, 30.0, 50.0, 30.0, 20.0, 40.0, 30.0, 40.0, 20.0, 50.0, 40.0, 30.0, 40.0, 20.0, 20.0, 50.0, 30.0, 40.0, 40.0, 40.0, 60.0, 30.0, 60.0, 30.0, 30.0, 30.0, 30.0, 40.0, 50.0, 20.0, 30.0, 30.0, 30.0, 40.0, 20.0, 40.0, 50.0, 30.0, 40.0, 10.0, 40.0, 20.0, 30.0], (3500, 2800): [30.0, -1.0, 90.0, 70.0, 60.0, -1.0, 80.0, 20.0, 30.0, 20.0, 50.0, 50.0, 10.0, 10.0, 70.0, 20.0, 40.0, 20.0, 100.0, 30.0, 20.0, 70.0, 30.0, 20.0, 30.0, 30.0, 40.0, 30.0, 60.0, 30.0, 20.0, 50.0, 50.0, 30.0, 20.0, 30.0, 70.0, 20.0, 40.0, 80.0, 40.0, 20.0, 50.0, 20.0, 50.0, 40.0, 30.0, 20.0, 50.0, 30.0, 30.0, 80.0, 50.0, 60.0, 30.0, -1.0, 70.0, 50.0, 50.0, 30.0, 60.0, 50.0, 20.0, 50.0, 30.0, 50.0, 10.0, 20.0, 20.0, 40.0, 20.0, 10.0, 20.0, 40.0], (7700, 2800): [100.0, 20.0, 30.0, 100.0, 50.0, 100.0, 0.0, 70.0, 20.0, 40.0, 100.0, 40.0, 100.0, 80.0, 100.0, 40.0, 100.0, 100.0, 20.0, 40.0, 30.0, 100.0, 30.0, 70.0, 100.0, 90.0, 100.0, 0.0, 20.0, 100.0, 60.0, 70.0, 100.0, 100.0, 100.0, 10.0, 80.0, 30.0, 60.0, 100.0, 20.0, 100.0, 100.0, 70.0, 80.0, 100.0, 100.0, 70.0, 20.0, 100.0, 30.0, 100.0, 80.0, 60.0, 0.0, 10.0, 100.0, 0.0, 100.0, 100.0, 60.0, 40.0, 60.0, 40.0], (7000, 4200): [40.0, 100.0, 100.0, 40.0, 80.0, 100.0, 100.0, 70.0, 0.0, 90.0, 10.0, 20.0, 0.0, 100.0, 100.0, 0.0, 10.0, 20.0, 10.0, 70.0, 0.0, 70.0, 50.0, 100.0, 0.0, 0.0, 100.0, 0.0, 0.0, 100.0, 0.0, 80.0, 40.0, 100.0, 30.0, 80.0, 90.0, 40.0, 0.0, 0.0, 60.0, 10.0, 0.0, 100.0, 0.0, 100.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 0.0, 60.0, 20.0, 100.0, 20.0, 100.0, 70.0, 0.0, 70.0, 0.0, 10.0, 0.0, 0.0, 30.0, 90.0, 10.0, 80.0, 0.0, 100.0, 100.0, 100.0, 10.0, 50.0, 90.0, 40.0, 40.0, 70.0, 100.0, 10.0, 100.0, 50.0, 30.0, 10.0, 0.0, 100.0, 30.0, 10.0, 100.0, 90.0, 100.0, 100.0, 70.0, 20.0, 30.0, 100.0, 0.0, 100.0, 30.0, 100.0, 100.0, 10.0, 30.0, 100.0, 50.0, 80.0, 40.0, 100.0, 100.0, 60.0, 100.0, 30.0, 30.0, 100.0, 0.0, 100.0, 0.0, 20.0, 30.0, 40.0, 100.0, 10.0, 80.0, 0.0, 100.0, 90.0, 30.0, 30.0, 40.0, 100.0, 50.0, 20.0, 30.0, 40.0, 20.0, 50.0, 0.0, 100.0, 0.0, 100.0, 0.0, 40.0, 20.0, 70.0, 60.0, 50.0, 0.0, 10.0, 0.0, 90.0, 20.0, 10.0, 0.0, 90.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 60.0, 0.0, 0.0, 70.0, 100.0, 40.0, 100.0, 100.0, 100.0, 0.0, 40.0, 30.0, 0.0, 20.0, 10.0, 100.0, 90.0, 20.0, 0.0, 0.0, 0.0, 90.0, 60.0, 60.0, 50.0, 20.0, 40.0, 100.0, 90.0, 10.0, 60.0, 0.0, 100.0, 0.0, 40.0, 50.0, 20.0, 50.0], (4200, 2800): [10.0, 20.0, 40.0, 0.0, 50.0, 30.0, 10.0, 100.0, 10.0, 20.0, 20.0, 20.0, 70.0, 0.0, 0.0, 40.0, 30.0, 0.0, 40.0, 40.0, 20.0, 0.0, 10.0, 10.0, 0.0, 30.0, 100.0, 90.0, 100.0, 0.0, 10.0, 80.0, 60.0, 50.0, 30.0, 80.0, 0.0, 10.0, 0.0, 10.0, 40.0, 0.0, 30.0, 0.0, 20.0, 70.0, 40.0, 50.0, 40.0, 20.0, 0.0, 50.0, 40.0, 100.0, 60.0, 10.0, 20.0, 20.0, 100.0, 50.0, 20.0, 40.0, 20.0, 0.0, 10.0, 100.0, 0.0, 30.0, 50.0, 10.0, 50.0, 0.0, 10.0, 40.0, 90.0, 90.0, 10.0, 20.0, 50.0, 20.0, 80.0, 0.0, 40.0, 80.0, 20.0, 30.0, 60.0, 100.0, 20.0, 10.0, 10.0, 30.0, 40.0, 0.0, 10.0, 20.0, 40.0, 60.0, 60.0, 0.0, 0.0, 100.0, 20.0, 100.0, 50.0, 10.0, 10.0, 40.0, 20.0, 0.0, 30.0, 70.0, 60.0, 90.0, 70.0, 70.0, -1.0, 20.0, 30.0, 0.0, 0.0, 100.0, 0.0, 60.0, 40.0, 0.0, 100.0, 40.0, 0.0, 70.0, 0.0, 0.0, 20.0, 10.0, 100.0, 0.0, 0.0, 20.0, 20.0, 20.0, 10.0, 0.0, 30.0, 10.0, 0.0, 30.0, 40.0, 10.0, 30.0, 20.0, 20.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 10.0, 50.0, 30.0, 10.0, 20.0, 30.0, 10.0, 80.0, 20.0, 0.0, 70.0, 30.0, 20.0, 60.0, 20.0, 40.0, 0.0, 70.0, 30.0, 30.0, 20.0, 20.0, 20.0, 40.0, 30.0, 50.0, 100.0, 50.0, -1.0, 20.0, 40.0, 0.0, 20.0, 20.0, 0.0, 30.0, 0.0, 10.0, 70.0, 20.0, 80.0, 40.0, 30.0, 10.0, 50.0, 0.0, 20.0, 40.0, 0.0, 10.0, 10.0, 30.0, 70.0, 0.0, 10.0, 20.0, 40.0, 10.0, 20.0, 20.0, 50.0, 0.0, 50.0, 40.0, 20.0, 50.0, 0.0, 0.0, 40.0, 0.0, 40.0, 70.0, 0.0, 10.0, 10.0, 30.0, 90.0, 30.0, 20.0, 40.0, 60.0, 80.0, 0.0, 20.0, 20.0, 0.0, 20.0, 30.0, 0.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 20.0, 50.0, 30.0, 20.0, 20.0, 60.0, 30.0, 0.0, 0.0, 80.0, 30.0, 0.0, 20.0, 30.0, 100.0, 60.0, 0.0, 20.0, 20.0, 20.0, 0.0, 40.0, 30.0, 50.0, 0.0, 30.0, 0.0, 0.0, 60.0, 10.0, 0.0, 30.0, 60.0, 30.0], (6300, 2800): [70.0, 20.0, 0.0, 100.0, 100.0, 40.0, 0.0, 70.0, 30.0, 30.0, 20.0, 30.0, 10.0, 70.0, 10.0, 0.0, 40.0, 30.0, 80.0, 10.0, 80.0, 20.0, 0.0, 100.0, 90.0, 80.0, 100.0, 10.0, 60.0, 0.0, 100.0, 100.0, 20.0, 10.0, 40.0, 10.0, 40.0, 40.0, 70.0, 60.0, 30.0, 20.0, 100.0, 70.0, 30.0, 0.0, 90.0, 0.0, 20.0, 90.0, 100.0, 40.0, 100.0, 10.0, 50.0, 20.0, 20.0, 20.0, 20.0, 70.0, 0.0, 20.0, 90.0, 10.0, 40.0, 100.0, 100.0, 30.0, 60.0, 0.0, 100.0, 0.0, 0.0, 100.0, 80.0, 0.0, 20.0, 60.0], (2800, 700): [10.0, 20.0, 10.0, 10.0, 10.0, 60.0, 20.0, 10.0, -1.0, 30.0, -1.0, 10.0, 40.0, 10.0, 20.0, 20.0, 20.0, 10.0, -1.0, 10.0, 40.0, 30.0, -1.0, 20.0, 10.0, 30.0, 10.0, -1.0, 40.0, 10.0, 0.0, 20.0, -1.0, 20.0, -1.0, 40.0, -1.0, -1.0, 10.0, 0.0, -1.0, 10.0, 20.0, 30.0, 50.0, 40.0, 40.0, -1.0, 0.0, 20.0, 10.0, 20.0], (2100, 0): [10.0, 10.0, -1.0, -1.0, 20.0, -1.0, 0.0, 10.0, -1.0, 10.0, -1.0, 20.0, 10.0, 10.0, 0.0, 30.0, -1.0, 20.0, 0.0, -1.0, 30.0, -1.0, 0.0, -1.0, 10.0, 0.0, 20.0, 10.0, -1.0, 0.0, 0.0, -1.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, 0.0, 20.0, -1.0, 0.0, -1.0, 0.0, 0.0], (8400, 4900): [100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 20.0, 20.0, 40.0, 100.0, 90.0, 0.0, 100.0, 80.0, 80.0, 80.0, 90.0, 100.0, 10.0, 100.0, 0.0, 20.0, 0.0, 0.0, 100.0, 100.0, 40.0, 50.0, 10.0, 100.0, 100.0, 70.0, 10.0, 0.0, 100.0, 90.0, 100.0, 100.0, 100.0, 0.0, 100.0, 80.0, 100.0, 0.0, 10.0, 20.0, 90.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 40.0, 20.0, 100.0, 100.0, 80.0, 90.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 60.0, 100.0, 30.0, 100.0, 0.0, 100.0, 20.0, 100.0, 80.0, 100.0, 20.0, 10.0, 0.0, 100.0, 90.0, 60.0, 0.0, 100.0, 100.0, 100.0, 0.0, 0.0, 90.0, 100.0, 50.0], (700, 0): [60.0, 20.0, 40.0, 10.0, 60.0, 0.0, 20.0, 50.0, 50.0, 40.0, 50.0, 30.0, 20.0, 10.0, 10.0, 10.0, 30.0, 20.0, 50.0, 30.0, 70.0, 20.0, 10.0, 10.0, 70.0, -1.0, 10.0, 40.0, 10.0, 20.0, 20.0, 40.0, 100.0, 60.0, 40.0, 20.0, 70.0, 30.0, 10.0, 0.0, 50.0, 30.0, 60.0, 0.0, 20.0, 40.0, 80.0, 20.0, 10.0, 10.0, 20.0, 50.0, 20.0, 10.0, 50.0, 10.0, 50.0, -1.0, 10.0, 10.0, 50.0, 20.0, 20.0, 0.0, -1.0, 30.0, 30.0, 10.0, 40.0, 10.0, 0.0, 70.0, 40.0, 20.0, 50.0, 10.0, 10.0], (7000, 1400): [90.0, 20.0, 60.0, 90.0, 90.0, 30.0, 70.0, 30.0, 60.0, 100.0, 80.0, 90.0, 100.0, 30.0, 70.0, 30.0, 100.0, 70.0, 100.0, 0.0, 70.0, 40.0, 70.0, 20.0, 100.0, 80.0, 20.0, 80.0, 100.0, 80.0, 50.0, 90.0, 90.0, 60.0, 100.0, 60.0, 30.0, 90.0, 30.0, 100.0], (4200, 700): [20.0, 40.0, 0.0, 20.0, 20.0, 30.0, 0.0, 10.0, 30.0, 40.0, 30.0, 60.0, 0.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 10.0, 20.0, 30.0, 10.0, 30.0, 10.0, -1.0, 20.0, 20.0, 40.0, 40.0, 20.0, 10.0, -1.0, 50.0, 10.0, 30.0, 10.0, 10.0], (4200, 2100): [20.0, 20.0, 40.0, 20.0, 50.0, 40.0, 20.0, 80.0, 10.0, 30.0, 10.0, 40.0, 10.0, 10.0, 30.0, 20.0, 0.0, 0.0, 30.0, 50.0, 80.0, 60.0, 20.0, 30.0, 0.0, 40.0, 0.0, 40.0, 10.0, 40.0, 50.0, 0.0, 40.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 40.0, 20.0, 20.0, 20.0, 40.0, 60.0, 20.0, 0.0, 60.0, 30.0, 0.0, 10.0, 40.0, 0.0, 0.0, 0.0, 50.0, 10.0, 0.0, 30.0, 100.0, 0.0, 10.0, 0.0, 30.0, 100.0, 80.0, 10.0, 30.0, 10.0, 80.0, 40.0, 40.0, 10.0, 50.0, 0.0, 60.0, 30.0, 0.0, 30.0, 0.0, 0.0, 40.0, 0.0, 80.0, 0.0, 10.0, 20.0, 20.0, 50.0, 10.0, 10.0, 20.0, 40.0, 10.0, 30.0, 60.0, 30.0, 40.0, 30.0, 30.0, 10.0, 40.0, 20.0, 60.0, 0.0, 20.0, 20.0, 40.0, 0.0, 80.0, 50.0, 10.0, 20.0, 40.0, 100.0, 0.0, 40.0, 10.0, 30.0, 0.0, 30.0, 30.0, 30.0, 20.0, 20.0], (7700, 5600): [100.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 10.0, 0.0], (4900, 3500): [20.0, 30.0, 0.0, 100.0, 80.0, 60.0, 10.0, 10.0, 50.0, 0.0, 40.0, 10.0, 10.0, 0.0, 0.0, 20.0, 40.0, 0.0, 10.0, 20.0, 90.0, 10.0, 0.0, 20.0, 0.0, 0.0, 50.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 80.0, 0.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 30.0, 80.0, 10.0, 0.0, 20.0, 0.0, 0.0, 0.0, 10.0, 50.0, 0.0, 100.0, 30.0, 90.0, 100.0, 10.0, 20.0, 0.0, 20.0, 10.0, 50.0, 30.0, 0.0, 20.0, 0.0, 60.0, 20.0, 0.0, 10.0, 0.0, 20.0, 0.0, 70.0, 30.0, 0.0, 10.0, 10.0, 30.0, 100.0, 0.0, 100.0, 100.0, 60.0, 10.0, 60.0, 50.0, 80.0, 10.0, 0.0, 40.0, 70.0, 30.0, 0.0, 10.0, 0.0, 20.0, 10.0, 60.0, 10.0, 60.0, 0.0, 30.0, 70.0, 10.0, 0.0, 40.0, 10.0, 0.0, 0.0, 20.0, 0.0, 10.0, 0.0, 20.0, 10.0, 50.0, 0.0, 50.0, 60.0, 0.0, 90.0, 10.0, 0.0, 10.0, 30.0, 60.0, 30.0, 80.0, 0.0, 0.0, 100.0, 30.0, 80.0, 0.0, 0.0, 50.0, 0.0, 10.0, 90.0, 10.0, 70.0, 70.0, 0.0, 30.0, 30.0, 30.0, 0.0, 100.0, 80.0, 0.0, 0.0, 10.0, 0.0, 10.0, 60.0, 60.0, 10.0, 0.0, 10.0, 70.0, 20.0, 20.0, 0.0, 0.0, 60.0, 0.0, 0.0, 10.0, 0.0, 90.0, 50.0, 20.0, 60.0, 0.0, 10.0, 60.0, 40.0, 10.0, 10.0, 40.0, 0.0, 50.0, 70.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 40.0, 20.0, 30.0, 10.0, 0.0, 60.0, 20.0, 0.0, -1.0, 40.0, 0.0, 0.0, 30.0, 0.0, 50.0, 0.0, 60.0, 40.0, 0.0, 60.0, 70.0, 10.0, 10.0, 20.0, 0.0, 30.0, 40.0, 50.0, 0.0, 20.0, 0.0, 40.0, 100.0, 20.0, 70.0, 30.0, 10.0, 0.0, 0.0, 60.0, 10.0], (7000, 700): [80.0, 70.0, 60.0, 40.0, 30.0, 80.0, 100.0, 100.0, 50.0, 50.0, 40.0, 60.0, 50.0, 40.0, 100.0, 70.0, 20.0, 90.0, 80.0, 100.0, 100.0, 20.0, 60.0, 50.0, 100.0, 60.0, 70.0, 30.0, 50.0, 90.0, 50.0, 80.0, 90.0, 20.0, 70.0, 90.0, 50.0, 60.0, 60.0, 90.0, 60.0, 90.0, 20.0, 80.0, 70.0, 90.0, 30.0, 50.0, 80.0, 30.0], (4200, 3500): [40.0, 70.0, 40.0, 40.0, 20.0, 40.0, 10.0, 10.0, 50.0, 20.0, 70.0, 20.0, 20.0, 0.0, 10.0, 10.0, 0.0, 10.0, 100.0, 20.0, 0.0, 40.0, 100.0], (2800, 2100): [60.0, -1.0, 20.0, 40.0, 30.0, 80.0, 30.0, 60.0, 60.0, -1.0, 90.0, 40.0, 40.0, 50.0, 80.0, 10.0, 40.0, 20.0, 50.0, 40.0, 80.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 90.0, 20.0, 70.0, 20.0, 40.0, 30.0, 30.0, 50.0, 40.0, 30.0, 60.0, 60.0, 40.0, 50.0, -1.0, -1.0, 10.0, 20.0, 50.0, 40.0, 30.0, 30.0, 50.0, 20.0, 30.0, 30.0, 20.0, 50.0, 50.0, -1.0, 50.0, 60.0, 60.0, 60.0, 40.0, 30.0, 40.0, 40.0, 40.0, 40.0, 0.0, 30.0, 30.0, 40.0, 80.0, 40.0, 20.0, 60.0, 40.0, 70.0, 50.0, 60.0, 40.0, 30.0, 30.0, 30.0, 40.0, 20.0, 30.0, 60.0, 80.0, 40.0, 30.0, 50.0, 30.0, 60.0, 40.0, 60.0, 40.0, 60.0, 80.0, 50.0, 20.0, 30.0, 30.0, 80.0, 30.0, 40.0, 70.0, 90.0, 30.0, 30.0, 50.0, 80.0, 30.0, 60.0, 20.0, 40.0, 50.0, -1.0, 40.0, 20.0, 50.0, 20.0, 40.0, 40.0, 30.0, 70.0, 60.0, 40.0, 50.0, 50.0, 40.0, 60.0, -1.0, -1.0, 10.0, 60.0, -1.0, 70.0, 30.0, 30.0, 40.0, 60.0, 80.0, 50.0, 60.0, 30.0, 40.0, 100.0, 70.0, 40.0, 90.0, 30.0, 50.0, 10.0], (1400, 0): [10.0, 10.0, 10.0, 20.0, -1.0, 10.0, 10.0, 10.0, 50.0, -1.0, -1.0, -1.0, 10.0, -1.0, 20.0, -1.0, 30.0, -1.0, 10.0, 30.0, 0.0, 10.0, 10.0, 30.0, 40.0, 10.0, 10.0, 0.0, 30.0, 40.0, 10.0, 10.0, 10.0, 20.0, 0.0, 10.0, 10.0, 0.0, 20.0, 20.0, 20.0, 10.0, 10.0, 10.0, 10.0, 50.0, 0.0, 10.0, 10.0, -1.0, 0.0, 10.0], (6300, 4200): [60.0, 10.0, 100.0, 100.0, 90.0, 30.0, 20.0, 40.0, 100.0, 70.0, 80.0, 30.0, 70.0, 0.0, 0.0, 100.0, 10.0, 0.0, 0.0, 40.0, 50.0, 40.0, 40.0, 10.0, 60.0, 70.0, 50.0, 0.0, 30.0, 80.0, 100.0, 0.0, 40.0, 80.0, 40.0, 0.0, 100.0, 10.0, 20.0, 100.0, 0.0, 10.0, 100.0, 20.0, 70.0, 70.0, 10.0, 0.0, 0.0, 50.0, 0.0, 100.0, 20.0, 90.0, 0.0, 100.0, 0.0, 0.0, 100.0, 10.0, 20.0, 100.0, 0.0, 30.0, 80.0, 0.0, 70.0, 20.0, 100.0, 40.0, 60.0, 10.0, 0.0, 100.0, 0.0, 100.0, 30.0, 10.0, 10.0, 10.0, 90.0, 0.0, 100.0, 50.0, 0.0, 70.0, 0.0, 0.0, 60.0, 20.0, 100.0, 10.0, 60.0, 100.0, 10.0, 90.0, 20.0, 50.0, 90.0, 0.0, 0.0, 50.0, 20.0, 10.0, 100.0, 100.0, 0.0, 70.0, 100.0, 60.0, 10.0, 90.0, 100.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 60.0, 80.0, 100.0, 40.0, 100.0, 70.0, 40.0, 100.0, 0.0, 40.0, 60.0, 50.0, 0.0, 40.0, 70.0, 100.0, 80.0, 40.0, 0.0, 100.0, 80.0, 100.0, 60.0, 10.0, 60.0, 10.0, 10.0, 10.0, 30.0, 0.0, 50.0, 90.0, 0.0, 20.0, 10.0, 60.0, 10.0, 90.0, 40.0, 30.0, 10.0, 30.0, 60.0, 70.0, 40.0, 50.0, 100.0, 10.0, 0.0, 20.0, 0.0, 0.0, 50.0, 100.0, 40.0, 60.0, 70.0, 0.0, 10.0, 0.0, 50.0, 10.0, 10.0, 10.0, 100.0, 20.0, 20.0, 100.0, 30.0, 100.0, 30.0, 30.0, 100.0, 100.0, 30.0, 20.0, 0.0, 70.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 60.0, 20.0, 100.0, 80.0, 40.0, 70.0, 10.0, 100.0, 70.0, 80.0, 80.0, 0.0, 0.0, 0.0, 40.0, 60.0, 80.0, 0.0, 0.0, 0.0, 30.0, 10.0, 50.0, 0.0, 20.0, 20.0, 40.0, 0.0, 40.0, 0.0], (4200, 1400): [30.0, 30.0, 60.0, 60.0, 10.0, 20.0, 60.0, 30.0, 20.0, 20.0, 10.0, 10.0, 30.0, 30.0, 80.0, 10.0, 10.0, 0.0, 10.0, 10.0, 20.0, 20.0, 10.0, 20.0, 10.0, 30.0, 40.0, 0.0, 10.0, 30.0, 20.0, 10.0, 0.0, 10.0, 20.0, 30.0, 10.0, 40.0, -1.0, 10.0, 20.0, 0.0, 0.0, 40.0, 20.0, 30.0, 70.0, 10.0, 30.0, 20.0, 10.0, 20.0, 0.0, 50.0, 0.0, 10.0, 70.0, 50.0, 40.0, 30.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 20.0, 10.0], (8400, 3500): [0.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 60.0, 100.0, 40.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 20.0, 50.0, 50.0, 100.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 50.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 30.0, 80.0, 100.0, 80.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 50.0, 30.0, 100.0, 0.0, 60.0, 90.0, 100.0, 100.0, 100.0, 20.0, 40.0], (3500, 3500): [80.0], (5600, 4900): [40.0], (7000, 2100): [30.0, 90.0, 30.0, 50.0, 90.0, 10.0, 100.0, 100.0, 100.0, 20.0, 40.0, 100.0, 60.0, 20.0, 30.0, 100.0, 0.0, 80.0, 20.0, 10.0, 90.0, 70.0, 10.0, 50.0, 10.0, 100.0, 90.0, 30.0, 70.0, 30.0, 60.0, 10.0, 100.0, 80.0, 80.0, 10.0, 50.0, 0.0, 90.0, 50.0, 20.0, 80.0, 50.0, 30.0, 50.0, 100.0, 70.0, 100.0, 80.0, 100.0, 80.0, 40.0, 100.0, 10.0, 0.0, 60.0, 90.0, 30.0, 100.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_800 = {(4000, 800): [30.0, 20.0, 40.0, 0.0, 20.0, 50.0, 30.0, 20.0, 20.0, 0.0, 10.0, 30.0, 10.0, 30.0, 60.0, 10.0, 20.0, 20.0, 10.0, 10.0, 30.0, 10.0, 30.0, 10.0, 40.0, -1.0, 10.0, 0.0, 0.0, 20.0, 30.0, 10.0, 20.0, 40.0, 30.0, 30.0, 30.0, 30.0, 10.0, -1.0, 0.0, 30.0, 20.0, 40.0, 10.0, 40.0, 40.0, 20.0, 10.0, -1.0, 50.0, 10.0, 0.0, 30.0, 10.0, 10.0, 10.0], (6400, 800): [60.0, 30.0, 100.0, 20.0, 30.0, 80.0, -1.0, 100.0, 100.0, 80.0, 90.0, 30.0, 40.0, 50.0, 10.0, 40.0, 60.0, 30.0, 20.0, 40.0, 40.0, 50.0, 60.0, 20.0, 40.0, 30.0, 10.0, 50.0, 40.0, 40.0, 60.0, 30.0, 60.0, 90.0, 0.0, 20.0, 20.0, 70.0, 30.0, 70.0, 40.0, 80.0, 70.0, 30.0, 60.0, 60.0, 50.0, 100.0, 50.0, 50.0, 60.0, 40.0, 50.0, 30.0, 50.0, 50.0, 90.0, 70.0, 30.0, 70.0, 40.0, 60.0, 50.0, 100.0, 100.0, 30.0, 50.0, 80.0, 60.0, 30.0, 80.0], (8800, 4000): [100.0, 100.0, 40.0, 30.0, 10.0, 100.0, 100.0, 0.0, 100.0, 10.0, 10.0, 100.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0], (4800, 3200): [40.0, 20.0, 30.0, 0.0, 90.0, 100.0, 80.0, 60.0, 40.0, 20.0, 60.0, 10.0, 10.0, 0.0, 50.0, 20.0, 40.0, 10.0, 10.0, 0.0, 0.0, 30.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 40.0, 0.0, 10.0, 20.0, 60.0, 0.0, 90.0, 10.0, 90.0, 20.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 40.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 40.0, 20.0, 0.0, 0.0, 30.0, 0.0, 0.0, 50.0, 0.0, 0.0, 0.0, 30.0, 20.0, 80.0, 10.0, 0.0, 10.0, 20.0, 0.0, 0.0, 0.0, 20.0, 10.0, 50.0, 20.0, 50.0, 20.0, 80.0, 70.0, 0.0, 100.0, 0.0, 30.0, 90.0, 40.0, 10.0, 20.0, 10.0, 0.0, 20.0, 10.0, 10.0, 50.0, 30.0, 0.0, 20.0, 20.0, 0.0, 60.0, 100.0, 10.0, 0.0, 20.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 10.0, 20.0, 10.0, 30.0, 100.0, 50.0, 60.0, 20.0, 90.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 10.0, 20.0, 20.0, 100.0, 10.0, 40.0, 50.0, 80.0, 10.0, 0.0, 40.0, 70.0, 30.0, 0.0, 100.0, 10.0, 80.0, 10.0, 0.0, 20.0, 20.0, 10.0, 0.0, 60.0, 40.0, 0.0, 0.0, 30.0, 70.0, 10.0, 0.0, 0.0, 40.0, 10.0, 50.0, 50.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 10.0, 0.0, 20.0, 10.0, 0.0, 50.0, 0.0, 50.0, 60.0, 0.0, 0.0, 90.0, 0.0, 10.0, 0.0, 0.0, 10.0, 10.0, 0.0, 50.0, 30.0, 10.0, 60.0, 30.0, 60.0, 0.0, 90.0, 0.0, 100.0, 30.0, 80.0, 0.0, 0.0, 0.0, 0.0, 10.0, 90.0, 20.0, 10.0, 70.0, 70.0, 30.0, 10.0, 0.0, 30.0, 30.0, 30.0, 0.0, 10.0, 10.0, 100.0, 30.0, 80.0, 0.0, 0.0, 60.0, 10.0, 0.0, 0.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 10.0, 0.0, 60.0, 60.0, 10.0, 10.0, 50.0, 70.0, 20.0, 40.0, 20.0, 0.0, 0.0, 60.0, 30.0, 0.0, 60.0, 0.0, 40.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 90.0, 50.0, 20.0, 80.0, 60.0, 0.0, 0.0, 10.0, 20.0, 70.0, 40.0, 10.0, 0.0, 50.0, 0.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 40.0, 20.0, 0.0, 40.0, 30.0, 0.0, 30.0, 20.0, 10.0, 0.0, 30.0, 60.0, 100.0, 0.0, 20.0, 0.0, -1.0, 40.0, 0.0, 0.0, 40.0, 0.0, 30.0, 10.0, 0.0, 20.0, 50.0, 0.0, 30.0, 60.0, 40.0, 0.0, 60.0, 70.0, 0.0, 10.0, 10.0, 20.0, 70.0, 0.0, 20.0, 30.0, 40.0, 50.0, 50.0, 0.0, 100.0, 20.0, 0.0, 0.0, 40.0, 100.0, 20.0, 40.0, 70.0, 0.0, 30.0, 10.0, 30.0, 20.0, 60.0, 10.0, 0.0, 10.0], (8800, 2400): [30.0, 20.0, 100.0, 0.0, 30.0, 100.0, 80.0, 100.0, 70.0, 100.0, 100.0, 60.0, 70.0, 30.0, 90.0], (1600, 0): [10.0, 20.0, 10.0, 20.0, 10.0, -1.0, 10.0, 10.0, 20.0, 10.0, 10.0, 0.0, 50.0, -1.0, -1.0, 40.0, 20.0, -1.0, 10.0, 0.0, -1.0, 0.0, 10.0, 0.0, -1.0, 0.0, 0.0, 10.0, 40.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 10.0, 10.0, 20.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 20.0, 20.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 50.0, 20.0, 10.0, 0.0, 0.0, 10.0, 0.0, 10.0], (4800, 800): [10.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 20.0, 0.0, 30.0, 40.0, 0.0, 40.0, 10.0, 60.0, 40.0, 0.0, 40.0, 10.0, 20.0, 40.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 50.0, 30.0, 0.0, 100.0, 0.0, 30.0, 20.0, 0.0, 60.0, 10.0, 50.0, 10.0, 0.0, 10.0, 30.0, 20.0, 0.0, 0.0, 0.0, 20.0, 30.0, 10.0, 0.0, 10.0, 40.0, 20.0, 50.0, 30.0, 50.0, 10.0, 0.0], (7200, 4000): [40.0, 100.0, 40.0, 20.0, 80.0, 100.0, 90.0, 30.0, 20.0, 90.0, 100.0, 0.0, 100.0, 100.0, 70.0, 80.0, 10.0, 0.0, 10.0, 10.0, 70.0, 100.0, 60.0, 100.0, 20.0, 0.0, 70.0, 50.0, 90.0, 0.0, 100.0, 0.0, 0.0, 70.0, 70.0, 90.0, 0.0, 80.0, 30.0, 40.0, 100.0, 100.0, 80.0, 0.0, 80.0, 40.0, 0.0, 50.0, 100.0, 100.0, 0.0, 100.0, 80.0, 30.0, 20.0, 0.0, 0.0, 20.0, 100.0, 20.0, 20.0, 100.0, 70.0, 70.0, 20.0, 70.0, 100.0, 100.0, 30.0, 90.0, 10.0, 20.0, 0.0, 100.0, 100.0, 70.0, 100.0, 100.0, 10.0, 90.0, 10.0, 80.0, 50.0, 40.0, 100.0, 10.0, 10.0, 0.0, 100.0, 30.0, 100.0, 100.0, 100.0, 30.0, 20.0, 100.0, 50.0, 100.0, 10.0, 30.0, 100.0, 50.0, 80.0, 40.0, 70.0, 100.0, 100.0, 100.0, 100.0, 30.0, 0.0, 100.0, 30.0, 20.0, 10.0, 100.0, 10.0, 50.0, 20.0, 30.0, 80.0, 90.0, 100.0, 90.0, 0.0, 10.0, 30.0, 100.0, 0.0, 100.0, 50.0, 30.0, 40.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 0.0, 50.0, 60.0, 50.0, 0.0, 10.0, 30.0, 0.0, 100.0, 100.0, 100.0, 60.0, 0.0, 0.0, 70.0, 40.0, 100.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 10.0, 20.0, 50.0, 90.0, 0.0, 100.0, 20.0, 0.0, 0.0, 30.0, 90.0, 70.0, 20.0, 40.0, 10.0, 10.0, 20.0, 60.0, 0.0, 0.0, 40.0, 50.0, 20.0, 50.0, 20.0], (8000, 3200): [0.0, 100.0, 70.0, 30.0, 50.0, 90.0, 100.0, 60.0, 0.0, 60.0, 100.0, 40.0, 70.0, 100.0, 80.0, 10.0, 100.0, 90.0, 100.0, 70.0, 10.0, 100.0, 100.0, 30.0, 40.0, 50.0, 100.0, 30.0, 30.0, 0.0, 30.0, 100.0, 60.0, 100.0, 100.0, 90.0, 100.0, 10.0, 50.0, 80.0, 10.0, 0.0, 100.0, 100.0, 60.0, 100.0, 100.0, 10.0, 50.0, 60.0, 100.0, 60.0, 100.0, 20.0, 90.0, 100.0, 20.0, 90.0, 70.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 10.0, 80.0, 100.0, 0.0, 100.0, 30.0, 100.0, 40.0, 90.0, 100.0, 10.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 40.0, 0.0, 10.0, 50.0, 100.0, 100.0, 30.0, 90.0, 20.0, 100.0, 40.0, 10.0, 50.0, 100.0, 20.0, 0.0], (6400, 4000): [60.0, 10.0, 100.0, 100.0, 100.0, 60.0, 90.0, 40.0, 40.0, 100.0, 0.0, 40.0, 100.0, 70.0, 80.0, 10.0, 10.0, 20.0, 70.0, 0.0, 10.0, 60.0, 0.0, 100.0, 50.0, 10.0, 0.0, 20.0, 10.0, 40.0, 40.0, 50.0, 40.0, 40.0, 30.0, 60.0, 70.0, 0.0, 50.0, 80.0, 0.0, 0.0, 100.0, 80.0, 100.0, 0.0, 10.0, 80.0, 40.0, 100.0, 10.0, 20.0, 100.0, 0.0, 0.0, 10.0, 100.0, 20.0, 70.0, 70.0, 10.0, 0.0, 0.0, 10.0, 50.0, 0.0, 90.0, 0.0, 100.0, 30.0, 100.0, 20.0, 90.0, 100.0, 0.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 10.0, 40.0, 20.0, 100.0, 0.0, 30.0, 80.0, 0.0, 0.0, 70.0, 60.0, 0.0, 20.0, 100.0, 40.0, 0.0, 60.0, 10.0, 100.0, 0.0, 0.0, 90.0, 100.0, 30.0, 60.0, 80.0, 100.0, 100.0, 10.0, 10.0, 10.0, 60.0, 90.0, 100.0, 40.0, 100.0, 70.0, 0.0, 0.0, 20.0, 70.0, 0.0, 0.0, 90.0, 60.0, 100.0, 50.0, 20.0, 60.0, 60.0, 10.0, 10.0, 60.0, 100.0, 0.0, 10.0, 90.0, 20.0, 50.0, 90.0, 0.0, 0.0, 100.0, 70.0, 70.0, 0.0, 20.0, 20.0, 100.0, 100.0, 50.0, 100.0, 70.0, 100.0, 100.0, 60.0, 10.0, 90.0, 100.0, 70.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 80.0, 60.0, 80.0, 40.0, 30.0, 70.0, 0.0, 40.0, 100.0, 0.0, 20.0, 0.0, 60.0, 50.0, 0.0, 40.0, 70.0, 100.0, 80.0, 40.0, 40.0, 0.0, 100.0, 10.0, 100.0, 80.0, 100.0, 60.0, 100.0, 60.0, 20.0, 30.0, 10.0, 10.0, 0.0, 30.0, 50.0, 20.0, 70.0, 0.0, 20.0, 60.0, 10.0, 90.0, 40.0, 30.0, 50.0, 20.0, 60.0, 70.0, 10.0, 90.0, 0.0, 100.0, 50.0, 100.0, 10.0, 0.0, 20.0, 0.0, 40.0, 20.0, 0.0, 100.0, 40.0, 70.0, 0.0, 0.0, 10.0, 100.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 10.0, 10.0, 100.0, 10.0, 20.0, 100.0, 20.0, 60.0, 100.0, 0.0, 30.0, 100.0, 90.0, 100.0, 30.0, 60.0, 30.0, 100.0, 100.0, 40.0, 100.0, 30.0, 20.0, 0.0, 70.0, 40.0, 100.0, 0.0, 100.0, 20.0, 100.0, 20.0, 100.0, 0.0, 100.0, 60.0, 20.0, 100.0, 80.0, 0.0, 40.0, 40.0, 70.0, 10.0, 10.0, 90.0, 70.0, 80.0, 50.0, 0.0, 0.0, 90.0, 0.0, 60.0, 60.0, 50.0, 60.0, 80.0, 80.0, 100.0, 0.0, -1.0, 0.0, 30.0, 50.0, 60.0, 70.0, 100.0, 80.0, 20.0, 0.0, 20.0, 20.0, 40.0, 0.0, 40.0, 0.0], (6400, 1600): [30.0, 100.0, 70.0, 60.0, 30.0, 0.0, 80.0, 70.0, 90.0, 30.0, 60.0, 100.0, 30.0, 10.0, 50.0, 100.0, 50.0, 0.0, 50.0, 20.0, 10.0, 100.0, 60.0, 60.0, 30.0, 30.0, 30.0, 70.0, 70.0, 20.0, 70.0, 100.0, 30.0, 40.0, 60.0, 10.0, 70.0, 0.0, 80.0, 70.0, 60.0, 0.0, 70.0, 80.0, 80.0, 80.0, 50.0, 20.0, 0.0, 100.0, 60.0, 100.0, 30.0, 40.0, 10.0, 90.0], (7200, 0): [80.0, 70.0, 50.0, 60.0, 90.0, 70.0, 70.0, 80.0, 70.0, 70.0, 80.0, 70.0, 80.0, 80.0, 60.0, 70.0, 50.0, 70.0, 90.0, 90.0, 70.0, 70.0, 80.0, 90.0, 90.0, 70.0, 70.0, 80.0, 70.0, 60.0, 100.0, 80.0, 80.0, 70.0, 80.0, 70.0, 60.0, 70.0, 70.0, 80.0, 70.0, 100.0, 60.0, 90.0, 70.0, 90.0, 60.0, 70.0, 60.0, 70.0, 60.0, 70.0, 70.0, 30.0, 80.0, 80.0, 70.0], (8000, 4000): [90.0, 40.0, 100.0, 100.0, 100.0, 70.0, 30.0, 20.0, 60.0, 30.0, 80.0, 10.0, 0.0, 70.0, 100.0, 100.0, 100.0, 60.0, 10.0, 100.0, 40.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 90.0, 80.0, 100.0, 10.0, 30.0, 40.0, 100.0, 100.0, 50.0, 100.0, 100.0, 70.0, 100.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 40.0, 100.0, 100.0, 0.0, 0.0, 80.0, 80.0, 100.0, 0.0, 70.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 30.0, 30.0, 50.0, 70.0, 100.0, 20.0, 40.0, 100.0, 20.0, 60.0, 70.0, 50.0, 100.0, 100.0, 0.0, 0.0, 90.0, 100.0, 20.0, 100.0, 100.0, 10.0, 100.0, 50.0, 100.0, 90.0, 50.0, 100.0, 80.0, 40.0, 10.0, 100.0, 70.0, 80.0, 30.0, 20.0, 30.0, 100.0, 100.0, 50.0, 20.0, 100.0, 100.0, 10.0, 60.0, 20.0, 0.0, 100.0, 20.0, 20.0, 20.0, 100.0, 80.0, 100.0, 90.0, 20.0, 50.0, 70.0, 0.0, 50.0, 20.0, 100.0, 100.0, 30.0, 100.0, 10.0, 70.0, 40.0, 70.0, 0.0, 20.0, 60.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0], (7200, 1600): [50.0, 80.0, 90.0, 10.0, 100.0, 100.0, 30.0, 60.0, 100.0, 100.0, 80.0, 30.0, 0.0, 90.0, 60.0, 80.0, 80.0, 100.0, 80.0, 100.0, 100.0, 70.0, 100.0, 10.0, 10.0, 10.0, 30.0, 60.0, 100.0, 10.0, 10.0, 40.0, 20.0, 60.0, 70.0, 50.0, 70.0, 10.0, 20.0, 80.0, 100.0, 10.0, 100.0, 80.0, 50.0, 20.0, 60.0, 80.0, 70.0, 90.0, 100.0, 100.0, 0.0, 30.0, 90.0, 30.0, 100.0, 100.0, 80.0, 100.0], (2400, 0): [0.0, 30.0, 10.0, 10.0, -1.0, -1.0, 10.0, -1.0, 0.0, -1.0, -1.0, 0.0, 10.0, -1.0, -1.0, 10.0, 10.0, -1.0, 10.0, 10.0, 10.0, -1.0, 10.0, -1.0, -1.0, 10.0, 20.0, 0.0, 30.0, 30.0, 10.0, -1.0, 20.0, -1.0, 30.0, 20.0, -1.0, 20.0, -1.0, 20.0, 20.0, 40.0, 10.0, -1.0, 10.0, 10.0, 10.0, 0.0, 30.0, -1.0, 10.0, 20.0, 30.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, -1.0, 0.0, -1.0, 20.0, 40.0, 30.0, 0.0], (6400, 0): [60.0, 50.0, 60.0, 60.0, 60.0, 30.0, 60.0, 40.0, 80.0, 30.0, 50.0, 50.0, 50.0, 60.0, 60.0, 50.0, 50.0, 60.0, 50.0, 40.0, 50.0, 60.0, 70.0, 50.0, 40.0, 40.0, 60.0, 50.0, 50.0, 60.0, 60.0, 60.0, 60.0, 60.0, 60.0, 40.0, 40.0, 60.0, 50.0, 40.0, 60.0, 60.0, 70.0, 60.0, 60.0, 60.0, 40.0, 60.0, 50.0, 60.0, 60.0, 50.0, 40.0, 80.0, 70.0, 60.0, 60.0, 70.0, 50.0, 60.0, 80.0], (8000, 0): [80.0, 90.0, 60.0, 60.0, 90.0, 70.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 80.0, 100.0, 90.0, 100.0, 80.0, 80.0, 80.0, 100.0, 80.0, 90.0, 90.0, 100.0, 80.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 70.0, 100.0, 80.0, 80.0, 100.0, 100.0, 80.0, 90.0, 100.0, 90.0, 90.0, 90.0, 90.0, 100.0, 90.0, 90.0, 90.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0], (0, 0): [60.0, 50.0, 0.0, 20.0, 50.0, 100.0, 100.0, 40.0, 40.0, 20.0, 0.0, 50.0, 20.0, 20.0, 40.0, 0.0, 20.0, 20.0, 60.0, 80.0, 100.0, 10.0, -1.0, 30.0, 20.0, 10.0, 100.0, 40.0, 20.0, 20.0, 40.0, 30.0, 50.0, 50.0, 30.0, 0.0, 10.0, 20.0, 30.0, 20.0, 20.0, 20.0, 60.0, 10.0, 50.0, -1.0, 10.0, 40.0, 70.0, 50.0, 50.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 20.0, 100.0, 10.0, 30.0, 30.0, 10.0, 40.0, 10.0, 40.0, 30.0, 10.0, 40.0], (800, 0): [20.0, 40.0, 10.0, 60.0, 0.0, 50.0, 40.0, 60.0, 70.0, 30.0, 20.0, 50.0, 50.0, 50.0, 30.0, 10.0, 10.0, 10.0, 30.0, 50.0, 50.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 10.0, 70.0, -1.0, 50.0, 60.0, 10.0, 40.0, -1.0, 10.0, 20.0, -1.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 30.0, 70.0, 10.0, 50.0, 10.0, 0.0, 50.0, 40.0, 30.0, 30.0, 0.0, 60.0, 10.0, 10.0, 40.0, 0.0, 10.0, 40.0, 80.0, 20.0, 30.0, 10.0, 20.0, 50.0, 20.0, 30.0, 20.0, 40.0, 10.0, 10.0, -1.0, 10.0, 10.0, 0.0, 10.0, 50.0, 20.0, 20.0, 20.0, 20.0, 0.0, -1.0, 30.0, 60.0, 40.0, 10.0, 50.0, 40.0, 0.0, 0.0, 10.0, 60.0, 70.0, -1.0, 40.0, 20.0, 50.0, 30.0, 10.0, 10.0], (6400, 4800): [90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 50.0, 0.0, 50.0, 0.0, 100.0, 90.0, 90.0, 50.0, 60.0, 30.0, 20.0, 0.0, 0.0, 60.0, 50.0, 0.0, 0.0, 10.0, 90.0, 90.0, 30.0, 100.0, 10.0, 50.0, 50.0, 0.0, 0.0, 50.0, 100.0, 90.0, 20.0, 100.0, 100.0, 40.0, 40.0, 30.0, 0.0, 20.0, 10.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 70.0, 60.0, 10.0, 20.0, 100.0, 100.0, 100.0, 100.0, 40.0, 50.0], (4800, 4000): [0.0, 0.0, 50.0, 30.0, 80.0, 40.0, 10.0, 100.0, 30.0, 0.0, 70.0, 30.0, 30.0, 30.0, 60.0, 10.0, 60.0, 70.0, 0.0, 0.0, 50.0, 0.0, 80.0, 10.0, 0.0, 50.0, 50.0, 10.0, 10.0, 30.0, 10.0, 0.0, 10.0, 60.0, 10.0, 40.0, 0.0, 0.0, 0.0], (7200, 4800): [20.0, 50.0, 10.0, 100.0, 30.0, 70.0, 50.0, 100.0, 40.0, 100.0, 100.0, 0.0, 20.0, 50.0, 100.0, 50.0, 0.0, 20.0, 10.0, 90.0, 0.0, 100.0, 30.0, 50.0, 10.0, 10.0, 100.0, 80.0, 100.0, 0.0, 30.0, 10.0, 100.0, 30.0, 10.0, 10.0, 20.0, 30.0, 100.0, 50.0, 60.0, 10.0, 0.0, 50.0, 60.0, 90.0, 100.0, 30.0, 100.0, 20.0, 70.0, 0.0, 10.0, 100.0, 90.0, 0.0, 100.0, 50.0, 100.0, 100.0, 100.0, 70.0, 100.0, 0.0, 0.0, 80.0, 20.0, 100.0, 10.0, 0.0, 60.0, 100.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 70.0, 100.0, 0.0, 90.0, 30.0, 100.0, 0.0, 100.0, 30.0, 0.0, 60.0, 90.0, 100.0, 10.0, 0.0, 10.0, 100.0, 0.0, 0.0, 100.0, 20.0, 20.0, 80.0, 30.0, 50.0, 100.0, 30.0, 10.0, 100.0, 0.0, 40.0, 40.0, 20.0, 100.0, 20.0, 10.0, 100.0, 70.0, 10.0, 0.0, 0.0, 90.0, 100.0, 0.0, 0.0, 10.0, 0.0, 0.0, 100.0, 100.0, 100.0, 20.0, 10.0, 90.0, 100.0, 90.0, 30.0, 80.0, 70.0, 0.0, 100.0, 0.0, 100.0, 0.0, 50.0, 100.0, 0.0, 100.0, 20.0, 20.0, 20.0, 100.0, 100.0, 70.0, 90.0, 10.0, 50.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 100.0, 0.0, 0.0], (2400, 1600): [0.0, 40.0, 30.0, 40.0, 30.0, 50.0, 40.0, 20.0, 50.0, 10.0, -1.0, 20.0, 20.0, 90.0, 80.0, 30.0, 20.0, 90.0, 30.0, 30.0, 60.0, 50.0, 70.0, 90.0, 40.0, -1.0, 40.0, 40.0, 10.0, 40.0, 20.0, 50.0, 50.0, 40.0, 40.0, 20.0, 20.0, 30.0, 20.0, 40.0, 20.0, 20.0, 30.0, 20.0, 100.0, 20.0, -1.0, 50.0, 90.0, -1.0, 70.0, 20.0, 70.0, 50.0, 80.0, 70.0, 50.0, 30.0, 70.0, 40.0, 40.0, 50.0, 60.0, 20.0, 60.0, 60.0, 60.0, 40.0, 50.0, 20.0, 80.0, 40.0, 60.0, 60.0, 80.0, 50.0, -1.0, -1.0, 30.0, -1.0, 60.0, 20.0, 80.0, 40.0, 60.0, 40.0, 20.0, 30.0, 40.0, 20.0, 30.0, 50.0, 30.0, 80.0, 40.0, 80.0, 20.0, 60.0, 50.0, 50.0, 40.0, -1.0, 50.0, 50.0, 30.0, 50.0, 30.0, 70.0, 60.0, 60.0, 20.0, 40.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 50.0, 40.0, 50.0, 80.0, 0.0, 20.0, 20.0, 70.0, 30.0, -1.0, 30.0, 30.0, 30.0, 90.0, 70.0, 30.0, 60.0, 80.0, 30.0, 40.0, 50.0, 30.0, 50.0, 30.0, 40.0, 30.0, 40.0, 100.0, 70.0, 60.0, 20.0, 30.0, 80.0, 40.0, 60.0, 80.0, 60.0, -1.0, 20.0, 40.0, 40.0, 20.0, 30.0, 50.0, 50.0, 20.0, 40.0, 60.0, -1.0, 60.0, 60.0, 70.0, 40.0, 80.0, 10.0, 60.0, 20.0, 60.0, 20.0, 50.0, 30.0, 40.0, -1.0, 40.0, 60.0, 80.0, 30.0, 40.0, 50.0, 90.0, 50.0, 50.0, 50.0, 70.0, 40.0, 40.0, 30.0, 40.0, 50.0, 50.0, -1.0, 50.0, 0.0, 60.0, 40.0, 40.0, 10.0, -1.0, 40.0, 20.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 60.0, 40.0, 50.0, 100.0, 50.0, 20.0, 30.0, 50.0, 20.0, 40.0, 60.0, 50.0, 30.0, 60.0, 40.0, 30.0, 70.0, 60.0, 60.0, 70.0, 20.0, -1.0, 40.0, 80.0, 60.0, 60.0, 20.0, 20.0, 40.0, 20.0, 70.0, 20.0, 30.0, 50.0, 20.0, 20.0, 50.0, 40.0, 30.0, 30.0, 40.0, 100.0, 20.0, 100.0, 40.0, 40.0, -1.0, 100.0, 50.0, 70.0, 30.0, 40.0, 40.0, 50.0, 40.0], (8800, 0): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0], (6400, 3200): [0.0, 20.0, 100.0, 100.0, 0.0, 70.0, 20.0, 100.0, 100.0, 40.0, 100.0, 20.0, 0.0, 0.0, 50.0, 20.0, 60.0, 100.0, 20.0, 90.0, 20.0, 10.0, 10.0, 70.0, 10.0, 80.0, 10.0, 0.0, 10.0, 70.0, 0.0, 40.0, 70.0, 10.0, 30.0, 10.0, 60.0, 80.0, 0.0, 50.0, 90.0, 80.0, 10.0, 10.0, 10.0, 0.0, 40.0, 10.0, 70.0, 30.0, 100.0, 0.0, 70.0, 100.0, 100.0, 90.0, 30.0, 40.0, 100.0, 40.0, 40.0, 100.0, 0.0, 70.0, 70.0, 30.0, 50.0, 100.0, 50.0, 100.0, 100.0, 0.0, 0.0, 100.0, 20.0, 50.0, 70.0, 0.0, 100.0, 90.0, 40.0, 40.0, 40.0, 40.0, 0.0, 100.0, 20.0, 90.0, 100.0, 100.0, 30.0, 40.0, 100.0, 100.0, 50.0, 80.0, 20.0, 100.0, 0.0, 50.0, 10.0, 90.0, 30.0, 20.0, 60.0, 80.0, 100.0, 60.0, 70.0, 0.0, 40.0, 60.0, 100.0, 0.0, 20.0, 60.0, 20.0, 10.0, 40.0, 20.0, 30.0, 80.0, 20.0, 30.0, 0.0, 50.0, 90.0, 100.0, 90.0, 100.0, 0.0, 30.0, 10.0, 100.0, 0.0, 40.0, 30.0, 90.0, 80.0, 0.0, 90.0, 20.0, 60.0, 50.0], (8000, 4800): [100.0, 30.0, 20.0, 100.0, 100.0, 50.0, 90.0, 100.0, 10.0, 90.0, 100.0, 10.0, 20.0, 100.0, 10.0, 100.0, 60.0, 20.0, 30.0, 100.0, 30.0, 20.0, 80.0, 40.0, 100.0, 70.0, 70.0, 0.0, 70.0, 100.0, 80.0, 100.0, 30.0, 90.0, 80.0, 10.0, 100.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 100.0, 90.0, 0.0, 10.0, 50.0, 40.0, 50.0, 10.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 70.0, 10.0, 0.0, 100.0, 60.0, 10.0, 100.0, 30.0, 100.0, 0.0, 30.0, 30.0, 0.0, 80.0, 10.0, 20.0, 90.0, 90.0, 100.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 20.0, 40.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 80.0, 30.0, 80.0, 20.0, 90.0, 30.0, 100.0, 100.0, 100.0, 10.0, 0.0, 100.0, 60.0, 0.0, 70.0, 30.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 10.0, 0.0, 0.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 0.0, 30.0, 20.0, 100.0, 50.0, 0.0, 0.0, 30.0, 100.0, 20.0, 100.0, 10.0, 100.0, 20.0, 100.0, 0.0, 50.0, 0.0, 90.0, 100.0, 40.0, 60.0, 60.0, 0.0, 10.0, 40.0, 50.0, 20.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 50.0, 0.0, 70.0, 90.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 90.0, 20.0, 10.0], (3200, 1600): [50.0, 60.0, 70.0, 30.0, 40.0, 40.0, 40.0, 60.0, 30.0, 40.0, 30.0, 30.0, 20.0, 40.0, 20.0, 30.0, 30.0, 20.0, 50.0, 80.0, 30.0, 30.0, 20.0, 40.0, 30.0, 50.0, 40.0, 80.0, 90.0, 70.0, 40.0, 40.0, 40.0, 20.0, 30.0, 40.0, 80.0, 10.0, 50.0, 100.0, 30.0, 30.0, 30.0, 20.0, 40.0, -1.0, 60.0, 50.0, 30.0, 90.0, 40.0, 30.0, 30.0, 10.0, 40.0, 20.0, 30.0, 30.0, 10.0, 40.0, 40.0, 90.0, -1.0, 40.0, 60.0, 50.0, 60.0, 40.0, 30.0, 40.0, 30.0, 100.0, 40.0, 40.0, 30.0, 30.0, 40.0, 40.0, 50.0, 40.0, 80.0, 20.0, 40.0, 40.0, 70.0, 20.0, 50.0, 60.0, 20.0, 60.0, 100.0, 30.0, 60.0, 30.0, 40.0, 40.0, 30.0, 40.0, 30.0, 60.0, 40.0, 90.0, 20.0, 50.0, 30.0, 60.0, 20.0, 90.0, 70.0, 30.0, 60.0, 40.0, 20.0, 30.0, 40.0, 60.0, 30.0, 20.0, 60.0, 70.0, 20.0, 30.0, 10.0, 10.0, 40.0, 30.0, 20.0, 40.0, 40.0, 70.0, 60.0, 70.0, 30.0, 80.0, 30.0, 30.0, 50.0, 80.0, 30.0, 40.0, 60.0, 30.0, 30.0, 50.0, 30.0, -1.0, 60.0, 30.0, -1.0, 10.0, 50.0, -1.0, 30.0, -1.0, -1.0, 40.0, -1.0, 20.0, 40.0, 50.0, 80.0, 30.0, 30.0, 20.0, 20.0, 70.0, 10.0, 30.0, 70.0, 60.0, -1.0, 40.0, 50.0, 10.0, 30.0, 30.0, 30.0, 20.0, 50.0, 90.0, 50.0, 40.0, 60.0, -1.0, 40.0, 40.0, -1.0, 10.0, 10.0, 20.0, 40.0, 30.0, 40.0, 80.0, 30.0, 60.0, 30.0, 40.0, 60.0, 40.0, 70.0, 20.0, 90.0, 20.0, 40.0, 30.0, 30.0, 10.0, 10.0, 40.0], (8800, 3200): [100.0, 100.0, 40.0, 40.0, 100.0, 20.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 80.0, 100.0, 100.0, 100.0, 40.0, 100.0], (7200, 5600): [100.0], (7200, 2400): [100.0, 90.0, 70.0, 30.0, 30.0, 100.0, 90.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 10.0, 40.0, 100.0, 70.0, 90.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 0.0, 100.0, 100.0, 90.0, 70.0, 10.0, 0.0, 20.0, 100.0, 100.0, 0.0, 90.0, 100.0, 60.0, 0.0, 100.0, 100.0, 80.0, 50.0, 80.0, 10.0, 80.0, 60.0, 50.0, 100.0, 20.0, 60.0, 100.0, 60.0, 30.0, 80.0, 90.0, 50.0, 100.0, 70.0, 80.0, 100.0, 70.0, 100.0, 30.0, 80.0, 40.0, 100.0, 100.0, 60.0, 60.0, 10.0, 30.0, 40.0, 0.0, 100.0, 20.0], (2400, 2400): [60.0, 60.0, 40.0, 50.0, 30.0, 30.0], (2400, 800): [10.0, 20.0, 40.0, 20.0, 10.0, 20.0, -1.0, 20.0, -1.0, 50.0, 30.0, -1.0, 10.0, 60.0, -1.0, 40.0, 30.0, 20.0, 20.0, -1.0, 60.0, -1.0, 10.0, 100.0, -1.0, 60.0, 10.0, 40.0, 20.0, 10.0, 10.0, 20.0, 20.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, 20.0, 30.0, 20.0, 10.0, 40.0, 30.0, 50.0, 20.0, 30.0, 50.0, 40.0, 20.0, 10.0, -1.0, 40.0, 10.0, 0.0, 60.0, 30.0, 20.0, 30.0, 40.0, 30.0, -1.0, 40.0, 50.0, 60.0, 50.0, 30.0, 40.0, 50.0, -1.0, -1.0, 40.0, -1.0, 40.0, 50.0, 20.0, 40.0, 30.0, 50.0, 30.0, 60.0, 20.0, 30.0, 20.0, 50.0, 10.0, 20.0, 30.0, 40.0, 40.0, 40.0, 0.0, 20.0, 30.0], (4000, 3200): [20.0, 40.0, 40.0, 50.0, -1.0, 100.0, 10.0, 70.0, 20.0, 40.0, 30.0, 80.0, 40.0, 10.0, 30.0, 20.0, 40.0, 10.0, 40.0, 50.0, 40.0, 50.0, 10.0, 100.0, 20.0, 0.0, 40.0, 90.0, 50.0, 30.0, 20.0, 10.0, 40.0, 0.0, 50.0, 10.0, 20.0, 70.0, -1.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 30.0, 10.0, 40.0, 10.0, 20.0, 0.0, 10.0, 30.0, 10.0, 100.0, 30.0, 20.0, 70.0, 40.0, 30.0, 20.0, 80.0, 40.0, 30.0, -1.0, 20.0, 40.0, 0.0, 70.0, 40.0, 0.0, 10.0, 30.0, 0.0, 10.0, 20.0, 20.0, 50.0, 0.0, 40.0, 20.0, 0.0, 50.0, 70.0, 90.0, 30.0, 40.0, 60.0, 80.0, 50.0, 30.0, 10.0, 50.0, 60.0, 30.0, 30.0, 0.0, 60.0, 0.0, 20.0, 0.0, 50.0, 0.0, 0.0, 60.0, 10.0, 30.0, 60.0], (5600, 3200): [50.0, 70.0, 0.0, 100.0, 0.0, 20.0, 10.0, 0.0, 0.0, 20.0, 10.0, 100.0, 50.0, 20.0, 50.0, 0.0, 60.0, 10.0, 30.0, 100.0, 70.0, 100.0, 20.0, 100.0, 0.0, 0.0, 50.0, 60.0, 10.0, 0.0, 0.0, 20.0, 0.0, 20.0, 40.0, 60.0, 10.0, 0.0, 10.0, 100.0, 40.0, 10.0, 10.0, 0.0, 100.0, 0.0, 90.0, 40.0, 80.0, 30.0, 0.0, 30.0, 20.0, 10.0, 0.0, 90.0, 30.0, 10.0, 90.0, 0.0, 10.0, 0.0, 10.0, 100.0, 100.0, 50.0, 0.0, 10.0, 40.0, 10.0, 0.0, 0.0, 0.0, 90.0, 60.0, 40.0, 20.0, 10.0, 0.0, 90.0, 90.0, 20.0, 50.0, 100.0, 60.0, 60.0, 30.0, 30.0, 40.0, 40.0, 20.0, 0.0, 30.0, 80.0, 20.0, 30.0, 100.0, 0.0, 0.0, 10.0, 70.0, 30.0, 0.0, 80.0, 80.0, 0.0, 90.0, 10.0, 20.0, 80.0, 0.0, 10.0, 50.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 90.0, 0.0, 100.0, 20.0, 50.0, 40.0, 100.0, 0.0, 70.0, 40.0, 30.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 90.0, 0.0, 100.0, 10.0, 0.0, 0.0, 10.0, 0.0, 70.0, 20.0, 0.0, 80.0, 90.0, 70.0, 0.0, 50.0, 40.0, 40.0, 100.0, 100.0, 0.0, 0.0, 30.0, 10.0, 30.0, 20.0, 50.0, 30.0, 10.0, 0.0, 100.0, 0.0, 80.0, 60.0, 20.0, 10.0, 0.0, 20.0, 80.0, 30.0, 30.0, 0.0, 70.0, 0.0, 90.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 80.0, 20.0, 50.0, 100.0, 80.0, 90.0, 60.0, 0.0, 80.0, 90.0, 0.0, 50.0, 50.0, 20.0, 70.0, 10.0, 0.0, 10.0, 0.0, 0.0, 10.0, 20.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 0.0, 10.0, 0.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 0.0, 0.0, 90.0, 0.0, 10.0, 50.0, 100.0, 0.0, 10.0, 40.0, 100.0, 100.0, 50.0, 0.0, 0.0, 70.0, 100.0, 0.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 60.0, 30.0, 10.0, 10.0, 90.0, 30.0, 30.0, 50.0, 0.0, 10.0, 100.0, 30.0, 0.0, 20.0, 10.0], (4000, 2400): [10.0, 20.0, 30.0, 40.0, 20.0, 30.0, 0.0, 50.0, 30.0, 10.0, 70.0, 60.0, 30.0, 10.0, 20.0, 0.0, 40.0, 10.0, 0.0, 10.0, 40.0, 30.0, 40.0, 20.0, 0.0, 20.0, 10.0, 30.0, 100.0, 90.0, 0.0, 100.0, 20.0, 0.0, 80.0, 30.0, 50.0, 60.0, 50.0, 30.0, 80.0, 0.0, 0.0, 20.0, 60.0, 40.0, 30.0, 50.0, 30.0, 10.0, 0.0, 0.0, 40.0, 20.0, 70.0, 10.0, 70.0, 20.0, 30.0, 0.0, 40.0, 100.0, 60.0, 10.0, 20.0, 20.0, 40.0, 50.0, 40.0, 40.0, 0.0, 0.0, 10.0, 0.0, 30.0, 100.0, 30.0, 50.0, 20.0, 40.0, 0.0, 10.0, 20.0, 90.0, 10.0, 20.0, 20.0, 20.0, 80.0, 100.0, 0.0, 40.0, 80.0, 20.0, 60.0, 100.0, 40.0, 10.0, 30.0, 10.0, 20.0, 40.0, 60.0, 20.0, 0.0, 60.0, 20.0, 60.0, 0.0, 0.0, 30.0, 0.0, 100.0, 70.0, 30.0, 20.0, 10.0, 10.0, 0.0, 30.0, 60.0, 50.0, 0.0, 90.0, 0.0, 50.0, 70.0, 70.0, 30.0, 100.0, 30.0, 60.0, 20.0, 40.0, 0.0, 100.0, 0.0, 10.0, 70.0, 0.0, 0.0, 30.0, 20.0, 10.0, 30.0, 100.0, 40.0, 0.0, 0.0, 20.0, 30.0, 0.0, 20.0, 30.0, 20.0, 20.0, 10.0, 100.0, 80.0, 0.0, 40.0, 10.0, 60.0, 10.0, 20.0, 80.0, 20.0, 20.0, 0.0, 30.0, 10.0, 50.0, 10.0, 20.0, 50.0, 10.0, 50.0, 20.0, 10.0, 70.0, 40.0, 20.0, 60.0, 10.0, 50.0, 80.0, 20.0, 0.0, 0.0, 20.0, 60.0, 0.0, 40.0, 30.0, 0.0, 40.0, 20.0, 20.0, 20.0, 20.0, 40.0, 50.0, 80.0, 30.0, 50.0, 50.0, 100.0, 70.0, 50.0, 40.0, -1.0, 50.0, 0.0, 20.0, 30.0, 20.0, 20.0, 30.0, 0.0, 10.0, 20.0, 30.0, 80.0, 30.0, 10.0, 30.0, 20.0, 40.0, 60.0, 10.0, 70.0, 10.0, 30.0, 20.0, 50.0, 40.0, 10.0, 60.0, -1.0, 50.0, 70.0, 0.0, 30.0, 40.0, 30.0, 40.0, 40.0, 50.0, 30.0, 10.0, 20.0, 40.0, 20.0, 10.0, 20.0, 50.0, 60.0, 0.0, 20.0, 20.0, 20.0, 0.0, 20.0, 20.0, 0.0, 40.0, 10.0, 0.0, 50.0, 30.0, 0.0, 0.0, 30.0, 80.0, 50.0, 30.0, 20.0, 50.0, 20.0, 20.0, 40.0, 0.0, 0.0, 80.0, 10.0, 100.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 20.0, 20.0, 20.0, 40.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 30.0, 20.0, 0.0, 0.0, 30.0, 20.0, 30.0, 60.0], (7200, 3200): [20.0, 60.0, 0.0, 100.0, 40.0, 10.0, 50.0, 80.0, 100.0, 30.0, 10.0, 100.0, 30.0, 20.0, 100.0, 40.0, 30.0, 100.0, 100.0, 0.0, 100.0, 50.0, 70.0, 100.0, 0.0, 50.0, 100.0, 90.0, 10.0, 100.0, 10.0, 50.0, 0.0, 100.0, 70.0, 60.0, 20.0, 70.0, 10.0, 60.0, 0.0, 40.0, 0.0, 0.0, 100.0, 0.0, 70.0, 100.0, 50.0, 100.0, 60.0, 100.0, 30.0, 50.0, 40.0, 0.0, 60.0, 20.0, 70.0, 0.0, 10.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 80.0, 30.0, 0.0, 60.0, 70.0, 60.0, 0.0, 0.0, 80.0, 100.0, 100.0, 70.0, 100.0, 70.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 60.0, 0.0, 90.0, 100.0, 70.0, 40.0, 20.0, 60.0, 100.0, 100.0, 0.0], (8800, 4800): [100.0, 100.0, 100.0, 100.0, 0.0, 90.0, 80.0, 80.0, 100.0, 20.0, 100.0, 100.0, 10.0, 0.0, 100.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 20.0, 0.0, 40.0, 100.0, 100.0, 30.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 60.0, 100.0, 30.0, 100.0, 80.0, 10.0, 0.0, 100.0, 0.0], (7200, 800): [80.0, 60.0, 40.0, 90.0, 30.0, 70.0, 100.0, 60.0, 90.0, 50.0, 70.0, 40.0, 40.0, 60.0, 100.0, 100.0, 100.0, 70.0, 40.0, 90.0, 90.0, 100.0, 100.0, 20.0, 80.0, 90.0, 40.0, 50.0, 40.0, 90.0, 60.0, 70.0, 100.0, 40.0, 60.0, 50.0, 70.0, 90.0, 50.0, 80.0, 90.0, 90.0, 80.0, 100.0, 20.0, 70.0, 30.0, 90.0, 20.0, 60.0, 60.0, 90.0, 70.0, 20.0, 50.0, 90.0, 80.0, 70.0, 100.0, 90.0, 60.0, 70.0, 60.0, 30.0, 50.0, 80.0], (8800, 1600): [100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 70.0, 100.0, 40.0, 80.0, 100.0], (8000, 1600): [50.0, 20.0, 50.0, 100.0, 90.0, 100.0, 100.0, 20.0, 10.0, 100.0, 100.0, 70.0, 100.0, 0.0, 100.0, 100.0, 40.0, 20.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 20.0, 70.0, 30.0, 100.0, 100.0, 100.0, 50.0, 50.0, 80.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 70.0, 70.0, 80.0, 90.0, 10.0, 100.0, 100.0, 100.0, 90.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 20.0, 70.0, 100.0, 100.0, 100.0, 40.0], (3200, 800): [10.0, 20.0, 20.0, 30.0, 20.0, 10.0, 10.0, 40.0, 20.0, 10.0, 20.0, 10.0, 10.0, 10.0, 20.0, 40.0, -1.0, 20.0, 40.0, 30.0, 30.0, 10.0, 50.0, 30.0, 20.0, -1.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 30.0, 40.0, 30.0, 40.0, -1.0, 40.0, 30.0, 30.0, 50.0, 20.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, 10.0, 0.0, 10.0, -1.0, 10.0, 20.0, 20.0, -1.0, 10.0, 50.0, 20.0, 10.0, 20.0, 0.0, 10.0, 30.0, 30.0, 10.0, -1.0, 10.0, 50.0, 90.0, 50.0, 20.0, 10.0, 10.0, -1.0, 40.0, 20.0, 40.0, 30.0, 50.0, -1.0, 20.0, 10.0], (4800, 1600): [0.0, 10.0, 50.0, 60.0, 30.0, 60.0, 20.0, 0.0, 30.0, 20.0, 0.0, 0.0, 30.0, 30.0, 30.0, 0.0, 0.0, 30.0, 60.0, 40.0, 0.0, 40.0, 0.0, 10.0, 10.0, 50.0, 40.0, 10.0, 20.0, 0.0, 10.0, 100.0, 0.0, 10.0, 10.0, 10.0, 0.0, 0.0, 30.0, 20.0, 0.0, 0.0, 0.0, 0.0, 30.0, 10.0, 10.0, 0.0, 70.0, 20.0, 50.0, 90.0, 40.0, 60.0, 0.0, 20.0, 20.0, 50.0, 10.0, 20.0, 20.0, 0.0, 20.0, 10.0, 60.0, 50.0, 10.0, 0.0, 30.0, 10.0, 40.0, 30.0, 50.0, 30.0, 20.0, 10.0, 0.0, 30.0, 20.0], (8000, 5600): [100.0, 30.0, 10.0, 20.0, 40.0, 80.0, 10.0, 100.0, 0.0, 70.0, 0.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 60.0, 0.0], (8800, 5600): [10.0, 90.0, 100.0, 10.0, 10.0, 100.0, 100.0, 10.0, 10.0, 100.0], (4000, 0): [10.0, 30.0, 30.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 40.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, -1.0, 20.0, 0.0, 10.0, 20.0, -1.0, 10.0, -1.0, 0.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, 0.0, 20.0, 10.0, -1.0, -1.0, -1.0, 0.0, 30.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, -1.0, 10.0, 20.0, 20.0, 10.0, 10.0, 10.0, 10.0], (8000, 2400): [100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 60.0, 90.0, 40.0, 30.0, 50.0, 100.0, 100.0, 60.0, 100.0, 70.0, 10.0, 100.0, 60.0, 100.0, 80.0, 10.0, 30.0, 80.0, 100.0, 10.0, 60.0, 20.0, 100.0, 100.0, 80.0, 100.0, 90.0, 60.0, 70.0, 20.0, 100.0, 0.0, 100.0, 20.0, 100.0, 30.0, 100.0, 60.0, 100.0, 10.0, 100.0, 30.0, 100.0, 90.0, 40.0, 50.0, 100.0], (5600, 4000): [60.0, 0.0, 0.0, 20.0, 50.0, 100.0, 30.0, 10.0, 40.0, 100.0, 10.0, 20.0, 20.0, 60.0, 10.0, 60.0, 90.0, 40.0, 100.0, 0.0, 0.0, 20.0, 0.0, 20.0, 0.0, 20.0, 80.0, 0.0, 10.0, 40.0, 100.0, 0.0, 30.0, 60.0, 40.0, 0.0, 30.0, 10.0, 40.0, 0.0, 10.0, 0.0, 30.0, 0.0, 100.0, 30.0, 10.0, 0.0, 60.0, 50.0, 40.0, 0.0, 20.0, 100.0, 0.0, 70.0, 80.0, 60.0, 20.0, 50.0, 20.0, 90.0, 20.0, 20.0, 60.0, 100.0, 20.0, 0.0, 0.0, 60.0, 90.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 60.0, 80.0, 60.0, 10.0, 70.0, 20.0, 0.0, 0.0, 0.0, 100.0, 0.0, 0.0, 60.0, 40.0, 100.0, 0.0, 0.0, 90.0, 40.0, 10.0, 30.0, 70.0, 0.0, 100.0, 100.0, 0.0, 0.0, 50.0, 40.0, 0.0, 100.0, 0.0, 70.0, 0.0, 0.0, 40.0, 40.0, 90.0, 80.0, 0.0, 0.0, 10.0, 30.0, 60.0, 0.0, 0.0, 100.0, 0.0, 10.0, 20.0, 80.0, 20.0, 60.0, 0.0, 10.0, 0.0, 10.0, 20.0, 20.0, 0.0, 60.0, 60.0, 30.0, 0.0, 40.0, 40.0, 20.0, 80.0, 10.0, 20.0, 0.0, 100.0, 0.0, 20.0, 30.0, 60.0, 10.0, 0.0, 0.0, 60.0, 20.0, 20.0, 0.0, 50.0, 0.0, 30.0, 10.0, 10.0, 50.0, 0.0, 100.0, 20.0, 90.0, -1.0, 0.0, 0.0, 10.0, 100.0, 70.0, 20.0, 90.0, 50.0, 10.0, 80.0, 80.0, 70.0, 0.0, 20.0, 30.0, 40.0, 40.0, 40.0, 70.0, 40.0, 10.0, 60.0, 0.0, 0.0, 50.0, 10.0, 60.0, 60.0, 50.0, 0.0, 10.0, 0.0, 20.0, 0.0, 20.0, 30.0, 0.0, 20.0, 20.0, 30.0, 60.0, 40.0, 20.0, 70.0, 100.0, 50.0, 20.0, 0.0, 60.0, 20.0, 50.0, 0.0, 0.0, 90.0, 90.0, 100.0, 100.0, 20.0, 20.0, 100.0, 40.0, 50.0, 100.0, 50.0, 80.0, 50.0, 20.0, 10.0, 40.0, 10.0, 40.0, 0.0, 10.0, 100.0, 70.0, 0.0, 20.0, 100.0, 0.0], (8000, 800): [100.0, 60.0, 80.0, 90.0, 100.0, 100.0, 70.0, 70.0, 100.0, 100.0, 80.0, 80.0, 80.0, 80.0, 100.0, 100.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 70.0, 40.0, 50.0, 100.0, 100.0, 80.0, 100.0, 80.0, 80.0, 50.0, 90.0, 60.0, 100.0, 80.0, 50.0, 70.0, 90.0, 70.0, 60.0, 90.0, 10.0, 30.0, 30.0, 50.0, 100.0, 100.0, 90.0, 90.0, 80.0, 80.0, 60.0, 90.0, 20.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 30.0, 70.0, 100.0, 80.0, 70.0], (4000, 1600): [20.0, 40.0, 20.0, 80.0, 30.0, 0.0, 10.0, 20.0, 60.0, 30.0, 10.0, 30.0, 10.0, 20.0, 60.0, 20.0, 20.0, 20.0, 10.0, 10.0, 40.0, 30.0, 20.0, 40.0, 50.0, 30.0, 40.0, 50.0, 0.0, 80.0, 0.0, 10.0, 40.0, 10.0, 0.0, 10.0, 20.0, 80.0, 20.0, 10.0, 30.0, 40.0, 30.0, 10.0, 0.0, 40.0, 0.0, 10.0, 10.0, 30.0, 40.0, 10.0, 20.0, 10.0, 0.0, 10.0, 10.0, 20.0, -1.0, 40.0, 0.0, 10.0, 30.0, 0.0, 90.0, 20.0, 10.0, 0.0, -1.0, 80.0, 10.0, 20.0, 10.0, 10.0, 20.0, 20.0, 40.0, 70.0, 10.0, 10.0, 30.0, 20.0, 10.0, 40.0, 50.0, 0.0, 20.0, 60.0, 70.0, 50.0, 50.0, 10.0, 50.0, 30.0, 10.0, 10.0, 30.0, 0.0, 30.0, 0.0, 0.0, 20.0, 30.0, 10.0, 10.0, 40.0], (5600, 1600): [30.0, 70.0, 0.0, 20.0, 80.0, 40.0, 70.0, 60.0, 50.0, 100.0, 30.0, 20.0, 30.0, 10.0, 50.0, 10.0, 10.0, 40.0, 0.0, 0.0, 50.0, 60.0, 60.0, 40.0, 30.0, 40.0, 10.0, 60.0, 50.0, 30.0, 10.0, 60.0, 40.0, 0.0, 50.0, 30.0, 10.0, 0.0, 40.0, 40.0, 20.0, 60.0, 10.0, 40.0, 10.0, 30.0, 10.0, 50.0, 10.0, 100.0, 40.0, 40.0, 20.0, 50.0, 40.0, 0.0, 100.0, 50.0, 10.0, 80.0, 100.0, 50.0, 60.0, 80.0, 60.0, 70.0, 10.0, 40.0, 60.0, 70.0, 60.0, 30.0, 70.0, 10.0, 0.0, 40.0], (3200, 0): [10.0, 10.0, 10.0, 0.0, -1.0, -1.0, -1.0, -1.0, 10.0, -1.0, 10.0, 10.0, 10.0, 40.0, 20.0, 20.0, 20.0, 0.0, 10.0, 10.0, 30.0, -1.0, -1.0, 0.0, 10.0, 10.0, 30.0, 10.0, 10.0, -1.0, -1.0, -1.0, 10.0, 0.0, -1.0, 0.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, -1.0, -1.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0], (1600, 800): [60.0, -1.0, 50.0, 50.0, 40.0, 10.0, 90.0, 10.0, 30.0, -1.0, 70.0, 30.0, 50.0, -1.0, -1.0, 70.0, 30.0, 20.0, 0.0, 20.0, 50.0, 30.0, 30.0, 50.0, 60.0, 40.0, 10.0, 20.0, 40.0, 20.0, 30.0, 20.0, 30.0, 70.0, 20.0, 80.0, -1.0, 40.0, 30.0, 90.0, 70.0, 20.0, 20.0, 20.0, 30.0, 20.0, 50.0, 30.0, 90.0, 70.0, 10.0, -1.0, -1.0, -1.0, 30.0, 30.0, 70.0, 40.0, 50.0, 20.0, 60.0, 30.0, 40.0, -1.0, 20.0, 10.0, 10.0, 30.0, 40.0, 10.0, 60.0, 60.0, 40.0, 0.0, 20.0, 50.0, -1.0, 40.0, 80.0, 50.0, 30.0, 60.0, 20.0, 60.0, 40.0, 20.0, 30.0, 40.0, 40.0, 50.0, 40.0, 30.0, 30.0, 40.0, 30.0, 20.0, 20.0, 40.0, 50.0, 10.0, 50.0, 10.0, 10.0, 50.0, 50.0, 50.0, 40.0, 40.0, 20.0, 40.0, 90.0, -1.0, 30.0, 50.0, 20.0, 20.0, 40.0, 20.0, 40.0, 50.0, 40.0, -1.0, 10.0, 20.0, 20.0, 60.0, 50.0, 70.0, 30.0, 50.0, 20.0, 30.0, 30.0, 50.0, 40.0, 80.0, 40.0, 10.0, 80.0, 30.0, 40.0, 30.0, 70.0, 40.0, 60.0, 60.0, 30.0, 30.0, 20.0, 10.0, 40.0, 50.0, 40.0, 70.0, 70.0, 30.0, -1.0, 20.0, 40.0, 30.0, 30.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 90.0, 30.0, 20.0, 30.0, 10.0, 40.0, 30.0, 60.0, -1.0, -1.0, 50.0, 20.0, 20.0, -1.0, 20.0, 30.0, 30.0, 30.0, 50.0, 40.0, -1.0, 60.0, 10.0, 20.0, 40.0, 40.0], (4800, 0): [10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 10.0, 20.0, 10.0, 30.0, 20.0, 10.0, 10.0, 0.0, 40.0, 0.0, 20.0, 20.0, 30.0, 10.0, 20.0, 0.0, 10.0, 20.0, 30.0, 20.0, 30.0, 30.0, 0.0, 10.0, 10.0, 10.0, 10.0, 0.0, 30.0, 40.0, 10.0, 10.0, 20.0, 10.0, 30.0, 30.0, 10.0, 20.0, 20.0, 0.0, 20.0, 20.0, 20.0, 20.0, 30.0, 0.0, 10.0, 10.0, 20.0, 0.0, 20.0, 10.0, 10.0, 10.0], (5600, 0): [40.0, 40.0, 10.0, 20.0, 40.0, 50.0, 50.0, 20.0, 40.0, 10.0, 50.0, 30.0, 30.0, 40.0, 40.0, 50.0, 30.0, 40.0, 50.0, 30.0, 40.0, 50.0, 20.0, 40.0, 30.0, 50.0, 40.0, 20.0, 50.0, 40.0, 30.0, 40.0, 20.0, 20.0, 50.0, 30.0, 40.0, 40.0, 40.0, 60.0, 30.0, 60.0, 50.0, 40.0, 30.0, 30.0, 20.0, 30.0, 60.0, 30.0, 40.0, 50.0, 60.0, 20.0, 30.0, 20.0, 30.0, 30.0, 40.0, 20.0, 40.0, 50.0, 30.0, 40.0, 10.0, 50.0, 40.0, 40.0, 20.0, 30.0], (4800, 2400): [0.0, 100.0, 60.0, 70.0, 0.0, 0.0, 30.0, 30.0, 0.0, 10.0, 0.0, 50.0, 40.0, 10.0, 80.0, 0.0, 0.0, 80.0, 0.0, 30.0, 20.0, 10.0, 0.0, 20.0, 20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 10.0, 50.0, 20.0, 0.0, 30.0, 30.0, 60.0, 0.0, 70.0, 40.0, 0.0, 0.0, 10.0, 50.0, 50.0, 60.0, 0.0, 50.0, 40.0, 0.0, 10.0, 20.0, 20.0, 10.0, 60.0, 40.0, 70.0, 0.0, 20.0, 0.0, 20.0, 30.0, 60.0, 80.0, 30.0, 90.0, 20.0, 0.0, 0.0, 30.0, 90.0, 10.0, 10.0, 20.0, 40.0, 30.0, 50.0, 60.0, 10.0, 10.0, 30.0, 10.0, 10.0, 20.0, 0.0, 30.0, 30.0, 10.0, 0.0, 0.0, 80.0, 40.0, 40.0, 20.0, 10.0, 30.0, 30.0, 20.0, 40.0, 10.0, 70.0, 0.0, 0.0, 20.0, 30.0, 30.0, 30.0, 100.0, 10.0, 30.0, 20.0, 70.0, -1.0, 60.0, 0.0, 30.0, 40.0, 10.0, 30.0, 60.0, 50.0, 10.0, 20.0, 0.0, 0.0, 0.0, 30.0, 30.0, 20.0, 0.0, 20.0, 10.0, 0.0, 60.0, 0.0, 100.0, 30.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 30.0, 20.0, 0.0, 0.0, 10.0, 20.0, 0.0, 10.0, 0.0, -1.0, 0.0, 50.0, 0.0, 0.0, 20.0, 10.0, 10.0, 30.0, 0.0, 10.0, 0.0, 60.0, 10.0, 60.0, 10.0, 30.0, 0.0, 20.0, 30.0], (5600, 800): [80.0, 70.0, 10.0, 30.0, 60.0, 40.0, 20.0, 30.0, 50.0, 60.0, 40.0, 60.0, 30.0, 20.0, 40.0, 30.0, 10.0, 30.0, 50.0, 50.0, 40.0, 70.0, 50.0, 20.0, 30.0, 0.0, 10.0, 90.0, 40.0, 10.0, 50.0, 40.0, 60.0, 30.0, 40.0, 30.0, 40.0, 40.0, 50.0, 30.0, 60.0, 40.0, 20.0, 20.0, 50.0, 40.0, 60.0, 30.0, 40.0, 20.0, 40.0, 30.0, 80.0, 20.0, 40.0, 20.0], (800, 800): [40.0, 40.0, -1.0, 40.0, 10.0, 40.0, 50.0, 20.0, 60.0, 90.0, 80.0, 40.0, 60.0, 30.0, 60.0, -1.0, -1.0, -1.0, 30.0, 80.0, 40.0, 70.0, 40.0, 50.0, 90.0, 40.0, 70.0, 30.0, 70.0, 80.0, -1.0, 40.0, 60.0, 40.0, 20.0, 40.0, 40.0, 30.0, 40.0, 70.0, 60.0, 50.0, 50.0, 70.0, 30.0, 70.0, 40.0, 40.0, 20.0, 40.0, 40.0, 40.0, 50.0, 10.0, 40.0, -1.0, 50.0, 60.0, 50.0, 60.0, 60.0, 20.0, 50.0, 40.0, 40.0, 70.0, 20.0, 30.0], (8800, 800): [40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 80.0, 60.0, 100.0, 50.0, 100.0, 90.0], (1600, 1600): [50.0, 80.0, 90.0, -1.0, 70.0, 20.0, 20.0, 30.0, 70.0, 60.0, -1.0, 10.0, 50.0, 30.0, -1.0, 20.0, 60.0, 40.0, 60.0, 60.0, 60.0, 60.0, 50.0], (3200, 2400): [80.0, -1.0, 40.0, 20.0, 30.0, 90.0, -1.0, 50.0, 30.0, 70.0, 50.0, 30.0, -1.0, 50.0, -1.0, 40.0, 80.0, 20.0, 30.0, 80.0, -1.0, 80.0, 30.0, 70.0, 30.0, 20.0, 50.0, 30.0, 40.0, 80.0, 30.0, 20.0, 10.0, 50.0, 30.0, 40.0, 50.0, 20.0, 40.0, 20.0, 60.0, 50.0, 10.0, 40.0, 30.0, 10.0, 90.0, 40.0, 30.0, 30.0, 60.0, 50.0, 50.0, 70.0, 40.0, 20.0, 40.0, 50.0, 20.0, 30.0, 70.0, 30.0, 60.0, 30.0, 30.0, 40.0, 60.0, 40.0, 30.0, 20.0, 100.0, 30.0, 100.0, 30.0, 30.0, 80.0, 40.0, 40.0, 40.0, 20.0, 80.0, 70.0, 40.0, -1.0, 100.0, 30.0, 50.0, 40.0, 40.0, 80.0, 60.0, 20.0, 40.0, 60.0, 100.0, 30.0, 30.0, 50.0, 80.0, 30.0, 70.0, 20.0, 20.0, 40.0, 30.0, 30.0, 50.0, 40.0, -1.0, 40.0, 50.0, 40.0, 20.0, 70.0, 20.0, 50.0, 40.0, 50.0, 30.0, 30.0, 30.0, 100.0, 40.0, 30.0, 30.0, 50.0, 50.0, 20.0, 60.0, 50.0, 30.0, 100.0, 80.0, 50.0, 50.0, 20.0, -1.0, 50.0, 60.0, 30.0, 50.0, 40.0, 60.0, 0.0, 40.0, -1.0, 30.0, 30.0, 10.0, 30.0, 90.0, 50.0, 20.0, 70.0, 90.0, 50.0, 60.0, 20.0, 20.0, 20.0, 40.0, 40.0, 40.0, 60.0, 50.0, 90.0, 40.0, 50.0], (6400, 2400): [40.0, 80.0, 20.0, 80.0, 40.0, 100.0, 60.0, 10.0, 30.0, 70.0, 80.0, 30.0, 30.0, 30.0, 100.0, 30.0, 10.0, 0.0, 20.0, 10.0, 20.0, 40.0, -1.0, 50.0, 90.0, 40.0, 40.0, 80.0, 10.0, 70.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 60.0, 70.0, 50.0, 70.0, 60.0, 0.0, 10.0, 60.0, 30.0, 20.0, 100.0, 40.0, 20.0, 30.0, 10.0, 40.0, 10.0, 100.0, 50.0, 20.0, 0.0, 90.0, 10.0, 20.0, 70.0, 0.0, 0.0, 20.0, 90.0, 0.0, 100.0, 30.0, 70.0, 80.0, 100.0, 10.0, 60.0, 100.0, 0.0, 50.0, 100.0, 0.0], (5600, 4800): [0.0, 10.0, 100.0, 0.0, 40.0, 50.0, 70.0, 10.0], (5600, 2400): [20.0, 30.0, 20.0, 0.0, 50.0, 100.0, 0.0, 30.0, 0.0, 70.0, 30.0, 10.0, 50.0, 0.0, 0.0, 40.0, 100.0, 90.0, 10.0, 90.0, 0.0, 90.0, 40.0, 0.0, 80.0, 0.0, 20.0, 60.0, 0.0, 50.0, 80.0, 40.0, 40.0, 10.0, 0.0, 0.0, 90.0, 40.0, 30.0, 0.0, 10.0, 20.0, 10.0, 30.0, 70.0, 80.0, 10.0, 50.0, 80.0, 100.0, 0.0, 10.0, 40.0, 30.0, 0.0, 40.0, 0.0, 30.0, 10.0, 20.0, 20.0, 30.0, 20.0, 70.0, 10.0, 10.0, 90.0, 80.0, 0.0, 20.0, 0.0, 0.0, 20.0, 60.0, 0.0, 30.0, 70.0, 10.0, 70.0, 0.0, 70.0, 50.0, 30.0, 100.0, 40.0, 20.0, 100.0, 100.0, 10.0, 0.0, 10.0, 0.0, 30.0, 50.0, 100.0, 10.0, 70.0, 0.0, 100.0, 60.0, 50.0, 10.0, 60.0, 100.0, 0.0, 20.0, 0.0, 0.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_900 = {(3600, 1800): [30.0, 40.0, 80.0, 20.0, 30.0, 40.0, 40.0, 20.0, 80.0, 30.0, 40.0, 40.0, 10.0, 70.0, 50.0, 30.0, 30.0, 20.0, 10.0, 40.0, 30.0, 20.0, 10.0, 30.0, 60.0, -1.0, 30.0, 10.0, 30.0, 10.0, 20.0, 30.0, 20.0, 60.0, 40.0, 80.0, 30.0, 30.0, 10.0, 80.0, 40.0, 10.0, 100.0, 50.0, 40.0, 50.0, 30.0, 40.0, 20.0, 40.0, 50.0, 10.0, 80.0, 40.0, 30.0, 0.0, 30.0, 90.0, 60.0, 40.0, 10.0, 30.0, 30.0, 20.0, 90.0, 30.0, 40.0, 30.0, 50.0, 40.0, 40.0, 20.0, 30.0, 20.0, 20.0, 70.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 30.0, -1.0, 30.0, 40.0, 60.0, 0.0, 10.0, 30.0, 10.0, 40.0, 20.0, 30.0, 40.0, 40.0, 50.0, 0.0, 30.0, 50.0, 100.0, 10.0, 30.0, 80.0, 0.0, 30.0, 20.0, 40.0, 40.0, 0.0, -1.0, 30.0, 0.0, 20.0, 30.0, 40.0, 80.0, 60.0, 40.0, 40.0, 60.0, 30.0, 40.0, 10.0, 20.0, 30.0, 80.0, -1.0, 70.0, 20.0, 70.0, 30.0, 60.0, 20.0, 10.0, 30.0, 50.0, 40.0, -1.0, 30.0, 10.0, 10.0, 90.0, 30.0, 20.0, 20.0, 50.0, 20.0, 40.0, 50.0, 30.0, 0.0, 10.0, 10.0, 40.0, 40.0, 80.0, 0.0, 10.0, 30.0, 60.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 10.0, 70.0, 20.0, 60.0, 80.0, 30.0, 100.0, 60.0, 30.0, 30.0, 10.0, 50.0, -1.0, 30.0, 40.0, -1.0, 10.0, 20.0, 80.0, 30.0, 40.0, 10.0, 70.0, 10.0, 50.0, 30.0, 30.0, 60.0, 0.0, 60.0, 40.0, 10.0, 50.0, 50.0, 30.0, 50.0, 50.0, 50.0, -1.0, 20.0, 40.0, 40.0, 10.0, 10.0, 20.0, 50.0, 50.0, 10.0, 50.0, 20.0, 30.0, 70.0, 30.0, 30.0, 20.0, 40.0, 60.0, 20.0, 40.0, 40.0, 70.0, 30.0, 20.0, 70.0, 30.0, 10.0, 30.0, 10.0, 0.0, 10.0, 20.0, 90.0, 50.0, 60.0, 40.0], (5400, 0): [10.0, 40.0, 40.0, 10.0, 20.0, 40.0, 50.0, 20.0, 40.0, 10.0, 30.0, 20.0, 10.0, 30.0, 40.0, 30.0, 40.0, 50.0, 30.0, 40.0, 50.0, 30.0, 10.0, 10.0, 20.0, 40.0, 30.0, 40.0, 40.0, 20.0, 50.0, 40.0, 30.0, 20.0, 40.0, 20.0, 30.0, 20.0, 50.0, 30.0, 40.0, 40.0, 40.0, 20.0, 60.0, 30.0, 60.0, 30.0, 30.0, 30.0, 30.0, 20.0, 30.0, 30.0, 40.0, 50.0, 20.0, 30.0, 40.0, 20.0, 30.0, 30.0, 30.0, 30.0, 40.0, 20.0, 40.0, 20.0, 40.0, 50.0, 30.0, 40.0, 10.0, 40.0, 40.0, 20.0, 30.0], (7200, 5400): [10.0, 0.0, 70.0, 100.0, 10.0, 100.0, 0.0, 100.0, 60.0, 50.0, 40.0, 0.0, 100.0, 0.0, 20.0, 100.0, 20.0, 100.0, 50.0, 100.0], (4500, 1800): [20.0, 50.0, 10.0, 10.0, 50.0, 60.0, 30.0, 60.0, 0.0, 30.0, 20.0, 20.0, 0.0, 0.0, 30.0, 80.0, 20.0, 10.0, 0.0, 70.0, 0.0, 30.0, 0.0, 0.0, 0.0, 30.0, 30.0, 60.0, 0.0, 0.0, 0.0, 30.0, 0.0, 60.0, 40.0, 0.0, 50.0, 0.0, 20.0, 10.0, 10.0, 60.0, 10.0, 100.0, 0.0, 0.0, 10.0, 30.0, 10.0, 0.0, 10.0, 0.0, 0.0, 0.0, 20.0, 0.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 40.0, 10.0, 30.0, 10.0, 100.0, 10.0, 30.0, 30.0, 40.0, 40.0, 50.0, 40.0, 40.0, 0.0, 10.0, 30.0, 90.0, 0.0, 30.0, 10.0, 40.0, 0.0, 20.0, 20.0, 40.0, 10.0, 50.0, 20.0, 60.0, 40.0, 20.0, 70.0, 10.0, 10.0, 60.0, 0.0, 30.0, 30.0, 0.0, 20.0, 10.0, 60.0, 10.0, 20.0, 0.0, 20.0, 30.0, 10.0, 0.0, 0.0, 30.0, 20.0, 50.0, 100.0, 0.0, 40.0, 10.0, 30.0, 0.0, 20.0, 0.0, 0.0, 0.0, 10.0, 10.0, 20.0, 30.0, 20.0], (6300, 1800): [30.0, 100.0, 40.0, 60.0, 20.0, 0.0, 20.0, 80.0, 60.0, 10.0, 30.0, 30.0, 0.0, 80.0, 100.0, 20.0, 40.0, -1.0, 50.0, 30.0, 100.0, 30.0, 10.0, 50.0, 60.0, 100.0, 100.0, 0.0, 40.0, 50.0, 20.0, 10.0, 60.0, 100.0, 50.0, 60.0, 60.0, 0.0, 10.0, 60.0, 30.0, 10.0, 70.0, 20.0, 70.0, 20.0, 100.0, 40.0, 30.0, 60.0, 10.0, 70.0, 10.0, 80.0, 100.0, 50.0, 0.0, 70.0, 60.0, 0.0, 90.0, 10.0, 0.0, 70.0, 0.0, 80.0, 80.0, 80.0, 80.0, 50.0, 50.0, 20.0, 0.0, 0.0, 100.0, 70.0, 100.0, 30.0, 50.0, 40.0, 70.0, 90.0], (6300, 900): [70.0, 30.0, 100.0, 20.0, 30.0, 80.0, -1.0, 30.0, 100.0, 100.0, 80.0, 90.0, 60.0, 30.0, 40.0, 70.0, 90.0, 10.0, 40.0, 30.0, 20.0, 40.0, 40.0, 50.0, 60.0, 60.0, 20.0, 40.0, 50.0, 30.0, 10.0, 40.0, 40.0, 50.0, 60.0, 30.0, 60.0, 30.0, 30.0, 90.0, 0.0, 20.0, 20.0, 70.0, 30.0, 70.0, 70.0, 40.0, 80.0, 70.0, 30.0, 30.0, 0.0, 60.0, 60.0, 50.0, 100.0, 50.0, 50.0, 60.0, 40.0, 50.0, 30.0, 50.0, 90.0, 70.0, 30.0, 60.0, 50.0, 40.0, 100.0, 30.0, 30.0, 80.0, 60.0, 100.0, 70.0, 60.0, 30.0, 80.0, 10.0], (5400, 1800): [70.0, 20.0, 20.0, 80.0, 40.0, 70.0, 60.0, 0.0, 50.0, 20.0, 10.0, 100.0, 30.0, 20.0, 30.0, 10.0, 50.0, 80.0, 10.0, 30.0, 40.0, 0.0, 0.0, 50.0, 60.0, 20.0, 60.0, 50.0, 40.0, 30.0, 40.0, 0.0, 10.0, 50.0, 30.0, 0.0, 20.0, 50.0, 30.0, 70.0, 30.0, 10.0, 0.0, 40.0, 40.0, 100.0, 20.0, 10.0, 0.0, 10.0, 40.0, 10.0, 30.0, 10.0, 20.0, 50.0, 10.0, 0.0, 30.0, 20.0, -1.0, 20.0, 100.0, 30.0, 40.0, 40.0, 20.0, 50.0, 10.0, 90.0, 80.0, 20.0, 10.0, 50.0, 0.0, 10.0, 30.0, 100.0, 60.0, 40.0, 100.0, 100.0, 50.0, 60.0, 80.0, 60.0, 70.0, 50.0, 10.0, 100.0, 40.0, 50.0, 60.0, 60.0, 60.0, 10.0, 100.0, 0.0, 20.0, 10.0, 30.0, 0.0, 10.0, 20.0, 40.0], (900, 900): [30.0, 50.0, 20.0, 20.0, 40.0, 10.0, 40.0, 40.0, 50.0, 20.0, 20.0, 60.0, 90.0, 80.0, 60.0, 60.0, 30.0, -1.0, -1.0, 30.0, 30.0, 60.0, 20.0, 40.0, 30.0, 70.0, 40.0, 40.0, 90.0, 10.0, 40.0, 70.0, 30.0, 50.0, 40.0, 70.0, 80.0, -1.0, 40.0, 60.0, 10.0, 20.0, 40.0, 20.0, 40.0, 40.0, 30.0, 50.0, 40.0, 70.0, 10.0, 60.0, 30.0, 30.0, 50.0, 40.0, 70.0, 30.0, 70.0, 40.0, 40.0, 40.0, 40.0, 50.0, 10.0, 30.0, 20.0, -1.0, 40.0, 50.0, 60.0, 50.0, 30.0, 10.0, 60.0, -1.0, 50.0, 40.0, 40.0, 30.0, 30.0, 50.0, 60.0, 20.0, 40.0, 20.0], (1800, 900): [0.0, 60.0, -1.0, 30.0, 50.0, 40.0, 40.0, 20.0, 10.0, 50.0, 20.0, 20.0, 10.0, 90.0, 10.0, 30.0, -1.0, 70.0, 30.0, 80.0, 50.0, -1.0, 30.0, -1.0, -1.0, 70.0, -1.0, 40.0, 40.0, 20.0, -1.0, 0.0, 20.0, 50.0, 60.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 90.0, 30.0, 20.0, 30.0, -1.0, 70.0, 80.0, -1.0, 50.0, -1.0, 20.0, 30.0, 20.0, 50.0, 90.0, 70.0, 20.0, 20.0, 20.0, 30.0, 40.0, 50.0, 70.0, 20.0, 30.0, 40.0, 90.0, 60.0, 70.0, 10.0, -1.0, 100.0, -1.0, -1.0, 20.0, 60.0, 30.0, 30.0, 70.0, 40.0, 50.0, 10.0, 20.0, 40.0, -1.0, 20.0, 50.0, 10.0, 20.0, 40.0, 40.0, 10.0, 40.0, 10.0, 60.0, 10.0, 60.0, 40.0, 0.0, 20.0, 10.0, 50.0, -1.0, 40.0, 30.0, 80.0, 50.0, 70.0, 20.0, 20.0, 60.0, 40.0, 30.0, 40.0, 40.0, 20.0, 50.0, 20.0, 30.0, 80.0, 30.0, 70.0, 20.0, 20.0, 40.0, 50.0, 30.0, 20.0, 30.0, 20.0, 30.0, 10.0, 50.0, 20.0, 50.0, 50.0, 40.0, 40.0, 20.0, -1.0, 100.0, 70.0, 20.0, 40.0, 90.0, 50.0, 10.0, -1.0, 30.0, 80.0, 60.0, 20.0, 30.0, 50.0, 50.0, 50.0, 50.0, 40.0, 30.0, 20.0, 20.0, 40.0, 0.0, 20.0, -1.0, 40.0, 50.0, 40.0, 60.0, 20.0, 30.0, 60.0, -1.0, 30.0, -1.0, 20.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 70.0, 50.0, 30.0, 60.0, 50.0, 50.0, 20.0, 30.0, 30.0, 50.0, 40.0, 80.0, 40.0, 80.0, 40.0, 40.0, 70.0, 60.0, 60.0, 30.0, 30.0, -1.0, 60.0, 40.0, 50.0, 50.0, 20.0, 70.0, 70.0, 60.0, -1.0, 60.0, 30.0, 40.0, 30.0, 40.0, 60.0, -1.0, 40.0, 70.0, 20.0, 20.0, 50.0, 80.0, 30.0, 30.0, 90.0, 30.0, 20.0, 60.0, 20.0, 40.0, 20.0, 40.0, 30.0, 60.0, -1.0, 50.0, 20.0, 20.0, 30.0, 20.0, 50.0, 20.0, 30.0, 50.0, 30.0, 20.0, 40.0, 40.0, -1.0, 50.0, 10.0, 40.0, 30.0], (6300, 2700): [70.0, 20.0, 0.0, 80.0, 100.0, 40.0, 100.0, 100.0, 40.0, 100.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 30.0, 20.0, 30.0, 0.0, 10.0, 70.0, 0.0, 10.0, 90.0, 20.0, 10.0, 10.0, 0.0, 40.0, 70.0, 90.0, 40.0, 40.0, 30.0, 80.0, 10.0, 70.0, 80.0, 20.0, 0.0, 100.0, 50.0, 90.0, 100.0, 80.0, 100.0, 100.0, 10.0, 90.0, 10.0, 10.0, 10.0, 60.0, 0.0, 100.0, 100.0, 70.0, 30.0, 20.0, 10.0, 70.0, 40.0, 100.0, 40.0, 10.0, 90.0, 40.0, 100.0, 40.0, 70.0, 60.0, 100.0, 30.0, 20.0, 20.0, 100.0, 40.0, 70.0, 30.0, 0.0, 90.0, 10.0, 0.0, 20.0, 90.0, 100.0, 40.0, 40.0, 100.0, 100.0, 10.0, 50.0, 20.0, 0.0, 20.0, 10.0, 20.0, 100.0, 20.0, 100.0, 60.0, 70.0, 70.0, 0.0, 20.0, 10.0, 90.0, 10.0, 10.0, 40.0, 30.0, 80.0, 30.0, 100.0, 100.0, 10.0, 30.0, 60.0, 0.0, 100.0, 0.0, 0.0, 30.0, 100.0, 80.0, 0.0, 20.0, 60.0], (900, 0): [40.0, 40.0, 10.0, 60.0, 0.0, -1.0, 50.0, 40.0, 40.0, 60.0, -1.0, 70.0, 30.0, 20.0, 50.0, 50.0, 50.0, 30.0, 10.0, 10.0, 30.0, 50.0, 50.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 10.0, 70.0, -1.0, 10.0, 50.0, 60.0, 10.0, 50.0, 40.0, -1.0, 10.0, 60.0, -1.0, 10.0, -1.0, -1.0, 40.0, 20.0, 20.0, 40.0, 40.0, 20.0, 30.0, 80.0, 70.0, 10.0, 50.0, 50.0, 10.0, 10.0, 0.0, 50.0, 40.0, 30.0, 30.0, 0.0, 60.0, 10.0, 10.0, 40.0, 0.0, 10.0, 40.0, 30.0, 10.0, 10.0, 20.0, 50.0, 0.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, -1.0, 10.0, 10.0, 20.0, 50.0, 0.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 20.0, 0.0, 40.0, 40.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 10.0, 20.0, 50.0, 40.0, 0.0, 60.0, 50.0, 20.0, 0.0, 10.0, 10.0, 60.0, 70.0, -1.0, 20.0, 70.0, 50.0, 30.0, 10.0, 10.0, 30.0], (4500, 2700): [40.0, 10.0, 20.0, 20.0, 90.0, 0.0, 100.0, 60.0, 40.0, 50.0, 10.0, 60.0, 0.0, 100.0, 10.0, 20.0, 70.0, 20.0, 100.0, 60.0, 70.0, 0.0, 0.0, 0.0, 10.0, 30.0, 30.0, 0.0, 0.0, 30.0, 30.0, 30.0, 20.0, 40.0, 20.0, 0.0, 60.0, 90.0, 10.0, 10.0, 0.0, 50.0, 40.0, 30.0, 80.0, 40.0, 90.0, 100.0, 20.0, 0.0, 60.0, 50.0, 30.0, 80.0, 10.0, 10.0, 30.0, 0.0, 0.0, 0.0, 10.0, 10.0, 40.0, 40.0, 40.0, 0.0, 0.0, 20.0, 10.0, 0.0, 40.0, 20.0, 0.0, 30.0, 0.0, 50.0, 40.0, 0.0, 0.0, 0.0, 50.0, 20.0, 40.0, 10.0, 10.0, 100.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 80.0, 70.0, 0.0, 0.0, 0.0, 10.0, 100.0, 30.0, 90.0, 0.0, 0.0, 70.0, 30.0, 40.0, 50.0, 40.0, 0.0, 0.0, 10.0, 50.0, 10.0, 50.0, 60.0, 10.0, 0.0, 40.0, 30.0, 0.0, 10.0, 90.0, 10.0, 50.0, 20.0, 20.0, 20.0, 100.0, 10.0, 80.0, 20.0, 0.0, 0.0, 40.0, 80.0, 30.0, 20.0, 20.0, 10.0, 0.0, 10.0, 20.0, 40.0, 40.0, 0.0, 10.0, 20.0, 30.0, 50.0, 0.0, 60.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, 100.0, 20.0, 20.0, 20.0, 100.0, 50.0, 10.0, 10.0, 40.0, 60.0, 20.0, 70.0, 80.0, 30.0, 90.0, 10.0, 80.0, 90.0, 70.0, 70.0, 0.0, -1.0, 20.0, 0.0, 0.0, 0.0, 60.0, 40.0, 40.0, 0.0, 10.0, 70.0, 0.0, 10.0, 40.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 20.0, 20.0, 100.0, 0.0, 0.0, 30.0, 0.0, 60.0, 20.0, 0.0, 0.0, 20.0, 10.0, 80.0, 30.0, 0.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 0.0, 50.0, 10.0, 0.0, 0.0, 10.0, 80.0, 20.0, 80.0, 60.0, 20.0, 20.0, 0.0, 10.0, 20.0, 30.0, 20.0, 90.0, 30.0, 20.0, 10.0, 30.0, 0.0, 10.0, 70.0, 0.0, 0.0, 30.0, 20.0, 10.0, 80.0, 20.0, 30.0, 20.0, 10.0, 0.0, 70.0, 0.0, 30.0, 30.0, 100.0, 30.0, 20.0, 10.0, 10.0, 30.0, 30.0, 20.0, 70.0, 30.0, 80.0, 0.0, 0.0, 20.0, 60.0, 20.0, 10.0, 0.0, 0.0, 40.0, 20.0, 0.0, 20.0, 70.0, 50.0, 100.0, 10.0, 0.0, 20.0, 60.0, 10.0, 20.0, 40.0, 0.0, 0.0, 30.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 0.0, 80.0, 40.0, 30.0, 40.0, 0.0, 10.0, 50.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 50.0, 10.0, 30.0, 0.0, 80.0, 20.0, 20.0, 0.0, 20.0, 0.0, 10.0, 10.0, 0.0, 20.0, 50.0, 0.0, 0.0, 50.0, 70.0, 50.0, 0.0, 40.0, 0.0, 0.0, 0.0, 0.0, 100.0, 40.0, 30.0, 0.0, 40.0, 40.0, 0.0, 30.0, 30.0, 70.0, 0.0, 0.0, 0.0, 30.0, 10.0, 10.0, 30.0, 90.0, 30.0, 60.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 20.0, 0.0, 0.0, 0.0, 30.0, 20.0, 0.0, 80.0, 50.0, 20.0, 20.0, 60.0, 60.0, 30.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 70.0, 60.0, 0.0, 20.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 20.0, 40.0, 50.0, 0.0, 30.0, 30.0, 30.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 10.0, 20.0, 0.0, 0.0, 60.0, 0.0], (7200, 4500): [20.0, 50.0, 100.0, 10.0, 100.0, 20.0, 40.0, 100.0, 20.0, 30.0, 70.0, 100.0, 50.0, 100.0, 40.0, 100.0, 100.0, 0.0, 60.0, 20.0, 100.0, 50.0, 60.0, 100.0, 50.0, 100.0, 0.0, 30.0, 80.0, 20.0, 10.0, 90.0, 70.0, 100.0, 30.0, 50.0, 10.0, 10.0, 100.0, 70.0, 50.0, 80.0, 100.0, 0.0, 70.0, 0.0, 30.0, 90.0, 90.0, 0.0, 10.0, 100.0, 80.0, 30.0, 30.0, 10.0, 10.0, 100.0, 20.0, 30.0, 0.0, 100.0, 80.0, 50.0, 40.0, 60.0, 10.0, 50.0, 0.0, 50.0, 60.0, 90.0, 100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 20.0, 0.0, 10.0, 100.0, 90.0, 0.0, 20.0, 0.0, 100.0, 20.0, 50.0, 100.0, 100.0, 20.0, 70.0, 100.0, 100.0, 70.0, 70.0, 100.0, 0.0, 100.0, 0.0, 30.0, 80.0, 20.0, 100.0, 100.0, 30.0, 10.0, 10.0, 80.0, 30.0, 0.0, 60.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 70.0, 100.0, 0.0, 30.0, 90.0, 30.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 0.0, 90.0, 30.0, 100.0, 50.0, 100.0, 80.0, 10.0, 40.0, 0.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 20.0, 0.0, 20.0, 80.0, 30.0, 100.0, 10.0, 50.0, 30.0, 20.0, 80.0, 70.0, 100.0, 10.0, 100.0, 0.0, 0.0, 0.0, 30.0, 40.0, 100.0, 20.0, 30.0, 100.0, 0.0, 20.0, 20.0, 10.0, 0.0, 100.0, 70.0, 100.0, 50.0, 10.0, 0.0, 0.0, 0.0, 90.0, 20.0, 100.0, 0.0, 100.0, 0.0, 100.0, 10.0, 60.0, 0.0, 0.0, 0.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 40.0, 10.0, 90.0, 100.0, 0.0, 0.0, 90.0, 30.0, 80.0, 70.0, 0.0, 100.0, 10.0, 0.0, 100.0, 0.0, 0.0, 0.0, 50.0, 0.0, 100.0, 0.0, 20.0, 20.0, 40.0, 20.0, 100.0, 100.0, 70.0, 90.0, 10.0, 50.0, 20.0, 100.0, 60.0, 10.0, 100.0, 0.0, 40.0, 20.0, 100.0, 0.0, 0.0], (2700, 2700): [80.0, 10.0, 30.0, 50.0, 30.0], (3600, 900): [10.0, 70.0, 20.0, 10.0, 40.0, 40.0, 20.0, 30.0, 30.0, 50.0, 20.0, 60.0, 10.0, 20.0, 20.0, 20.0, 40.0, -1.0, 20.0, 20.0, 30.0, 10.0, 50.0, 30.0, 10.0, 40.0, 30.0, 60.0, 10.0, -1.0, 10.0, 10.0, 10.0, 80.0, 10.0, 10.0, 30.0, 40.0, 40.0, 30.0, 10.0, 20.0, 40.0, 50.0, 60.0, 10.0, 10.0, 0.0, 20.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 20.0, 40.0, -1.0, 30.0, 30.0, 50.0, 30.0, 10.0, 10.0, -1.0, -1.0, -1.0, 50.0, 10.0, 30.0, 20.0, 10.0, 40.0, 50.0, 50.0, 20.0, 40.0, 20.0, 20.0, 10.0, -1.0, 10.0, -1.0, 20.0, 30.0, 0.0, 10.0, 30.0, 0.0, 30.0, 10.0, 20.0], (4500, 0): [30.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 20.0, 10.0, 10.0, 0.0, 20.0, 10.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 0.0, 10.0, 10.0, 10.0, 0.0, 10.0, 20.0, 30.0, 20.0, 0.0, -1.0, 10.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 10.0, 10.0, 30.0, 40.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 20.0, 20.0, 0.0, 20.0, -1.0, 20.0, 20.0, 20.0, 30.0, 30.0, 10.0, 0.0, 10.0, 10.0, 20.0, 0.0, 20.0, 10.0, 10.0, 10.0, 10.0], (8100, 2700): [100.0, 30.0, 100.0, 0.0, 70.0, 100.0, 100.0, 40.0, 40.0, 100.0, 20.0, 70.0, 100.0, 80.0, 100.0, 100.0, 20.0, 20.0, 50.0, 30.0, 100.0, 80.0, 0.0, 0.0, 30.0, 30.0, 100.0, 100.0, 60.0, 100.0, 80.0, 90.0, 100.0, 40.0, 10.0, 30.0, 50.0, 50.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 60.0, 70.0, 10.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 60.0, 60.0, 100.0, 80.0, 70.0, 10.0, 30.0, 20.0, 60.0, 100.0, 20.0, 100.0, 100.0, 100.0, 90.0, 60.0, 70.0, 20.0, 100.0, 0.0, 100.0, 100.0, 60.0, 0.0, 30.0, 70.0, 100.0, 100.0, 60.0, 0.0, 100.0, 60.0, 10.0, 100.0, 10.0, 0.0, 100.0, 90.0, 20.0, 40.0, 10.0, 100.0, 100.0, 0.0], (4500, 3600): [20.0, 30.0, 0.0, 40.0, 80.0, 10.0, 0.0, 20.0, 40.0, 0.0, 10.0, 20.0, 0.0, 20.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 10.0, 0.0, 20.0, 0.0, 0.0, 10.0, 20.0, 100.0, 20.0, 20.0, 10.0, 50.0, 60.0, 0.0, 10.0, 20.0, 10.0, 30.0, 100.0, 100.0, 10.0, 80.0, 10.0, 0.0, 40.0, 70.0, 0.0, 10.0, 0.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, 0.0, 0.0, 100.0, 80.0, 0.0, 10.0, 0.0, 10.0, 100.0, 10.0, 70.0, 0.0, 30.0, 0.0, 100.0, 10.0, 0.0, 10.0, 60.0, 0.0, 70.0, 0.0, 60.0, 40.0, 10.0, 10.0, 0.0, 0.0, 0.0, 0.0, 40.0, 10.0, 20.0, -1.0, 40.0, 0.0, 0.0, 40.0, 60.0, 70.0, 10.0, 10.0, 20.0, 0.0, 30.0, 40.0, 20.0, 70.0, 10.0, 10.0], (1800, 1800): [40.0, 100.0, 70.0, 50.0, 60.0, 60.0, 50.0, 80.0, 30.0, 60.0, 80.0, 60.0, 40.0, 10.0, 40.0, 70.0, 50.0, 90.0, 30.0, 60.0, 50.0, 30.0, 40.0, 60.0, 50.0, 50.0, 50.0, 10.0, 60.0, 70.0, 60.0, -1.0, 30.0], (4500, 4500): [50.0], (5400, 4500): [20.0, 0.0, 0.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 50.0, 10.0, 0.0, 0.0, 60.0, 40.0, 50.0, 0.0, 30.0, 100.0, 50.0, 80.0, 50.0, 30.0, 10.0, 10.0, 0.0, 70.0, 30.0, 0.0, 0.0, 20.0, 40.0, 10.0, 0.0], (4500, 900): [10.0, 30.0, 0.0, 20.0, 30.0, 30.0, 20.0, 0.0, 10.0, 30.0, 10.0, 0.0, 30.0, 0.0, 40.0, 10.0, 0.0, 40.0, 10.0, 10.0, 30.0, 0.0, 0.0, 10.0, 40.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 20.0, 40.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 50.0, 0.0, 10.0, -1.0, 0.0, 30.0, 20.0, 0.0, 0.0, 50.0, 40.0, 60.0, 50.0, 10.0, 20.0, 0.0, 10.0, 30.0, 20.0, 0.0, 20.0, 0.0, 30.0, 10.0, 20.0, 20.0, 0.0, 10.0, 0.0, 10.0, 70.0, 40.0, 0.0, 10.0, 40.0, 50.0, 40.0, 50.0, 10.0, 0.0, 10.0], (7200, 900): [80.0, 60.0, 40.0, 90.0, 30.0, 70.0, 100.0, 60.0, 100.0, 90.0, 100.0, 50.0, 70.0, 80.0, 40.0, 40.0, 80.0, 60.0, 100.0, 80.0, 90.0, 60.0, 80.0, 100.0, 100.0, 100.0, 100.0, 70.0, 70.0, 40.0, 90.0, 100.0, 100.0, 20.0, 80.0, 30.0, 40.0, 90.0, 60.0, 70.0, 40.0, 100.0, 40.0, 60.0, 70.0, 50.0, 70.0, 50.0, 90.0, 90.0, 80.0, 80.0, 100.0, 20.0, 90.0, 20.0, 60.0, 80.0, 20.0, 60.0, 70.0, 20.0, 50.0, 90.0, 80.0, 70.0, 100.0, 90.0, 90.0, 60.0, 70.0, 60.0, 30.0, 50.0, 80.0, 80.0], (8100, 0): [80.0, 60.0, 90.0, 100.0, 60.0, 100.0, 90.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 80.0, 80.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 90.0, 100.0, 90.0, 80.0, 90.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 80.0, 80.0, 100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 90.0, 100.0, 80.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 80.0, 90.0], (1800, 0): [10.0, 50.0, 10.0, -1.0, -1.0, 20.0, 10.0, 20.0, -1.0, 30.0, 30.0, 10.0, 0.0, 10.0, -1.0, -1.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 0.0, -1.0, 30.0, 30.0, 30.0, -1.0, -1.0, 10.0, 0.0, -1.0, 30.0, -1.0, 0.0, -1.0, 10.0, 0.0, 20.0, 20.0, 40.0, 10.0, -1.0, 0.0, 0.0, -1.0, 10.0, 10.0, 10.0, 40.0, 10.0, 0.0, 10.0, 0.0, -1.0, 10.0, 10.0, 20.0, 0.0, 10.0, 10.0, 10.0, 0.0, 20.0, 20.0, 10.0, 10.0, 0.0, 10.0, 20.0, -1.0, 20.0, 0.0, -1.0, 0.0, 10.0, 0.0, 0.0], (0, 0): [60.0, 20.0, 50.0, 0.0, 20.0, 50.0, 100.0, 100.0, 40.0, 40.0, 20.0, 0.0, 50.0, 20.0, 20.0, 40.0, 0.0, 10.0, 20.0, 20.0, 60.0, 80.0, 100.0, 10.0, 20.0, -1.0, 30.0, 20.0, 10.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 40.0, 30.0, 50.0, 50.0, 30.0, 0.0, 10.0, 20.0, 30.0, 20.0, 20.0, 20.0, 60.0, 80.0, 20.0, 10.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 10.0, 50.0, 50.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 20.0, 100.0, 10.0, 30.0, 30.0, 10.0, 40.0, 10.0, 40.0, 40.0, 30.0, 10.0, 40.0, 10.0], (6300, 3600): [60.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 60.0, 40.0, 40.0, 100.0, 30.0, 70.0, 70.0, 10.0, 100.0, 20.0, 20.0, 70.0, 0.0, 10.0, 20.0, 60.0, 100.0, 20.0, 50.0, 0.0, 10.0, 0.0, 20.0, 10.0, 50.0, 0.0, 20.0, 60.0, 100.0, 40.0, 40.0, 0.0, 40.0, 90.0, 40.0, 10.0, 20.0, 30.0, 90.0, 50.0, 80.0, 10.0, 0.0, 10.0, 80.0, 10.0, 80.0, 40.0, 80.0, 60.0, 10.0, 100.0, 0.0, 50.0, 0.0, 10.0, 70.0, 100.0, 20.0, 0.0, 70.0, 10.0, 0.0, 0.0, 50.0, 10.0, 90.0, 0.0, 100.0, 30.0, 100.0, 90.0, 100.0, 0.0, 0.0, 100.0, 100.0, 10.0, 100.0, 60.0, 0.0, 100.0, 10.0, 40.0, 20.0, 0.0, 0.0, 0.0, 60.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 0.0, 90.0, 60.0, 0.0, 40.0, 80.0, 100.0, 100.0, 10.0, 10.0, 70.0, 10.0, 30.0, 60.0, 90.0, 40.0, 100.0, 100.0, 50.0, 0.0, 0.0, 20.0, 70.0, 70.0, 0.0, 90.0, 90.0, 20.0, 60.0, 60.0, 10.0, 10.0, 0.0, 70.0, 70.0, 0.0, 20.0, 100.0, 50.0, 100.0, 30.0, 50.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 0.0, 20.0, 70.0, 0.0, 0.0, 0.0, 100.0, 90.0, 50.0, 0.0, 40.0, 60.0, 100.0, 60.0, 80.0, 40.0, 100.0, 0.0, 40.0, 10.0, 20.0, 0.0, 40.0, 40.0, 100.0, 80.0, 0.0, 100.0, 10.0, 40.0, 80.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 20.0, 30.0, 30.0, 10.0, 50.0, 90.0, 30.0, 80.0, 100.0, 20.0, 70.0, 50.0, 0.0, 60.0, 90.0, 90.0, 40.0, 30.0, 60.0, 80.0, 30.0, 50.0, 20.0, 60.0, 70.0, 10.0, 90.0, 0.0, 100.0, 60.0, 40.0, 20.0, 60.0, 40.0, 100.0, 70.0, 0.0, 100.0, 0.0, 90.0, 20.0, 0.0, 0.0, 10.0, 20.0, 0.0, 20.0, 20.0, 60.0, 100.0, 60.0, 0.0, 20.0, 30.0, 100.0, 90.0, 100.0, 60.0, 40.0, 20.0, 40.0, 30.0, 100.0, 30.0, 80.0, 70.0, 100.0, 0.0, 100.0, 20.0, 20.0, 0.0, 0.0, 50.0, 100.0, 0.0, 60.0, 80.0, 0.0, 40.0, 40.0, 70.0, 10.0, 90.0, 90.0, 90.0, 100.0, 50.0, 0.0, 0.0, 90.0, 10.0, 100.0, 60.0, 40.0, 60.0, 80.0, 80.0, 100.0, 0.0, -1.0, 90.0, 0.0, 0.0, 50.0, 60.0, 0.0, 90.0, 70.0, 100.0, 80.0, 20.0, 0.0, 90.0, 0.0, 50.0], (8100, 900): [100.0, 80.0, 90.0, 100.0, 40.0, 100.0, 100.0, 70.0, 20.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 80.0, 70.0, 40.0, 100.0, 50.0, 100.0, 80.0, 100.0, 50.0, 20.0, 100.0, 80.0, 80.0, 50.0, 90.0, 60.0, 80.0, 50.0, 80.0, 70.0, 10.0, 100.0, 80.0, 30.0, 60.0, 70.0, 100.0, 100.0, 100.0, 90.0, 80.0, 90.0, 50.0, 100.0, 90.0, 80.0, 80.0, 60.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 30.0, 30.0, 70.0, 100.0, 70.0], (2700, 900): [30.0, 20.0, 30.0, 20.0, 10.0, 20.0, 20.0, 10.0, 90.0, 30.0, -1.0, 20.0, 30.0, 50.0, 10.0, 20.0, 60.0, 20.0, 10.0, 20.0, 10.0, 70.0, -1.0, 20.0, 70.0, 40.0, 20.0, 30.0, 60.0, 60.0, 80.0, -1.0, 20.0, -1.0, 40.0, 40.0, 20.0, 20.0, 10.0, 20.0, 50.0, 60.0, 20.0, 40.0, 20.0, 50.0, 10.0, 40.0, 40.0, -1.0, 10.0, 40.0, 20.0, 20.0, 70.0, 10.0, 30.0, 40.0, 30.0, 40.0, 50.0, 20.0, 40.0, 30.0, 30.0, 10.0, 20.0, 20.0, -1.0, 20.0, 20.0, 40.0, 20.0, -1.0, 10.0, 30.0, 20.0, -1.0, 40.0, 10.0, 10.0, 40.0, 0.0, 20.0, -1.0, 30.0, 40.0, 30.0, 50.0, 70.0, 30.0, 40.0, 40.0, 40.0, -1.0, 10.0, -1.0, -1.0, 20.0, 0.0, 20.0, 40.0, 40.0, 40.0, 30.0, 50.0, 40.0, 30.0, 40.0, 90.0, 60.0, 30.0, 40.0, 60.0, 10.0, 60.0, 40.0, 20.0, 20.0, 30.0, 10.0, 20.0, 30.0, 50.0, 40.0, 40.0, -1.0, 0.0, 20.0, 30.0, 10.0, 20.0, 40.0, 40.0], (3600, 0): [10.0, 10.0, 0.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 40.0, 10.0, 10.0, 10.0, 20.0, -1.0, 20.0, 10.0, 20.0, 20.0, -1.0, 10.0, -1.0, 10.0, 10.0, 30.0, 20.0, 10.0, -1.0, 30.0, 0.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, -1.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 10.0, -1.0, -1.0, 20.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 30.0, -1.0, 20.0, 10.0, 10.0, 10.0, -1.0, 20.0, -1.0, 10.0, 10.0, 30.0, 30.0, 10.0, 10.0, 10.0, 20.0, 10.0, 40.0, 20.0, 10.0, 10.0, 10.0, 10.0], (7200, 3600): [40.0, 70.0, 60.0, 0.0, 80.0, 100.0, 100.0, 90.0, 30.0, 70.0, 20.0, 90.0, 10.0, 30.0, 80.0, 0.0, 100.0, 80.0, 70.0, 10.0, 0.0, 100.0, 10.0, 40.0, 10.0, 100.0, 30.0, 20.0, 100.0, 100.0, 60.0, 100.0, 20.0, 0.0, 90.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 70.0, 50.0, 70.0, 10.0, 40.0, 100.0, 0.0, 80.0, 10.0, 30.0, 0.0, 50.0, 100.0, 80.0, 100.0, 30.0, 0.0, 20.0, 50.0, 100.0, 0.0, 60.0, 20.0, 70.0, 100.0, 90.0, 10.0, 20.0, 0.0, 100.0, 100.0, 70.0, 20.0, 90.0, 10.0, 0.0, 70.0, 40.0, 50.0, 0.0, 30.0, 0.0, 100.0, 50.0, 100.0, 0.0, 70.0, 50.0, 100.0, 10.0, 60.0, 30.0, 100.0, 100.0, 100.0, 0.0, 30.0, 60.0, 20.0, 100.0, 50.0, 100.0, 10.0, 50.0, 70.0, 100.0, 0.0, 30.0, 100.0, 20.0, 20.0, 10.0, 100.0, 30.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 10.0, 100.0, 0.0, 0.0, 30.0, 50.0, 40.0, 60.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 0.0, 80.0, 60.0, 50.0, 0.0, 10.0, 100.0, 30.0, 100.0, 100.0, 70.0, 90.0, 100.0, 100.0, 100.0, 100.0, 30.0, 70.0, 0.0, 0.0, 40.0, 100.0, 0.0, 100.0, 20.0, 50.0, 90.0, 0.0, 100.0, 100.0, 20.0, 0.0, 30.0, 0.0, 90.0, 90.0, 70.0, 20.0, 70.0, 10.0, 20.0, 100.0, 10.0, 0.0, 0.0, 100.0, 50.0, 100.0, 20.0, 50.0, 20.0], (8100, 5400): [100.0, 30.0, 10.0, 100.0, 20.0, 10.0, 100.0, 40.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 100.0, 90.0, 100.0, 70.0, 0.0, 10.0, 0.0, 10.0, 10.0, 100.0, 70.0, 80.0, 100.0, 10.0, 0.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 100.0, 10.0, 30.0, 100.0, 100.0, 0.0, 100.0, 10.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 20.0, 10.0, 0.0, 0.0, 60.0, 20.0, 100.0, 0.0, 90.0, 100.0, 90.0], (6300, 0): [60.0, 60.0, 50.0, 60.0, 60.0, 60.0, 50.0, 30.0, 60.0, 40.0, 80.0, 50.0, 50.0, 60.0, 30.0, 50.0, 40.0, 50.0, 50.0, 50.0, 60.0, 60.0, 50.0, 50.0, 50.0, 60.0, 50.0, 50.0, 40.0, 50.0, 60.0, 70.0, 50.0, 40.0, 40.0, 60.0, 50.0, 50.0, 60.0, 60.0, 50.0, 40.0, 60.0, 60.0, 60.0, 60.0, 40.0, 30.0, 40.0, 60.0, 60.0, 50.0, 40.0, 60.0, 60.0, 60.0, 50.0, 70.0, 60.0, 60.0, 60.0, 40.0, 60.0, 70.0, 50.0, 60.0, 40.0, 60.0, 50.0, 40.0, 100.0, 50.0, 80.0, 70.0, 60.0, 60.0, 70.0, 50.0, 50.0, 60.0, 40.0, 80.0], (7200, 1800): [90.0, 30.0, 50.0, 80.0, 90.0, 90.0, 10.0, 100.0, 100.0, 100.0, 100.0, 40.0, 30.0, 100.0, 60.0, 70.0, 100.0, 100.0, 100.0, 30.0, 0.0, 80.0, 100.0, 100.0, 90.0, 70.0, 70.0, 10.0, 80.0, 100.0, 70.0, 100.0, 10.0, 100.0, 10.0, 10.0, 90.0, 30.0, 100.0, 60.0, 60.0, 10.0, 80.0, 100.0, 100.0, 80.0, 50.0, 10.0, 80.0, 20.0, 60.0, 50.0, 100.0, 70.0, 10.0, 70.0, 20.0, 80.0, 50.0, 100.0, 10.0, 100.0, 30.0, 100.0, 50.0, 20.0, 60.0, 80.0, 80.0, 100.0, 70.0, 30.0, 40.0, 100.0, 100.0, 0.0, 30.0, 100.0, 90.0, 30.0, 100.0, 100.0, 100.0, 20.0], (5400, 900): [80.0, 70.0, 30.0, 10.0, 30.0, 60.0, 10.0, 40.0, 20.0, 50.0, 40.0, 30.0, 60.0, 30.0, 20.0, 40.0, 30.0, 10.0, 30.0, 30.0, 30.0, 40.0, 10.0, 60.0, 50.0, 40.0, 10.0, 0.0, 50.0, 40.0, 10.0, 70.0, 30.0, 30.0, 0.0, 10.0, 60.0, 40.0, 90.0, 30.0, 40.0, 100.0, 10.0, 50.0, 40.0, 60.0, 60.0, 70.0, 40.0, 60.0, 30.0, 40.0, 50.0, 40.0, 30.0, 0.0, 60.0, 40.0, 0.0, 100.0, 20.0, 20.0, 50.0, 40.0, 60.0, 30.0, 30.0, 20.0, 50.0, 80.0, 30.0, 20.0, 10.0, 20.0], (3600, 2700): [30.0, 40.0, 40.0, 0.0, 30.0, -1.0, 90.0, 70.0, 60.0, 20.0, 40.0, 0.0, 40.0, 80.0, 40.0, -1.0, 10.0, 80.0, 100.0, 90.0, 0.0, 20.0, 0.0, 10.0, 80.0, 30.0, 50.0, 30.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 50.0, 30.0, 10.0, 0.0, 10.0, 40.0, 20.0, 70.0, 10.0, 40.0, 70.0, 20.0, 30.0, 20.0, 10.0, 20.0, 20.0, 100.0, 50.0, 40.0, 40.0, 10.0, 60.0, 40.0, 20.0, 90.0, 70.0, 20.0, 40.0, 20.0, 20.0, 50.0, 30.0, 100.0, 20.0, 30.0, 60.0, 100.0, 40.0, 30.0, 10.0, 40.0, 60.0, 20.0, 30.0, 70.0, 30.0, 20.0, 10.0, 0.0, 30.0, 60.0, 100.0, 30.0, 0.0, 100.0, 30.0, 30.0, 20.0, 100.0, 40.0, 0.0, 10.0, 30.0, 10.0, 30.0, 100.0, 40.0, 70.0, 40.0, 0.0, 100.0, 20.0, 30.0, 20.0, 50.0, 40.0, 10.0, 0.0, 10.0, 60.0, 30.0, 30.0, 20.0, 50.0, 40.0, 10.0, 50.0, 10.0, 30.0, 50.0, 40.0, 20.0, 70.0, 40.0, 20.0, 60.0, 50.0, 40.0, 20.0, 60.0, 40.0, 0.0, 30.0, 40.0, 20.0, 80.0, 40.0, 20.0, 30.0, 50.0, 50.0, -1.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 20.0, 40.0, 30.0, 20.0, 20.0, 50.0, 30.0, 30.0, 80.0, 30.0, 50.0, 20.0, 40.0, 10.0, 30.0, 70.0, 10.0, 50.0, 40.0, 10.0, 20.0, 60.0, 60.0, -1.0, 20.0, 50.0, 70.0, 50.0, 0.0, 50.0, 40.0, 50.0, 30.0, 20.0, 40.0, 20.0, 30.0, 20.0, 40.0, 60.0, 60.0, 80.0, 30.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, 0.0, 10.0, 50.0, 0.0, 30.0, 30.0, 30.0, 50.0, 40.0, 90.0, 50.0, 80.0, 30.0, 10.0, 20.0, 30.0, 100.0, 20.0, 20.0, 20.0, 20.0, 40.0, 20.0, 40.0, 60.0, 30.0, 20.0, 40.0, 10.0, 20.0, 30.0, 10.0, 30.0, 30.0, 30.0, 40.0], (7200, 0): [80.0, 70.0, 50.0, 60.0, 60.0, 90.0, 70.0, 70.0, 80.0, 70.0, 70.0, 80.0, 70.0, 80.0, 80.0, 60.0, 70.0, 50.0, 100.0, 70.0, 100.0, 90.0, 90.0, 70.0, 70.0, 80.0, 90.0, 90.0, 70.0, 70.0, 80.0, 60.0, 90.0, 100.0, 70.0, 60.0, 90.0, 40.0, 100.0, 50.0, 80.0, 80.0, 70.0, 80.0, 70.0, 60.0, 80.0, 70.0, 50.0, 80.0, 70.0, 90.0, 80.0, 70.0, 90.0, 70.0, 90.0, 30.0, 100.0, 90.0, 60.0, 90.0, 70.0, 90.0, 60.0, 70.0, 60.0, 70.0, 60.0, 70.0, 70.0, 30.0, 80.0, 80.0, 70.0], (2700, 0): [0.0, 30.0, 10.0, 10.0, 20.0, 10.0, 10.0, -1.0, -1.0, 10.0, -1.0, -1.0, 0.0, -1.0, -1.0, 10.0, 40.0, 20.0, 10.0, 10.0, -1.0, 20.0, 10.0, 0.0, -1.0, 10.0, -1.0, -1.0, 10.0, 20.0, 0.0, -1.0, 10.0, 20.0, -1.0, 10.0, 20.0, 10.0, 20.0, 0.0, -1.0, 10.0, 0.0, 10.0, 0.0, 30.0, -1.0, 10.0, 20.0, -1.0, 20.0, 30.0, 0.0, 10.0, 20.0, -1.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, 20.0, 10.0, -1.0, 0.0, -1.0, 10.0, 20.0, 40.0, 30.0, 10.0], (5400, 3600): [60.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 10.0, 50.0, 50.0, 20.0, 10.0, 40.0, 50.0, 100.0, 0.0, 10.0, 20.0, 20.0, 60.0, 60.0, 10.0, 10.0, 30.0, 0.0, 10.0, 60.0, 90.0, 40.0, 70.0, 100.0, 40.0, 0.0, 0.0, 60.0, 20.0, 0.0, 20.0, 0.0, 80.0, 100.0, 0.0, 10.0, 0.0, 50.0, 10.0, 0.0, 100.0, 100.0, 0.0, 30.0, 60.0, 40.0, 0.0, 30.0, 30.0, 40.0, 0.0, 10.0, 0.0, 20.0, 30.0, 20.0, 30.0, 0.0, 100.0, 0.0, 10.0, 0.0, 60.0, 50.0, 0.0, 0.0, 20.0, 100.0, 0.0, 70.0, 80.0, 10.0, 80.0, 90.0, 0.0, 0.0, 40.0, 10.0, 30.0, 100.0, 20.0, 20.0, 90.0, 20.0, 80.0, 20.0, 60.0, 50.0, 100.0, 10.0, 20.0, 10.0, 40.0, 0.0, 100.0, 90.0, 0.0, 0.0, 10.0, 0.0, 90.0, 0.0, 10.0, 40.0, 20.0, 10.0, 60.0, 80.0, 60.0, 40.0, 20.0, 0.0, 10.0, 70.0, 20.0, 0.0, 90.0, 30.0, 90.0, 0.0, 50.0, 0.0, 100.0, 0.0, 0.0, 0.0, 60.0, 60.0, 30.0, 20.0, 100.0, 0.0, 0.0, 30.0, 80.0, 0.0, 0.0, 60.0, 70.0, 30.0, 0.0, 40.0, 20.0, 30.0, 100.0, 90.0, 0.0, 40.0, 0.0, 0.0, 10.0, 30.0, 100.0, 30.0, 60.0, 60.0, 70.0, 100.0, 0.0, 80.0, 0.0, 80.0, 50.0, 0.0, 40.0, 0.0, 90.0, 10.0, 0.0, 100.0, 0.0, 80.0, 70.0, 0.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 60.0, 40.0, 90.0, 0.0, 100.0, 80.0, 60.0, 30.0, 70.0, 20.0, 70.0, 50.0, 0.0, 10.0, 30.0, 60.0, 100.0, 0.0, 0.0, 40.0, 100.0, 10.0, 0.0, 10.0, 20.0, 30.0, 0.0, 80.0, 10.0, 10.0, 20.0, 0.0, 0.0, 60.0, 0.0, 0.0, 10.0, 0.0, 10.0, 20.0, 10.0, 0.0, 60.0, 30.0, 30.0, 0.0, 60.0, 40.0, 20.0, 80.0, 0.0, 10.0, 80.0, 20.0, 0.0, 0.0, 0.0, 10.0, 20.0, 0.0, 30.0, 30.0, 70.0, 60.0, 0.0, 50.0, 20.0, 0.0, 80.0, 70.0, 0.0, 90.0, 50.0, 20.0, 20.0, 0.0, 40.0, 70.0, 0.0, 20.0, 50.0, 30.0, 10.0, 0.0, 10.0, 50.0, 80.0, 0.0, 0.0, 20.0, 100.0, 30.0, 0.0, 20.0, 30.0, -1.0, 0.0, 0.0, 0.0, 0.0, 10.0, 90.0, 0.0, 10.0, 20.0, 20.0, 70.0, 20.0, 20.0, 0.0, 90.0, 50.0, 10.0, 80.0, 70.0, 0.0, 20.0, 60.0, 60.0, 40.0, 0.0, 40.0, 40.0, 70.0, 0.0, 10.0, 90.0, 0.0, 0.0, 70.0, 20.0, 60.0, 10.0, 60.0, 50.0, 0.0, 40.0, 10.0, 0.0, 10.0, 20.0, 20.0, 0.0, 0.0, 20.0, 30.0, 40.0, 0.0, 10.0, 20.0, 20.0, 20.0, 70.0, 20.0, 0.0, 100.0, 60.0, 20.0, 70.0, 100.0, 50.0, 20.0, 60.0, 20.0, 0.0, 100.0, 50.0, 80.0, 0.0, 90.0, 100.0, 0.0, 90.0, 100.0, 30.0, 100.0, 50.0, 100.0, 20.0, 100.0, 0.0, 50.0, 40.0, 50.0, 100.0, 100.0, 50.0, 50.0, 0.0, 70.0, 50.0, 0.0, 100.0, 0.0, 0.0, 20.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 40.0, 10.0, 60.0, 20.0, 10.0, 0.0, 40.0, 100.0, 100.0, 30.0, 30.0, 50.0, 0.0, 70.0, 20.0, 0.0, 100.0, 10.0, 30.0, 0.0, 60.0, 0.0, 20.0], (8100, 3600): [90.0, 0.0, 40.0, 100.0, 30.0, 50.0, 20.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 60.0, 100.0, 60.0, 100.0, 40.0, 100.0, 100.0, 80.0, 30.0, 90.0, 100.0, 100.0, 70.0, 100.0, 30.0, 100.0, 50.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 40.0, 30.0, 100.0, 100.0, 0.0, 100.0, 80.0, 0.0, 60.0, 100.0, 100.0, 90.0, 100.0, 100.0, 30.0, 20.0, 90.0, 40.0, 0.0, 100.0, 60.0, 70.0, 80.0, 100.0, 10.0, 100.0, 100.0, 100.0, 80.0, 90.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 90.0, 50.0, 50.0, 100.0, 100.0, 10.0, 100.0, 90.0, 90.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 60.0, 30.0, 20.0, 80.0, 100.0, 100.0, 100.0, 80.0, 80.0, 100.0, 100.0, 40.0, 50.0, 20.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 10.0, 10.0, 50.0, 100.0, 70.0, 30.0, 70.0, 100.0, 0.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 50.0, 100.0, 20.0, 40.0], (6300, 4500): [90.0, 10.0, 100.0, 90.0, 100.0, 20.0, 10.0, 70.0, 0.0, 40.0, 100.0, 80.0, 10.0, 30.0, 0.0, 0.0, 0.0, 0.0, 100.0, 50.0, 40.0, 50.0, 50.0, 40.0, 60.0, 70.0, 0.0, 0.0, 0.0, 50.0, 30.0, 100.0, 100.0, 0.0, 40.0, 0.0, 100.0, 100.0, 10.0, 20.0, 0.0, 90.0, 90.0, 50.0, 70.0, 10.0, 0.0, 0.0, 60.0, 30.0, 20.0, 0.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 100.0, 30.0, 80.0, 0.0, 70.0, 0.0, 100.0, 40.0, 60.0, 10.0, 10.0, 100.0, 0.0, 100.0, 30.0, 0.0, 90.0, 90.0, 100.0, 70.0, 0.0, 60.0, 100.0, 50.0, 30.0, 100.0, 10.0, 60.0, 100.0, 0.0, 90.0, 20.0, 50.0, 90.0, 0.0, 10.0, 0.0, 50.0, 100.0, 70.0, 20.0, 50.0, 10.0, 100.0, 0.0, 0.0, 70.0, 50.0, 100.0, 90.0, 60.0, 10.0, 90.0, 100.0, 20.0, 60.0, 100.0, 100.0, 0.0, 0.0, 0.0, 0.0, 80.0, 100.0, 40.0, 30.0, 70.0, 40.0, 100.0, 0.0, 40.0, 60.0, 50.0, 0.0, 40.0, 70.0, 40.0, 40.0, 30.0, 100.0, 100.0, 10.0, 0.0, 60.0, 20.0, 10.0, 10.0, 30.0, 0.0, 30.0, 20.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 10.0, 30.0, 70.0, 0.0, 40.0, 50.0, 100.0, 10.0, 0.0, 0.0, 40.0, 20.0, 0.0, 50.0, 100.0, 60.0, 0.0, 10.0, 0.0, 50.0, 10.0, 10.0, 10.0, 100.0, 10.0, 100.0, 20.0, 100.0, 30.0, 30.0, 100.0, 100.0, 20.0, 0.0, 100.0, 40.0, 100.0, 20.0, 100.0, 100.0, 20.0, 100.0, 10.0, 100.0, 70.0, 80.0, 80.0, 0.0, 0.0, 40.0, 50.0, 60.0, 30.0, 10.0, 20.0, 20.0, 50.0, 40.0, 0.0, 40.0], (8100, 1800): [100.0, 100.0, 50.0, 20.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 10.0, 100.0, 100.0, 70.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 20.0, 50.0, 50.0, 100.0, 80.0, 100.0, 100.0, 50.0, 10.0, 100.0, 100.0, 80.0, 90.0, 10.0, 20.0, 100.0, 30.0, 70.0, 100.0, 70.0, 100.0, 100.0, 100.0, 20.0, 70.0, 100.0, 100.0, 100.0, 90.0, 40.0], (5400, 2700): [100.0, 10.0, 20.0, 10.0, 100.0, 30.0, 50.0, 40.0, 0.0, 100.0, 20.0, 0.0, 50.0, 100.0, 20.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 20.0, 0.0, 20.0, 40.0, 10.0, 60.0, 10.0, 0.0, 10.0, 40.0, 30.0, 10.0, 0.0, 70.0, 0.0, 80.0, 30.0, 20.0, 30.0, 10.0, 50.0, 0.0, 40.0, 100.0, 10.0, 0.0, 90.0, 30.0, 90.0, 20.0, 10.0, 0.0, 0.0, 90.0, 40.0, 100.0, 0.0, 0.0, 50.0, 10.0, 50.0, 0.0, 0.0, 0.0, 60.0, 0.0, 60.0, 0.0, 30.0, 40.0, 50.0, 80.0, 40.0, 20.0, 0.0, 40.0, 10.0, 70.0, 60.0, 90.0, 0.0, 100.0, 10.0, 0.0, 70.0, 30.0, 90.0, 30.0, 30.0, 40.0, 100.0, 30.0, 50.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 90.0, 10.0, 20.0, 0.0, 0.0, 70.0, 80.0, 50.0, 50.0, 10.0, 90.0, 0.0, 50.0, 80.0, 0.0, 40.0, 0.0, 10.0, 100.0, 10.0, 10.0, 0.0, 0.0, 0.0, 90.0, 40.0, 40.0, 100.0, 0.0, 30.0, 30.0, 30.0, 10.0, 20.0, 0.0, 60.0, 60.0, 30.0, 10.0, 20.0, 80.0, 20.0, 70.0, 10.0, 70.0, 30.0, 0.0, 10.0, 10.0, 10.0, 50.0, 80.0, 20.0, 0.0, 20.0, 0.0, 0.0, 20.0, 80.0, 60.0, 90.0, 0.0, 80.0, 90.0, 30.0, 70.0, 50.0, 70.0, 50.0, 20.0, 70.0, 60.0, 0.0, 10.0, 0.0, 50.0, 20.0, 0.0, 100.0, 70.0, 0.0, 0.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 0.0, 90.0, 20.0, 100.0, 100.0, 0.0, 0.0, 0.0, 30.0, 90.0, 40.0, 0.0, 10.0, 10.0, 10.0, 40.0, 100.0, 10.0, 0.0, -1.0, 30.0, 0.0, 10.0, 70.0, 100.0, 10.0, 50.0, 10.0, 0.0, 30.0, 0.0, 60.0, 10.0, 60.0, 60.0, 0.0, 100.0, 0.0, 30.0, 0.0, 10.0, 10.0, 100.0], (7200, 2700): [100.0, 20.0, 70.0, 30.0, 100.0, 40.0, 50.0, 100.0, 100.0, 10.0, 30.0, 20.0, 100.0, 10.0, 20.0, 10.0, 100.0, 40.0, 30.0, 100.0, 70.0, 90.0, 100.0, 40.0, 100.0, 10.0, 60.0, 0.0, 50.0, 100.0, 90.0, 10.0, 40.0, 10.0, 80.0, 100.0, 70.0, 10.0, 70.0, 0.0, 100.0, 10.0, 60.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 50.0, 40.0, 0.0, 20.0, 100.0, 100.0, 70.0, 0.0, 10.0, 100.0, 60.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 70.0, 100.0, 30.0, 80.0, 100.0, 0.0, 10.0, 60.0, 70.0, 100.0, 20.0, 60.0, 100.0, 0.0, 60.0, 30.0, 80.0, 90.0, 50.0, 100.0, 70.0, 100.0, 70.0, 100.0, 70.0, 100.0, 100.0, 100.0, 30.0, 100.0, 80.0, 100.0, 60.0, 100.0, 100.0, 100.0, 40.0, 60.0, 60.0, 40.0, 10.0, 30.0, 60.0, 50.0, 100.0, 40.0, 0.0, 100.0, 0.0], (8100, 4500): [100.0, 100.0, 30.0, 100.0, 50.0, 90.0, 100.0, 100.0, 100.0, 10.0, 90.0, 30.0, 100.0, 10.0, 100.0, 10.0, 0.0, 100.0, 70.0, 0.0, 10.0, 100.0, 20.0, 30.0, 100.0, 100.0, 20.0, 40.0, 10.0, 80.0, 100.0, 100.0, 100.0, 90.0, 100.0, 70.0, 70.0, 0.0, 70.0, 80.0, 100.0, 80.0, 80.0, 80.0, 100.0, 100.0, 30.0, 90.0, 80.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 80.0, 0.0, 10.0, 0.0, 10.0, 100.0, 0.0, 10.0, 40.0, 50.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 90.0, 0.0, 100.0, 100.0, 100.0, 100.0, 70.0, 10.0, 90.0, 0.0, 100.0, 100.0, 60.0, 100.0, 0.0, 10.0, 80.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 100.0, 30.0, 0.0, 70.0, 80.0, 20.0, 20.0, 90.0, 90.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 50.0, 0.0, 0.0, 100.0, 0.0, 40.0, 20.0, 100.0, 100.0, 10.0, 100.0, 100.0, 80.0, 100.0, 10.0, 30.0, 20.0, 90.0, 100.0, 10.0, 100.0, 30.0, 10.0, 100.0, 80.0, 100.0, 0.0, 60.0, 100.0, 0.0, 70.0, 40.0, 30.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 30.0, 20.0, 100.0, 100.0, 0.0, 30.0, 100.0, 0.0, 100.0, 100.0, 40.0, 50.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 90.0, 80.0, 30.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 20.0, 0.0, 60.0, 30.0, 100.0, 20.0, 50.0, 90.0, 30.0, 100.0, 0.0, 30.0, 100.0, 20.0, 100.0, 80.0, 10.0, 100.0, 0.0, 50.0, 0.0, 50.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0, 60.0, 60.0, 10.0, 40.0, 40.0, 50.0, 20.0, 0.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 50.0, 0.0, 0.0, 70.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 10.0], (2700, 1800): [50.0, 60.0, 40.0, 40.0, 40.0, -1.0, 20.0, 40.0, 50.0, 40.0, 50.0, -1.0, 30.0, 20.0, 60.0, -1.0, 80.0, 50.0, 30.0, 90.0, 30.0, 60.0, 30.0, 30.0, 60.0, -1.0, 20.0, 50.0, 50.0, 30.0, 30.0, 20.0, 70.0, 90.0, 40.0, 40.0, 50.0, 80.0, 10.0, 40.0, 20.0, 50.0, 50.0, 40.0, 80.0, 30.0, 20.0, 20.0, 20.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 30.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, -1.0, 70.0, 90.0, 40.0, 20.0, 40.0, 40.0, 20.0, 40.0, 80.0, 50.0, 30.0, 70.0, 40.0, 30.0, 50.0, 30.0, 60.0, 50.0, 40.0, 40.0, 30.0, 60.0, 60.0, 40.0, 60.0, 50.0, 20.0, 50.0, -1.0, 40.0, -1.0, -1.0, 20.0, -1.0, 50.0, 40.0, 20.0, 40.0, 30.0, 30.0, 10.0, 50.0, 40.0, 20.0, 30.0, 30.0, 80.0, 30.0, 80.0, 20.0, 60.0, 50.0, 50.0, 50.0, -1.0, 50.0, 50.0, 30.0, 30.0, 30.0, 90.0, 40.0, 60.0, 60.0, 40.0, 60.0, 60.0, 40.0, 30.0, 30.0, 100.0, 20.0, 40.0, 30.0, 30.0, 40.0, 40.0, 40.0, 50.0, 0.0, 30.0, 50.0, 40.0, 30.0, 30.0, -1.0, 30.0, 40.0, 80.0, 40.0, 20.0, 80.0, 60.0, 80.0, 30.0, 40.0, 40.0, 70.0, 50.0, 60.0, 20.0, 40.0, 60.0, 30.0, 100.0, 30.0, 30.0, 30.0, 40.0, 60.0, 20.0, 30.0, 60.0, 80.0, 40.0, 100.0, 30.0, 90.0, 60.0, 50.0, 30.0, 60.0, 40.0, 30.0, 90.0, 50.0, 40.0, 20.0, 60.0, 60.0, 60.0, 40.0, 70.0, 40.0, 60.0, 60.0, 70.0, 20.0, 70.0, 20.0, 80.0, 50.0, 10.0, 20.0, 20.0, 30.0, 30.0, 20.0, 40.0, 40.0, 30.0, 80.0, 30.0, 40.0, 70.0, 100.0, 40.0, 50.0, 90.0, 30.0, 30.0, 30.0, 70.0, 40.0, 30.0, 30.0, 50.0, 80.0, 50.0, 50.0, 40.0, 30.0, 50.0, -1.0, 60.0, 0.0, 60.0, 30.0, 20.0, 40.0, 50.0, 40.0, -1.0, -1.0, 40.0, 30.0, -1.0, 20.0, 50.0, 30.0, 40.0, 20.0, 50.0, 20.0, 40.0, 40.0, 30.0, 70.0, 60.0, 100.0, 40.0, 50.0, 20.0, -1.0, 50.0, 20.0, 40.0, 50.0, 40.0, 30.0, 60.0, 50.0, 10.0, 30.0, 30.0, 60.0, 30.0, 20.0, -1.0, -1.0, 30.0, 90.0, 40.0, 10.0, 60.0, 40.0, -1.0, 20.0, 40.0, 90.0, 20.0, 70.0, 20.0, 30.0, 30.0, 40.0, 60.0, 80.0, 50.0, 40.0, 30.0, 60.0, 40.0, 30.0, 40.0, 100.0, 40.0, 100.0, 70.0, 40.0, 90.0, 20.0, 40.0, 100.0, 50.0, 70.0, 30.0, 50.0, 10.0, 40.0, 50.0, 40.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1000 = {(8000, 0): [80.0, 60.0, 90.0, 90.0, 60.0, 100.0, 60.0, 100.0, 90.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 80.0, 100.0, 100.0, 80.0, 90.0, 100.0, 80.0, 80.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 80.0, 90.0, 70.0, 100.0, 90.0, 80.0, 70.0, 60.0, 90.0, 90.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 80.0, 80.0, 100.0, 100.0, 80.0, 90.0, 100.0, 90.0, 90.0, 80.0, 90.0, 90.0, 90.0, 100.0, 80.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 90.0, 80.0, 70.0, 90.0], (7000, 4000): [40.0, 20.0, 100.0, 10.0, 100.0, 40.0, 100.0, 20.0, 80.0, 100.0, 100.0, 40.0, 100.0, 70.0, 0.0, 90.0, 30.0, 20.0, 10.0, 0.0, 90.0, 100.0, 20.0, 0.0, 60.0, 0.0, 100.0, 100.0, 100.0, 0.0, 70.0, 80.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 70.0, 30.0, 50.0, 100.0, 10.0, 60.0, 100.0, 20.0, 0.0, 70.0, 50.0, 80.0, 100.0, 90.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 100.0, 70.0, 70.0, 90.0, 0.0, 100.0, 80.0, 30.0, 30.0, 40.0, 100.0, 0.0, 100.0, 30.0, 80.0, 0.0, 80.0, 90.0, 50.0, 40.0, 10.0, 0.0, 50.0, 0.0, 50.0, 60.0, 100.0, 100.0, 30.0, 100.0, 10.0, 0.0, 100.0, 0.0, 90.0, 100.0, 20.0, 30.0, 0.0, 10.0, 80.0, 0.0, 0.0, 30.0, 0.0, 20.0, 0.0, 0.0, 0.0, 60.0, 20.0, 100.0, 100.0, 20.0, 20.0, 100.0, 70.0, 100.0, 70.0, 70.0, 100.0, 0.0, 20.0, 70.0, 0.0, 100.0, 100.0, 0.0, 10.0, 0.0, 0.0, 30.0, 90.0, 20.0, 90.0, 10.0, 80.0, 100.0, 20.0, 0.0, 100.0, 100.0, 70.0, 100.0, 100.0, 10.0, 90.0, 10.0, 10.0, 80.0, 0.0, 60.0, 50.0, 90.0, 40.0, 40.0, 70.0, 100.0, 100.0, 10.0, 100.0, 50.0, 30.0, 10.0, 10.0, 0.0, 0.0, 100.0, 70.0, 100.0, 30.0, 10.0, 100.0, 90.0, 100.0, 100.0, 100.0, 70.0, 20.0, 30.0, 100.0, 100.0, 0.0, 100.0, 30.0, 50.0, 20.0, 0.0, 100.0, 100.0, 90.0, 50.0, 100.0, 10.0, 70.0, 30.0, 100.0, 50.0, 100.0, 80.0, 40.0, 0.0, 10.0, 70.0, 100.0, 100.0, 100.0, 60.0, 100.0, 0.0, 30.0, 0.0, 30.0, 100.0, 0.0, 100.0, 30.0, 20.0, 0.0, 20.0, 80.0, 30.0, 20.0, 40.0, 10.0, 100.0, 100.0, 10.0, 50.0, 30.0, 20.0, 30.0, 80.0, 90.0, 100.0, 0.0, 100.0, 90.0, 0.0, 30.0, 10.0, 30.0, 30.0, 40.0, 20.0, 100.0, 0.0, 100.0, 50.0, 20.0, 30.0, 40.0, 100.0, 20.0, 50.0, 100.0, 10.0, 100.0, 20.0, 70.0, 0.0, 100.0, 90.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 40.0, 20.0, 70.0, 50.0, 60.0, 50.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 90.0, 20.0, 0.0, 10.0, 0.0, 90.0, 0.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 60.0, 60.0, 0.0, 0.0, 0.0, 0.0, 100.0, 70.0, 100.0, 100.0, 40.0, 100.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0, 40.0, 90.0, 30.0, 80.0, 0.0, 30.0, 20.0, 100.0, 10.0, 20.0, 0.0, 100.0, 100.0, 50.0, 90.0, 0.0, 100.0, 0.0, 90.0, 20.0, 0.0, 0.0, 0.0, 30.0, 90.0, 90.0, 0.0, 70.0, 60.0, 60.0, 50.0, 20.0, 40.0, 10.0, 20.0, 100.0, 90.0, 100.0, 10.0, 20.0, 60.0, 0.0, 100.0, 0.0, 40.0, 50.0, 20.0, 100.0, 50.0, 20.0], (5000, 0): [10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 40.0, 40.0, 20.0, 30.0, 20.0, 10.0, 40.0, 30.0, 30.0, 40.0, 50.0, 20.0, 10.0, 10.0, 10.0, 20.0, 40.0, 30.0, 40.0, 40.0, 20.0, 50.0, 10.0, 20.0, 20.0, 30.0, 20.0, 30.0, 10.0, 40.0, 40.0, 20.0, 10.0, 0.0, 0.0, 30.0, 20.0, 30.0, 30.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 0.0, 10.0, 30.0, 40.0, 30.0, 50.0, 30.0, 40.0, 40.0, 20.0, 20.0, 10.0, 30.0, 30.0, 30.0, 10.0, 20.0, 60.0, 30.0, 20.0, 0.0, 20.0, 20.0, 20.0, 20.0, 20.0, 20.0, 30.0, 30.0, 10.0, 10.0, 40.0, 50.0, 20.0, 30.0, 20.0, 40.0, 10.0, 10.0, 20.0, 10.0, 30.0], (3000, 1000): [10.0, 70.0, 20.0, 20.0, 30.0, 20.0, 20.0, 10.0, 60.0, 30.0, 10.0, 30.0, 30.0, 20.0, 50.0, 20.0, 30.0, 30.0, 20.0, 20.0, 20.0, 10.0, 30.0, 50.0, 20.0, 40.0, -1.0, -1.0, 20.0, 40.0, 20.0, 40.0, 30.0, 30.0, 10.0, 50.0, 60.0, 20.0, -1.0, 30.0, 20.0, -1.0, 30.0, -1.0, 40.0, 40.0, 20.0, 10.0, 30.0, 10.0, 10.0, 30.0, 10.0, 50.0, 90.0, 30.0, 20.0, 40.0, 50.0, 40.0, 40.0, 40.0, 40.0, 50.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 60.0, 30.0, 30.0, 30.0, 10.0, 20.0, 20.0, -1.0, 20.0, 90.0, 30.0, 40.0, 20.0, 20.0, 10.0, 30.0, 20.0, 30.0, 20.0, 40.0, 70.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, -1.0, 40.0, 10.0, 20.0, 30.0, 20.0, 40.0, 50.0, 70.0, 40.0, 40.0, -1.0, 50.0, 60.0, 10.0, -1.0, 30.0, 60.0, 50.0, 30.0, 10.0, -1.0, 10.0, 20.0, 30.0, 0.0, 20.0, 30.0, -1.0, -1.0, 20.0, 50.0, 30.0, 10.0, 10.0, 10.0, 50.0, 50.0, 10.0, 30.0, 90.0, 30.0, 60.0, 50.0, 20.0, 40.0, 20.0, 90.0, 20.0, 50.0, 10.0, 40.0, 10.0, -1.0, 10.0, 10.0, 20.0, 20.0, 40.0, 30.0, 20.0, 20.0, 30.0, 40.0, 20.0, 20.0, 50.0, 40.0, -1.0, 20.0, 30.0, 10.0, 20.0, 40.0], (0, 0): [60.0, 20.0, 50.0, 0.0, 20.0, 50.0, 100.0, 100.0, 40.0, 40.0, 20.0, 0.0, 50.0, 20.0, 20.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, 50.0, 30.0, 70.0, 20.0, 60.0, 80.0, 100.0, 10.0, 40.0, 20.0, -1.0, 30.0, 20.0, 10.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 20.0, 40.0, 50.0, 30.0, 50.0, 50.0, 30.0, 0.0, 10.0, 20.0, 30.0, 30.0, 20.0, 10.0, 20.0, 20.0, 60.0, 80.0, 20.0, 10.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 10.0, 50.0, 50.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 20.0, 100.0, -1.0, 10.0, 30.0, 30.0, 10.0, 40.0, 40.0, 10.0, 40.0, 70.0, 40.0, 30.0, 20.0, 50.0, 10.0, 40.0, 10.0], (7000, 2000): [30.0, 100.0, 90.0, 70.0, 80.0, 30.0, 100.0, 50.0, 90.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 20.0, 100.0, 80.0, 40.0, 30.0, 100.0, 60.0, 70.0, 90.0, 70.0, 60.0, 20.0, 40.0, 80.0, 30.0, 0.0, 100.0, 0.0, 100.0, 80.0, 100.0, 10.0, 100.0, 20.0, 10.0, 90.0, 70.0, 10.0, 80.0, 50.0, 10.0, 100.0, 0.0, 90.0, 30.0, 60.0, 100.0, 70.0, 30.0, 60.0, 60.0, 10.0, 0.0, 100.0, 100.0, 80.0, 50.0, 10.0, 80.0, 20.0, 60.0, 50.0, 10.0, 50.0, 0.0, 90.0, 80.0, 50.0, 20.0, 80.0, 100.0, 10.0, 80.0, 50.0, 30.0, 90.0, 50.0, 100.0, 70.0, 20.0, 100.0, 60.0, 80.0, 100.0, 80.0, 100.0, 70.0, 40.0, 100.0, 10.0, 100.0, 0.0, 60.0, 90.0, 30.0, 90.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 20.0], (2000, 0): [30.0, 10.0, 10.0, 50.0, 10.0, 10.0, -1.0, 10.0, -1.0, 30.0, 20.0, -1.0, -1.0, 0.0, 30.0, 0.0, 10.0, -1.0, 20.0, 30.0, 10.0, -1.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 30.0, 40.0, 10.0, 0.0, -1.0, -1.0, -1.0, 30.0, 10.0, 10.0, 20.0, 30.0, 30.0, 20.0, -1.0, 20.0, 0.0, -1.0, 10.0, -1.0, 30.0, 20.0, -1.0, 30.0, 0.0, 20.0, -1.0, 10.0, 0.0, 20.0, 20.0, 40.0, 10.0, -1.0, 0.0, 0.0, -1.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, -1.0, 20.0, 30.0, 10.0, 20.0, 20.0, 30.0, 10.0, 10.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 20.0, 10.0, 10.0, 20.0, 10.0, 20.0, -1.0, 20.0, 30.0, 0.0, -1.0, 0.0, 20.0, 40.0, 40.0, 10.0, 30.0, 0.0, 0.0], (7000, 5000): [50.0, 30.0, 70.0, 50.0, 100.0, 100.0, 20.0, 50.0, 50.0, 20.0, 10.0, 90.0, 0.0, 100.0, 10.0, 100.0, 0.0, 0.0, 30.0, 10.0, 10.0, 10.0, 20.0, 100.0, 60.0, 90.0, 70.0, 60.0, 0.0, 100.0, 90.0, 100.0, 50.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 0.0, 30.0, 50.0, 100.0, 60.0, 90.0, 10.0, 100.0, 0.0, 20.0, 50.0, 100.0, 30.0, 10.0, 100.0, 0.0, 40.0, 0.0, 20.0, 100.0, 0.0, 100.0, 0.0, 10.0, 100.0, 100.0, 20.0, 90.0, 70.0, 0.0, 0.0, 100.0, 50.0, 100.0, 100.0, 20.0, 20.0, 100.0, 70.0, 10.0, 50.0, 100.0, 10.0, 0.0, 50.0, 100.0, 50.0, 0.0, 0.0], (6000, 3000): [50.0, 70.0, 0.0, 20.0, 100.0, 100.0, 100.0, 10.0, 0.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 20.0, 50.0, 20.0, 100.0, 100.0, 100.0, 40.0, 100.0, 0.0, 20.0, 40.0, 20.0, 0.0, 0.0, 60.0, 10.0, 100.0, 60.0, 10.0, 100.0, 100.0, 0.0, 30.0, 90.0, 30.0, 40.0, 30.0, 20.0, 0.0, 90.0, 30.0, 20.0, 10.0, 0.0, 30.0, 0.0, 10.0, 70.0, 10.0, 90.0, 10.0, 80.0, 90.0, 10.0, 0.0, 10.0, 40.0, 100.0, 0.0, 0.0, 10.0, 0.0, 70.0, 10.0, 0.0, 10.0, 60.0, 40.0, 30.0, 10.0, 10.0, 0.0, 60.0, 90.0, 80.0, 20.0, 0.0, 100.0, 60.0, 90.0, 30.0, 40.0, 80.0, 100.0, 10.0, 20.0, 100.0, 10.0, 0.0, 40.0, 10.0, 70.0, 60.0, 30.0, 0.0, 80.0, 0.0, 100.0, 100.0, 0.0, 40.0, 90.0, 30.0, 20.0, 30.0, 10.0, 0.0, 40.0, 100.0, 10.0, 90.0, 40.0, 50.0, 40.0, 100.0, 0.0, 80.0, 30.0, 70.0, 30.0, 60.0, 50.0, 0.0, 100.0, 50.0, 0.0, 80.0, 100.0, 100.0, 40.0, 0.0, 10.0, 30.0, 0.0, 20.0, 90.0, 100.0, 50.0, 70.0, 0.0, 100.0, 10.0, 90.0, 0.0, 70.0, 40.0, 70.0, 40.0, 40.0, 50.0, 40.0, 40.0, 100.0, 100.0, 40.0, 0.0, 30.0, 10.0, 30.0, 30.0, 0.0, 100.0, 100.0, 20.0, 90.0, 100.0, 100.0, 30.0, 0.0, 40.0, 100.0, 30.0, 50.0, 30.0, 20.0, 0.0, 20.0, 90.0, 50.0, 10.0, 10.0, 90.0, 20.0, 60.0, 50.0, 100.0, 0.0, 90.0, 100.0, 60.0, 70.0, 80.0, 0.0, 40.0, 0.0, 70.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 20.0, 30.0, 0.0, 90.0, 20.0, 70.0, 100.0, 10.0, 40.0, 20.0, 90.0, 80.0, 80.0, 100.0, 0.0, 0.0, 0.0, 50.0, 0.0, 100.0, 10.0, 50.0, 0.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 0.0, 100.0, 0.0, 30.0, 0.0, 100.0, 100.0, 0.0, 0.0, 40.0, 30.0, 100.0, 80.0, 0.0, 90.0, 30.0, 0.0, 90.0, 20.0, 10.0, 100.0, 30.0, 0.0, 60.0, 20.0, 50.0], (8000, 4000): [90.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 70.0, 30.0, 20.0, 10.0, 60.0, 100.0, 30.0, 80.0, 10.0, 0.0, 70.0, 100.0, 100.0, 60.0, 30.0, 30.0, 100.0, 100.0, 100.0, 100.0, 40.0, 60.0, 10.0, 100.0, 80.0, 40.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 80.0, 100.0, 100.0, 100.0, 90.0, 30.0, 80.0, 100.0, 100.0, 80.0, 0.0, 100.0, 10.0, 0.0, 10.0, 30.0, 50.0, 100.0, 40.0, 100.0, 100.0, 50.0, 100.0, 100.0, 70.0, 100.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 100.0, 70.0, 40.0, 10.0, 100.0, 100.0, 100.0, 0.0, 0.0, 80.0, 80.0, 100.0, 100.0, 0.0, 30.0, 70.0, 100.0, 30.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 30.0, 30.0, 50.0, 70.0, 100.0, 20.0, 40.0, 90.0, 0.0, 100.0, 20.0, 40.0, 60.0, 100.0, 70.0, 50.0, 100.0, 100.0, 0.0, 0.0, 40.0, 100.0, 100.0, 90.0, 10.0, 100.0, 20.0, 100.0, 100.0, 10.0, 100.0, 50.0, 100.0, 100.0, 90.0, 50.0, 10.0, 100.0, 100.0, 80.0, 0.0, 60.0, 0.0, 40.0, 10.0, 30.0, 100.0, 70.0, 80.0, 30.0, 20.0, 100.0, 100.0, 0.0, 30.0, 100.0, 100.0, 0.0, 100.0, 50.0, 20.0, 100.0, 70.0, 100.0, 10.0, 60.0, 20.0, 0.0, 100.0, 20.0, 20.0, 30.0, 100.0, 20.0, 100.0, 100.0, 80.0, 0.0, 50.0, 100.0, 90.0, 100.0, 20.0, 50.0, 70.0, 0.0, 50.0, 20.0, 100.0, 0.0, 100.0, 30.0, 0.0, 100.0, 100.0, 100.0, 40.0, 10.0, 10.0, 70.0, 40.0, 70.0, 100.0, 0.0, 50.0, 20.0, 0.0, 60.0, 100.0, 60.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0], (8000, 5000): [100.0, 100.0, 30.0, 20.0, 30.0, 50.0, 10.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 20.0, 100.0, 0.0, 10.0, 10.0, 20.0, 100.0, 20.0, 40.0, 20.0, 100.0, 90.0, 40.0, 80.0, 70.0, 70.0, 0.0, 100.0, 80.0, 80.0, 80.0, 10.0, 90.0, 30.0, 100.0, 90.0, 100.0, 10.0, 0.0, 20.0, 0.0, 0.0, 100.0, 100.0, 90.0, 0.0, 10.0, 100.0, 40.0, 50.0, 10.0, 100.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 100.0, 100.0, 10.0, 100.0, 90.0, 0.0, 100.0, 10.0, 60.0, 100.0, 10.0, 100.0, 0.0, 30.0, 100.0, 70.0, 80.0, 100.0, 0.0, 80.0, 10.0, 20.0, 20.0, 90.0, 100.0, 0.0, 100.0, 100.0, 30.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 80.0, 100.0, 30.0, 80.0, 100.0, 10.0, 20.0, 90.0, 30.0, 100.0, 100.0, 30.0, 10.0, 0.0, 100.0, 100.0, 0.0, 70.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 10.0, 0.0, 20.0, 100.0, 100.0, 10.0, 40.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 60.0, 30.0, 100.0, 20.0, 100.0, 10.0, 30.0, 0.0, 100.0, 0.0, 30.0, 100.0, 60.0, 20.0, 100.0, 100.0, 80.0, 10.0, 100.0, 20.0, 100.0, 10.0, 50.0, 0.0, 100.0, 90.0, 100.0, 60.0, 60.0, 0.0, 60.0, 40.0, 20.0, 100.0, 20.0, 0.0, 0.0, 100.0, 100.0, 100.0, 0.0, 0.0, 70.0, 90.0, 50.0, 100.0, 100.0, 90.0, 20.0, 10.0], (8000, 2000): [100.0, 100.0, 30.0, 50.0, 50.0, 100.0, 90.0, 100.0, 70.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 80.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 30.0, 50.0, 100.0, 30.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 50.0, 50.0, 100.0, 70.0, 80.0, 100.0, 100.0, 80.0, 100.0, 10.0, 60.0, 100.0, 100.0, 100.0, 80.0, 70.0, 100.0, 90.0, 0.0, 100.0, 10.0, 20.0, 100.0, 60.0, 100.0, 30.0, 100.0, 70.0, 100.0, 10.0, 100.0, 30.0, 70.0, 90.0, 100.0, 100.0, 90.0, 100.0, 50.0, 100.0], (8000, 6000): [100.0], (3000, 2000): [50.0, 60.0, 30.0, 40.0, 80.0, -1.0, 40.0, 20.0, 40.0, 40.0, 30.0, 90.0, -1.0, 50.0, 90.0, 40.0, 30.0, 60.0, 70.0, 50.0, 30.0, 30.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, -1.0, 30.0, 90.0, 40.0, 80.0, 50.0, 80.0, 10.0, 20.0, 30.0, 80.0, -1.0, 80.0, 20.0, 30.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 30.0, 50.0, 40.0, 80.0, 90.0, 30.0, 70.0, 90.0, 40.0, 40.0, 80.0, 40.0, 40.0, 30.0, 30.0, 20.0, 10.0, 80.0, 10.0, 50.0, 100.0, 40.0, 50.0, 30.0, 30.0, 40.0, 30.0, 50.0, 40.0, 30.0, 20.0, 60.0, 60.0, 50.0, -1.0, 10.0, 40.0, -1.0, 40.0, 30.0, 10.0, 20.0, 90.0, 60.0, 50.0, 40.0, 30.0, 30.0, 90.0, 30.0, 40.0, 60.0, 30.0, 30.0, 10.0, 50.0, 50.0, 70.0, 40.0, 40.0, 20.0, 30.0, 40.0, 30.0, 20.0, 30.0, 50.0, 20.0, 30.0, 20.0, 70.0, 50.0, 30.0, 50.0, -1.0, 50.0, 50.0, 40.0, 60.0, 40.0, 30.0, -1.0, 30.0, 40.0, 40.0, 60.0, 60.0, 40.0, 60.0, 60.0, 40.0, 30.0, 30.0, 20.0, 30.0, 100.0, 40.0, 40.0, 30.0, 30.0, 40.0, 40.0, 100.0, 30.0, 100.0, 30.0, 30.0, 80.0, 40.0, 30.0, 40.0, 80.0, 40.0, 20.0, 40.0, 20.0, 80.0, 70.0, 60.0, 40.0, -1.0, 100.0, 40.0, 70.0, 30.0, 20.0, 50.0, 50.0, 60.0, 20.0, 40.0, 60.0, 40.0, 30.0, 100.0, 30.0, 40.0, 30.0, 40.0, 60.0, 80.0, 60.0, 20.0, 30.0, 40.0, 40.0, 60.0, 60.0, 40.0, 100.0, 30.0, 90.0, 60.0, 30.0, 50.0, 30.0, 60.0, 80.0, 40.0, 70.0, 20.0, 70.0, 60.0, 20.0, 40.0, 30.0, 30.0, 50.0, 40.0, -1.0, 40.0, 40.0, 60.0, 30.0, 60.0, 70.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 50.0, 40.0, 50.0, 30.0, 20.0, 10.0, 10.0, 40.0, 30.0, 30.0, 30.0, 80.0, 40.0, 40.0, 30.0, 70.0, 100.0, 60.0, 30.0, 90.0, 30.0, 50.0, 30.0, 50.0, 20.0, 60.0, 80.0, 30.0, 40.0, 30.0, 50.0, 80.0, 30.0, 40.0, 50.0, 30.0, 100.0, 30.0, 30.0, 80.0, 50.0, -1.0, 0.0, 60.0, 50.0, 50.0, 20.0, -1.0, 40.0, 50.0, -1.0, 40.0, -1.0, 40.0, 80.0, 30.0, 20.0, 50.0, 20.0, 40.0, 70.0, 60.0, 40.0, 30.0, 70.0, 60.0, 30.0, 50.0, 40.0, -1.0, 50.0, 20.0, 60.0, 0.0, 50.0, 40.0, 40.0, 30.0, -1.0, -1.0, 30.0, 30.0, 50.0, 30.0, 40.0, 10.0, 60.0, -1.0, 40.0, -1.0, 40.0, 30.0, 90.0, 50.0, 20.0, 70.0, 90.0, 50.0, 30.0, 40.0, 60.0, 80.0, 20.0, 20.0, 50.0, 30.0, 20.0, 60.0, 30.0, 40.0, 40.0, 60.0, 40.0, 70.0, 20.0, 40.0, 40.0, 90.0, 40.0, 60.0, 30.0, 10.0, 50.0, 10.0, 90.0, 50.0], (6000, 1000): [100.0, 70.0, 30.0, 100.0, 20.0, -1.0, 30.0, 50.0, 80.0, 90.0, 60.0, 40.0, 70.0, 60.0, 70.0, 30.0, 40.0, 90.0, 10.0, 40.0, 20.0, 40.0, 60.0, 50.0, 10.0, 50.0, 50.0, 10.0, 40.0, 70.0, 50.0, 60.0, 50.0, 60.0, 30.0, 90.0, 30.0, 0.0, 90.0, 10.0, 20.0, 30.0, 10.0, 40.0, 20.0, 40.0, 70.0, 30.0, 10.0, 30.0, 60.0, 40.0, 50.0, 100.0, 50.0, 50.0, 60.0, 40.0, 40.0, 50.0, 70.0, 50.0, 90.0, 50.0, 40.0, 70.0, 30.0, 60.0, 100.0, 50.0, 80.0, 20.0, 40.0, 60.0, 30.0, 40.0, 30.0, 30.0, 80.0, 80.0, 100.0, 70.0, 30.0, 80.0, 10.0, 10.0, 40.0], (6000, 2000): [40.0, 60.0, 20.0, 0.0, 20.0, 20.0, 80.0, 0.0, 80.0, 40.0, 60.0, 10.0, 30.0, 70.0, 0.0, 30.0, 0.0, 80.0, 50.0, 100.0, 50.0, 100.0, 90.0, 100.0, 30.0, 90.0, 10.0, 80.0, 40.0, -1.0, 50.0, 30.0, 100.0, 30.0, 80.0, 70.0, 60.0, 60.0, 60.0, 100.0, 100.0, 40.0, 40.0, 90.0, 50.0, 90.0, 70.0, 10.0, 60.0, 100.0, 60.0, 60.0, 0.0, 10.0, 60.0, 70.0, 10.0, 0.0, 40.0, 70.0, 50.0, 100.0, 10.0, 20.0, 100.0, 40.0, 20.0, 30.0, 40.0, 30.0, 70.0, 10.0, 50.0, 0.0, 80.0, 0.0, 20.0, 40.0, 30.0, 10.0, 20.0, 70.0, 100.0, 10.0, 0.0, 60.0, 90.0, 10.0, 0.0, 20.0, 70.0, 70.0, 0.0, 70.0, 80.0, 100.0, 20.0, 100.0, 100.0, 50.0, 10.0, 10.0, 20.0, 0.0, 0.0, 30.0, 70.0, 100.0, 0.0, 70.0, 100.0, 10.0, 60.0, 60.0, 30.0, 60.0, 10.0, 60.0, 50.0, 40.0, 100.0, 20.0, 70.0, 0.0, 100.0], (4000, 2000): [20.0, 20.0, 30.0, 40.0, 20.0, 30.0, 0.0, 50.0, 40.0, 10.0, 20.0, 80.0, 70.0, 10.0, 60.0, 30.0, 10.0, 0.0, 50.0, 40.0, 10.0, 60.0, 60.0, 10.0, 30.0, 20.0, 0.0, 10.0, 10.0, 50.0, 90.0, 60.0, 20.0, 0.0, 20.0, 30.0, 50.0, 10.0, 30.0, 30.0, 80.0, 0.0, 20.0, 80.0, 20.0, 20.0, 60.0, 20.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 40.0, 0.0, 40.0, 20.0, 10.0, 70.0, 40.0, 50.0, 20.0, 30.0, 0.0, 40.0, 10.0, 60.0, 10.0, 30.0, 20.0, 40.0, 50.0, 50.0, 40.0, 40.0, 0.0, 80.0, 0.0, 0.0, 0.0, 0.0, 30.0, 100.0, 40.0, 0.0, 50.0, 10.0, 20.0, 40.0, 10.0, 20.0, 0.0, 10.0, 20.0, 100.0, 0.0, 20.0, 10.0, 80.0, 40.0, 60.0, 10.0, 30.0, 40.0, 10.0, 20.0, 0.0, 20.0, 0.0, 60.0, 20.0, 60.0, 30.0, 10.0, 30.0, 0.0, 10.0, 100.0, 30.0, 10.0, 10.0, 40.0, 0.0, 50.0, 0.0, 0.0, 50.0, 90.0, 10.0, 100.0, 0.0, 30.0, 20.0, 10.0, 70.0, 10.0, 10.0, 0.0, 30.0, 0.0, 40.0, 20.0, 30.0, 100.0, 0.0, 40.0, 0.0, 20.0, 10.0, 0.0, 20.0, 0.0, 30.0, 30.0, 10.0, 20.0, 100.0, 80.0, 30.0, 10.0, 0.0, 10.0, 30.0, 10.0, 20.0, 80.0, 20.0, 80.0, 20.0, 40.0, 40.0, 20.0, 30.0, 10.0, 50.0, 30.0, 20.0, 10.0, 40.0, 0.0, 20.0, 10.0, 70.0, 40.0, 10.0, 60.0, 10.0, 10.0, 30.0, 90.0, 0.0, 90.0, 50.0, 80.0, 20.0, 20.0, 30.0, 20.0, 0.0, 0.0, 30.0, 0.0, 20.0, 20.0, 0.0, 40.0, 0.0, 80.0, 0.0, 10.0, 40.0, 20.0, 20.0, 40.0, 20.0, 20.0, 40.0, 50.0, 80.0, 10.0, 30.0, 50.0, 50.0, 10.0, 70.0, 50.0, 20.0, -1.0, 20.0, 50.0, 20.0, 30.0, 40.0, 30.0, 70.0, 0.0, 30.0, 10.0, 10.0, 30.0, 10.0, 60.0, 10.0, 30.0, 10.0, 50.0, 0.0, 40.0, 10.0, 60.0, 50.0, 50.0, 70.0, 30.0, 30.0, 10.0, 40.0, 20.0, 60.0, 30.0, 50.0, 0.0, 30.0, 0.0, 20.0, 30.0, 40.0, 20.0, 20.0, 10.0, 50.0, 50.0, 0.0, 20.0, 20.0, 20.0, 20.0, 40.0, 0.0, 50.0, 30.0, 0.0, 30.0, 0.0, 30.0, 80.0, 50.0, 20.0, 50.0, 10.0, 50.0, 20.0, 40.0, 0.0, 100.0, 30.0, 100.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 20.0, 0.0, 30.0, 70.0, 0.0, 20.0, 30.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 30.0, 10.0, 30.0, 10.0, 20.0, 0.0, 30.0, 20.0, 60.0], (2000, 2000): [40.0, 40.0, 50.0, 40.0, 50.0, -1.0, 80.0, 40.0, 40.0, 50.0, 40.0, 20.0, 20.0, 80.0, 30.0, 70.0, 40.0, 30.0, 20.0, 80.0, 50.0, 20.0, 40.0, 50.0, 0.0, 30.0, 30.0, 80.0, 40.0, 50.0, 60.0, 80.0, 60.0, 30.0, 70.0, 30.0, 50.0, 40.0, -1.0, 40.0, 20.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 40.0, 100.0, 100.0, -1.0, 50.0, 70.0, 50.0, 40.0], (3000, 3000): [20.0, 20.0, 50.0, 30.0, 40.0, 40.0], (3000, 0): [0.0, 10.0, 20.0, 10.0, 10.0, 0.0, -1.0, -1.0, 10.0, -1.0, -1.0, 10.0, 40.0, -1.0, 10.0, 20.0, 0.0, -1.0, 60.0, 10.0, 10.0, -1.0, 10.0, -1.0, 10.0, 10.0, 10.0, 40.0, 20.0, 10.0, 10.0, 20.0, 10.0, 20.0, 0.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 0.0, -1.0, -1.0, 10.0, 30.0, 0.0, -1.0, 10.0, 10.0, 30.0, 10.0, 10.0, -1.0, -1.0, -1.0, 10.0, 0.0, 20.0, 10.0, -1.0, 10.0, 0.0, 10.0, 20.0, 10.0, 0.0, 20.0, 30.0, -1.0, 10.0, 10.0, -1.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, -1.0, 20.0, -1.0, 10.0, 10.0, 30.0, 30.0, -1.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, 40.0, 0.0, -1.0, 10.0, 10.0, 10.0], (8000, 1000): [100.0, 80.0, 20.0, 100.0, 40.0, 100.0, 70.0, 100.0, 100.0, 70.0, 20.0, 70.0, 10.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0, 20.0, 80.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 70.0, 40.0, 100.0, 50.0, 80.0, 100.0, 50.0, 20.0, 100.0, 80.0, 80.0, 50.0, 90.0, 100.0, 60.0, 80.0, 50.0, 100.0, 20.0, 10.0, 100.0, 80.0, 50.0, 30.0, 100.0, 60.0, 100.0, 70.0, 100.0, 50.0, 100.0, 100.0, 90.0, 80.0, 90.0, 50.0, 100.0, 90.0, 80.0, 60.0, 100.0, 100.0, 90.0, 20.0, 100.0, 90.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 100.0, 30.0, 30.0, 70.0, 40.0], (6000, 4000): [90.0, 60.0, 60.0, 0.0, 10.0, 0.0, 100.0, 20.0, 100.0, 60.0, 90.0, 40.0, 40.0, 100.0, 30.0, 10.0, 40.0, 10.0, 20.0, 10.0, 40.0, 100.0, 70.0, 80.0, 10.0, 10.0, 30.0, 60.0, 90.0, 100.0, 70.0, 0.0, 0.0, 10.0, 20.0, 0.0, 0.0, 100.0, 50.0, 10.0, 0.0, 80.0, 0.0, 50.0, 10.0, 40.0, 50.0, 40.0, 40.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 10.0, 10.0, 30.0, 60.0, 70.0, 0.0, 50.0, 80.0, 30.0, 0.0, 100.0, 0.0, 30.0, 0.0, 80.0, 60.0, 100.0, 50.0, 0.0, 40.0, 10.0, 80.0, 100.0, 0.0, 70.0, 80.0, 40.0, 0.0, 100.0, 60.0, 100.0, 10.0, 20.0, 100.0, 50.0, 20.0, 0.0, 10.0, 100.0, 50.0, 20.0, 70.0, 70.0, 10.0, 0.0, 0.0, 0.0, 50.0, 60.0, 90.0, 0.0, 30.0, 40.0, 20.0, 100.0, 100.0, 20.0, 90.0, 100.0, 60.0, 0.0, 100.0, 100.0, 10.0, 0.0, 70.0, 100.0, 0.0, 100.0, 50.0, 0.0, 10.0, 40.0, 20.0, 100.0, 0.0, 30.0, 80.0, 0.0, 0.0, 0.0, 70.0, 60.0, 0.0, 0.0, 20.0, 0.0, 100.0, 40.0, 60.0, 60.0, 40.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 30.0, 60.0, 40.0, 100.0, 10.0, 10.0, 70.0, 10.0, 60.0, 90.0, 0.0, 100.0, 0.0, 100.0, 100.0, 50.0, 0.0, 0.0, 20.0, 70.0, 0.0, 0.0, 90.0, 60.0, 20.0, 0.0, 70.0, 100.0, 60.0, 60.0, 10.0, 60.0, 40.0, 100.0, 90.0, 10.0, 80.0, 90.0, 20.0, 50.0, 90.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 50.0, 0.0, 70.0, 0.0, 20.0, 0.0, 10.0, 100.0, 100.0, 0.0, 10.0, 50.0, 80.0, 0.0, 70.0, 20.0, 100.0, 100.0, 60.0, 60.0, 10.0, 0.0, 90.0, 20.0, 100.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 0.0, 0.0, 30.0, 0.0, 0.0, 40.0, 0.0, 0.0, 60.0, 80.0, 80.0, 100.0, 80.0, 40.0, 100.0, 40.0, 70.0, 40.0, 20.0, 100.0, 0.0, 60.0, 10.0, 0.0, 40.0, 60.0, 50.0, 60.0, 0.0, 20.0, 40.0, 70.0, 100.0, 50.0, 80.0, 40.0, 0.0, 10.0, 100.0, 80.0, 100.0, 60.0, 30.0, 10.0, 60.0, 20.0, 0.0, 100.0, 10.0, 20.0, 10.0, 10.0, 30.0, 0.0, 50.0, 90.0, -1.0, 10.0, 0.0, 10.0, 70.0, 100.0, 0.0, 20.0, 10.0, 60.0, 10.0, 90.0, 40.0, 90.0, 50.0, 30.0, 10.0, 80.0, 10.0, 30.0, 80.0, 0.0, 60.0, 50.0, 10.0, 30.0, 70.0, 40.0, 40.0, 40.0, 50.0, 60.0, 100.0, 10.0, 0.0, 0.0, 20.0, 0.0, 0.0, 50.0, 100.0, 40.0, 10.0, 60.0, 60.0, 70.0, 0.0, 10.0, 100.0, 0.0, 50.0, 10.0, 10.0, 20.0, 10.0, 10.0, 100.0, 20.0, 20.0, 30.0, 20.0, 0.0, 100.0, 0.0, 30.0, 100.0, 90.0, 70.0, 30.0, 60.0, 30.0, 30.0, 60.0, 100.0, 40.0, 20.0, 100.0, 70.0, 0.0, 40.0, 100.0, 30.0, 20.0, 0.0, 70.0, 100.0, 0.0, 100.0, 100.0, 90.0, 20.0, 100.0, 20.0, 100.0, 100.0, 60.0, 40.0, 20.0, 100.0, 80.0, 40.0, 40.0, 100.0, 70.0, 10.0, 10.0, 100.0, 70.0, 80.0, 50.0, 80.0, 0.0, 0.0, 20.0, 0.0, 40.0, 60.0, 80.0, 80.0, 100.0, 40.0, 0.0, -1.0, 0.0, 0.0, 30.0, 10.0, 50.0, 60.0, 70.0, 100.0, 80.0, 20.0, 0.0, 20.0, 20.0, 70.0, 10.0, 0.0, 40.0, 0.0, 40.0, 0.0], (5000, 3000): [40.0, 20.0, 0.0, 0.0, 90.0, 0.0, 100.0, 20.0, 80.0, 60.0, 20.0, 60.0, 10.0, 10.0, 0.0, 50.0, 20.0, 10.0, 50.0, 100.0, 60.0, 20.0, 0.0, 50.0, 40.0, 60.0, 10.0, 10.0, 10.0, 30.0, 0.0, 0.0, 0.0, 70.0, 30.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 0.0, 20.0, 0.0, 0.0, 60.0, 50.0, 0.0, 60.0, 90.0, 10.0, 10.0, 0.0, 0.0, 20.0, 40.0, 10.0, 10.0, 0.0, 20.0, 40.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 80.0, 0.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 20.0, 20.0, 10.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 30.0, 30.0, 90.0, 0.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 30.0, 100.0, 20.0, 80.0, 10.0, 50.0, 10.0, 20.0, 0.0, 0.0, 0.0, 20.0, 10.0, 40.0, 20.0, 10.0, 50.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 90.0, 30.0, 90.0, 40.0, 10.0, 0.0, 20.0, 40.0, 20.0, 0.0, 20.0, 10.0, 10.0, 10.0, 50.0, 0.0, 30.0, 90.0, 0.0, 10.0, 0.0, 50.0, 20.0, 20.0, 0.0, 60.0, 60.0, 0.0, 30.0, 50.0, 20.0, 80.0, 40.0, 0.0, 10.0, 0.0, 20.0, 0.0, 30.0, 80.0, 20.0, 0.0, 0.0, 10.0, 10.0, 10.0, 30.0, 0.0, 30.0, 100.0, 50.0, 60.0, 20.0, 90.0, 0.0, 0.0, 0.0, 10.0, 0.0, 100.0, 100.0, 100.0, 60.0, 20.0, 70.0, 30.0, 20.0, 10.0, 30.0, 80.0, 50.0, 80.0, 10.0, 0.0, 80.0, 40.0, 70.0, 90.0, 30.0, 10.0, 0.0, 80.0, 100.0, 10.0, 0.0, 50.0, 0.0, 80.0, 10.0, 0.0, 0.0, 20.0, 0.0, 10.0, 0.0, 0.0, 60.0, 30.0, 0.0, 0.0, 100.0, 0.0, 30.0, 70.0, 90.0, 10.0, 0.0, 20.0, 40.0, 10.0, 50.0, 50.0, 0.0, 20.0, 0.0, 0.0, 0.0, 70.0, 40.0, 10.0, 0.0, 20.0, 10.0, 0.0, 0.0, 50.0, 10.0, 50.0, 60.0, 10.0, 0.0, 0.0, 90.0, 0.0, 10.0, 0.0, 0.0, 10.0, 10.0, 0.0, 50.0, 0.0, 30.0, 0.0, 10.0, 0.0, 60.0, 30.0, 10.0, 60.0, 0.0, 0.0, 30.0, 0.0, 90.0, 100.0, 30.0, 80.0, 0.0, 0.0, 20.0, 0.0, 0.0, 80.0, 90.0, 0.0, 70.0, 0.0, 0.0, 10.0, 90.0, 0.0, 20.0, 70.0, 70.0, 10.0, 0.0, 0.0, 30.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 10.0, 0.0, 0.0, 100.0, 30.0, 10.0, 0.0, 80.0, 80.0, 60.0, 0.0, 20.0, 0.0, 10.0, 60.0, 20.0, 10.0, 80.0, 0.0, 0.0, 0.0, 20.0, 10.0, 10.0, 0.0, 0.0, 60.0, 70.0, 0.0, 60.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 50.0, 70.0, 20.0, 40.0, 20.0, 0.0, 80.0, 20.0, 0.0, 60.0, 30.0, 20.0, 0.0, 80.0, 0.0, 60.0, 0.0, 0.0, 90.0, 0.0, 10.0, 0.0, 0.0, 50.0, 90.0, 50.0, 50.0, 20.0, 70.0, 20.0, 80.0, 20.0, 60.0, 0.0, 0.0, 0.0, 10.0, 20.0, 0.0, 70.0, 40.0, 10.0, 0.0, 50.0, 0.0, 70.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 40.0, 20.0, 20.0, 30.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 30.0, 20.0, 10.0, 0.0, 30.0, 60.0, 100.0, 100.0, 100.0, 0.0, 0.0, 20.0, 0.0, -1.0, 40.0, 10.0, 30.0, 90.0, 40.0, 0.0, 30.0, 10.0, 100.0, 0.0, 10.0, 50.0, 0.0, 40.0, 50.0, 30.0, 60.0, 0.0, 0.0, 70.0, 40.0, 0.0, 60.0, 0.0, 70.0, 0.0, 10.0, 40.0, 0.0, 10.0, 20.0, 70.0, 100.0, 0.0, 20.0, 30.0, 10.0, 0.0, 60.0, 30.0, 40.0, 30.0, 50.0, 50.0, 0.0, 20.0, 0.0, 10.0, 20.0, 0.0, 40.0, 100.0, 10.0, 40.0, 30.0, 30.0, 10.0, 0.0, 10.0, 30.0, 0.0, 50.0, 60.0, 0.0, 60.0, 10.0, 0.0, 30.0, 10.0, 10.0], (2000, 1000): [0.0, 60.0, 30.0, 30.0, 50.0, 40.0, 10.0, 20.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 90.0, -1.0, 30.0, 20.0, 20.0, 10.0, -1.0, 30.0, 50.0, 80.0, 30.0, -1.0, 50.0, -1.0, 70.0, -1.0, 40.0, 40.0, 20.0, 20.0, 20.0, 40.0, 50.0, 40.0, 30.0, 40.0, 20.0, 90.0, 30.0, 30.0, -1.0, 20.0, 100.0, 70.0, -1.0, 50.0, -1.0, 70.0, 20.0, 30.0, 20.0, 70.0, 50.0, 70.0, 20.0, 70.0, 50.0, 40.0, 50.0, 50.0, 60.0, 20.0, 70.0, 60.0, 60.0, 40.0, 50.0, 20.0, 30.0, 80.0, 40.0, 60.0, 60.0, 60.0, 70.0, 80.0, 50.0, -1.0, 100.0, -1.0, -1.0, -1.0, 60.0, 20.0, -1.0, 60.0, 30.0, 70.0, 40.0, 80.0, 40.0, 10.0, 60.0, 40.0, 20.0, -1.0, 50.0, 10.0, 20.0, 20.0, 40.0, 80.0, 60.0, 40.0, 10.0, 10.0, 60.0, 40.0, 10.0, 30.0, -1.0, 40.0, 30.0, 80.0, 50.0, 70.0, 60.0, 20.0, 60.0, 10.0, 10.0, 30.0, 40.0, 40.0, 30.0, 40.0, 20.0, 50.0, 20.0, 30.0, 70.0, 50.0, 10.0, 80.0, 20.0, 30.0, 20.0, 70.0, 20.0, 20.0, -1.0, 40.0, 30.0, 20.0, 30.0, 90.0, 20.0, 10.0, 50.0, 70.0, 20.0, 30.0, 50.0, 10.0, 60.0, 40.0, 80.0, 40.0, 40.0, 50.0, 50.0, 30.0, 40.0, 20.0, -1.0, 40.0, 100.0, 70.0, 20.0, 40.0, 50.0, 10.0, 30.0, 80.0, 60.0, 20.0, 30.0, 40.0, 50.0, 50.0, 20.0, 30.0, 40.0, 50.0, 50.0, 40.0, 60.0, -1.0, 30.0, 20.0, 20.0, -1.0, 60.0, 10.0, 0.0, -1.0, 50.0, 40.0, 60.0, 20.0, 30.0, 10.0, 60.0, -1.0, 30.0, 30.0, 50.0, -1.0, 40.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 40.0, 50.0, 60.0, 30.0, 50.0, 50.0, 50.0, 20.0, 30.0, 40.0, 30.0, 50.0, 40.0, 50.0, -1.0, 40.0, 10.0, 70.0, 20.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, -1.0, 60.0, 50.0, 50.0, 40.0, 50.0, 100.0, 20.0, 70.0, 70.0, 60.0, 50.0, 30.0, -1.0, 40.0, 40.0, 60.0, 60.0, 30.0, 30.0, 40.0, 30.0, 70.0, 60.0, -1.0, 40.0, 70.0, 20.0, 20.0, 30.0, 50.0, 80.0, 60.0, 30.0, 30.0, 60.0, 60.0, 20.0, 40.0, 20.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 50.0, 20.0, 20.0, 30.0, 50.0, 60.0, 30.0, 20.0, 10.0, 30.0, 40.0, 40.0, -1.0, 50.0, 100.0, 10.0, 40.0, 0.0, 30.0, 40.0, 30.0, 40.0, 40.0], (7000, 1000): [80.0, 40.0, 90.0, 20.0, 100.0, 80.0, 80.0, 60.0, 90.0, 100.0, 100.0, 90.0, 100.0, 70.0, 30.0, 40.0, 40.0, 60.0, 50.0, 100.0, 60.0, 100.0, 100.0, 80.0, 40.0, 90.0, 60.0, 80.0, 100.0, 100.0, 100.0, 100.0, 30.0, 70.0, 30.0, 100.0, 10.0, 10.0, 40.0, 90.0, 70.0, 80.0, 100.0, 100.0, 100.0, 20.0, 80.0, 0.0, 60.0, 40.0, 60.0, 70.0, 40.0, 100.0, 40.0, 70.0, 70.0, 30.0, 70.0, 90.0, 20.0, 90.0, 80.0, 100.0, 20.0, 100.0, 100.0, 90.0, 50.0, 20.0, 60.0, 80.0, 60.0, 100.0, 80.0, 70.0, 20.0, 50.0, 90.0, 80.0, 70.0, 100.0, 90.0, 60.0, 100.0, 90.0, 60.0, 70.0, 60.0, 30.0, 30.0, 30.0, 50.0, 80.0, 80.0], (5000, 1000): [80.0, 70.0, 0.0, 30.0, 10.0, 60.0, 20.0, 30.0, 20.0, 0.0, 30.0, 10.0, 0.0, 30.0, 40.0, 60.0, 20.0, 30.0, 30.0, 30.0, 20.0, 30.0, 0.0, 30.0, 50.0, 40.0, 40.0, 10.0, 60.0, 0.0, 50.0, 40.0, 10.0, 0.0, 50.0, 40.0, 40.0, 20.0, 10.0, 40.0, 10.0, 10.0, 0.0, 30.0, 30.0, 10.0, 60.0, 40.0, 50.0, 30.0, 40.0, 30.0, 0.0, 100.0, 50.0, 60.0, 0.0, 60.0, 40.0, 10.0, 30.0, 20.0, 70.0, 60.0, 40.0, 30.0, 60.0, 50.0, 10.0, 100.0, 20.0, 40.0, 50.0, 10.0, 30.0, 20.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 40.0, 0.0, 10.0, 20.0, 50.0, 30.0, 10.0, 80.0, 10.0, 20.0, 50.0, 40.0, 50.0, 10.0, 40.0, 30.0, 20.0, 10.0, 0.0, 0.0, 20.0], (8000, 3000): [0.0, 100.0, 70.0, 30.0, 50.0, 90.0, 100.0, 100.0, 60.0, 0.0, 100.0, 60.0, 40.0, 100.0, 40.0, 40.0, 20.0, 70.0, 100.0, 100.0, 80.0, 10.0, 100.0, 90.0, 100.0, 70.0, 10.0, 100.0, 20.0, 100.0, 30.0, 20.0, 40.0, 50.0, 100.0, 30.0, 30.0, 0.0, 30.0, 30.0, 100.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 90.0, 100.0, 40.0, 10.0, 50.0, 50.0, 100.0, 100.0, 80.0, 10.0, 100.0, 100.0, 100.0, 80.0, 10.0, 0.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 50.0, 60.0, 100.0, 80.0, 10.0, 30.0, 100.0, 100.0, 60.0, 100.0, 20.0, 90.0, 100.0, 20.0, 90.0, 70.0, 100.0, 100.0, 100.0, 20.0, 100.0, 0.0, 100.0, 0.0, 100.0, 30.0, 100.0, 100.0, 10.0, 90.0, 60.0, 70.0, 20.0, 100.0, 30.0, 80.0, 100.0, 0.0, 80.0, 100.0, 30.0, 30.0, 70.0, 100.0, 40.0, 90.0, 100.0, 60.0, 10.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 10.0, 100.0, 50.0, 100.0, 100.0, 30.0, 90.0, 20.0, 100.0, 100.0, 40.0, 10.0, 50.0, 40.0, 100.0, 20.0, 40.0, 100.0, 0.0], (7000, 0): [80.0, 70.0, 60.0, 50.0, 60.0, 90.0, 30.0, 60.0, 60.0, 70.0, 70.0, 70.0, 80.0, 70.0, 50.0, 70.0, 80.0, 50.0, 70.0, 30.0, 80.0, 60.0, 80.0, 60.0, 70.0, 50.0, 60.0, 70.0, 90.0, 90.0, 70.0, 70.0, 80.0, 60.0, 90.0, 90.0, 70.0, 70.0, 70.0, 20.0, 60.0, 80.0, 90.0, 100.0, 70.0, 60.0, 90.0, 40.0, 100.0, 50.0, 90.0, 80.0, 80.0, 70.0, 80.0, 70.0, 60.0, 60.0, 50.0, 60.0, 60.0, 50.0, 70.0, 50.0, 80.0, 60.0, 70.0, 60.0, 90.0, 80.0, 80.0, 60.0, 70.0, 70.0, 30.0, 100.0, 90.0, 60.0, 90.0, 70.0, 90.0, 60.0, 80.0, 70.0, 60.0, 70.0, 60.0, 70.0, 60.0, 60.0, 70.0, 80.0, 30.0, 80.0, 80.0, 70.0], (4000, 0): [10.0, 30.0, 0.0, 20.0, 10.0, 30.0, 0.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0, 40.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, 10.0, -1.0, 20.0, 0.0, 10.0, 10.0, 20.0, 20.0, -1.0, 10.0, -1.0, 0.0, 0.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, 20.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, 0.0, 20.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 20.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, 10.0, -1.0, 10.0, 20.0, 10.0, 0.0, 20.0, 10.0, 0.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0], (6000, 0): [60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 30.0, 20.0, 40.0, 30.0, 50.0, 50.0, 30.0, 60.0, 40.0, 20.0, 80.0, 10.0, 50.0, 30.0, 40.0, 30.0, 40.0, 50.0, 10.0, 60.0, 30.0, 50.0, 40.0, 50.0, 50.0, 50.0, 40.0, 60.0, 50.0, 20.0, 50.0, 50.0, 30.0, 40.0, 50.0, 50.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 40.0, 70.0, 50.0, 50.0, 40.0, 40.0, 40.0, 60.0, 50.0, 50.0, 60.0, 60.0, 30.0, 60.0, 50.0, 70.0, 40.0, 70.0, 60.0, 60.0, 60.0, 40.0, 30.0, 20.0, 40.0, 60.0, 60.0, 50.0, 40.0, 60.0, 20.0, 50.0, 70.0, 60.0, 40.0, 70.0, 50.0, 60.0, 40.0, 60.0, 50.0, 40.0, 40.0, 100.0, 50.0, 40.0, 70.0, 60.0, 60.0, 70.0, 50.0, 50.0, 40.0, 40.0, 40.0], (6000, 5000): [50.0, 90.0, 20.0, 0.0, 90.0, 10.0], (4000, 3000): [10.0, 30.0, 20.0, 40.0, 40.0, 40.0, 50.0, 30.0, -1.0, 100.0, 10.0, 20.0, 70.0, 20.0, 20.0, 70.0, 0.0, 40.0, 30.0, 0.0, 40.0, 40.0, 80.0, 40.0, 10.0, 20.0, 0.0, 0.0, 30.0, 40.0, 100.0, 90.0, 100.0, 0.0, 10.0, 80.0, 60.0, 50.0, 30.0, 10.0, 20.0, 0.0, 0.0, 10.0, 40.0, 40.0, 0.0, 50.0, 10.0, 20.0, 0.0, 70.0, 40.0, 50.0, 40.0, 0.0, 50.0, 0.0, 100.0, 20.0, 10.0, 100.0, 50.0, 20.0, 20.0, 20.0, 80.0, 70.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 50.0, 60.0, 0.0, 40.0, 90.0, 90.0, 20.0, 50.0, 20.0, 100.0, 10.0, 80.0, 0.0, 40.0, 20.0, 30.0, 60.0, 100.0, 20.0, 20.0, 10.0, 20.0, 40.0, 0.0, 40.0, 60.0, 0.0, 20.0, 0.0, 0.0, 70.0, 10.0, 20.0, 100.0, 50.0, 10.0, 10.0, 40.0, 20.0, 0.0, 30.0, 70.0, 60.0, 90.0, 70.0, 70.0, -1.0, 20.0, 30.0, 0.0, 0.0, 10.0, 0.0, 60.0, 40.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 0.0, 0.0, 0.0, 30.0, 10.0, 100.0, 0.0, 0.0, 30.0, 50.0, 20.0, 10.0, 0.0, 10.0, 30.0, 40.0, 60.0, 10.0, 30.0, 10.0, 20.0, 0.0, 40.0, 10.0, 50.0, 10.0, 20.0, 0.0, 20.0, 0.0, 10.0, 50.0, 30.0, 10.0, 20.0, 100.0, 30.0, 10.0, 30.0, 20.0, 70.0, 10.0, 10.0, 60.0, 40.0, 70.0, 30.0, 0.0, 30.0, 20.0, 20.0, 80.0, 40.0, 30.0, 0.0, 20.0, 70.0, 100.0, -1.0, 20.0, 40.0, 0.0, 40.0, 20.0, 20.0, 0.0, 0.0, 50.0, 0.0, 10.0, 70.0, 20.0, 0.0, 80.0, 40.0, 30.0, 0.0, 40.0, 50.0, 0.0, 20.0, 40.0, 0.0, 10.0, 30.0, 70.0, 0.0, 10.0, 20.0, 40.0, 10.0, 20.0, 20.0, 50.0, 0.0, 0.0, 50.0, 0.0, 40.0, -1.0, 20.0, 0.0, 0.0, 0.0, 100.0, 40.0, 0.0, 50.0, 0.0, 40.0, 40.0, 70.0, 10.0, 10.0, 90.0, 30.0, 20.0, 40.0, 60.0, 60.0, 80.0, 20.0, 50.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 10.0, 20.0, 50.0, 30.0, 20.0, 60.0, 30.0, 0.0, 80.0, 30.0, 0.0, 10.0, 20.0, 60.0, 0.0, 20.0, 20.0, 20.0, 20.0, 0.0, 100.0, 40.0, 20.0, 50.0, 70.0, 0.0, 30.0, 0.0, 0.0, 60.0, 10.0, 20.0, 0.0, 30.0, 60.0, 30.0], (4000, 4000): [10.0], (5000, 4000): [50.0, 100.0, 0.0, 20.0, 60.0, 40.0, 0.0, 20.0, 0.0, 20.0, 0.0, 50.0, 0.0, 100.0, 0.0, 30.0, 0.0, 30.0, 40.0, 0.0, 10.0, 0.0, 20.0, 80.0, 40.0, 10.0, 20.0, 20.0, 90.0, 20.0, 60.0, 100.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 100.0, 60.0, 80.0, 20.0, 30.0, 0.0, 0.0, 100.0, 0.0, 70.0, 30.0, 30.0, 90.0, 10.0, 30.0, 30.0, 60.0, 100.0, 0.0, 40.0, 100.0, 0.0, 0.0, 0.0, 40.0, 10.0, 60.0, 70.0, 0.0, 0.0, 60.0, 0.0, 100.0, 50.0, 20.0, 0.0, 0.0, 10.0, 10.0, 20.0, 0.0, 60.0, 40.0, 20.0, 10.0, 80.0, 20.0, 0.0, 10.0, 0.0, 0.0, 30.0, 50.0, 50.0, 0.0, 40.0, 20.0, 0.0, 0.0, 10.0, 50.0, 10.0, 30.0, 20.0, 0.0, 10.0, 0.0, 70.0, 20.0, 70.0, 20.0, 40.0, 10.0, 70.0, 10.0, 0.0, 60.0, 60.0, 10.0, 50.0, 0.0, 40.0, 0.0, 0.0, 20.0, 20.0, 100.0, 50.0, 20.0, 60.0, 20.0, 50.0, 0.0, 0.0, 90.0, 100.0, 100.0, 20.0, 50.0, 50.0, 50.0, 0.0, 10.0, 40.0, 10.0, 0.0, 20.0, 100.0, 0.0, 0.0], (4000, 1000): [10.0, 30.0, 30.0, 40.0, 10.0, 20.0, 10.0, 20.0, 30.0, 50.0, 30.0, 0.0, 20.0, 10.0, 60.0, 20.0, 20.0, 10.0, 30.0, 20.0, 0.0, 30.0, 10.0, 40.0, 10.0, 30.0, 10.0, 0.0, 60.0, 10.0, 0.0, 10.0, 20.0, 40.0, 40.0, 20.0, 20.0, 10.0, 80.0, 20.0, 10.0, 10.0, 10.0, 30.0, 30.0, 40.0, 10.0, 10.0, 0.0, 10.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, 20.0, 10.0, 40.0, -1.0, 10.0, 10.0, 0.0, -1.0, 0.0, 50.0, 20.0, 10.0, 10.0, 40.0, -1.0, 0.0, 30.0, 30.0, 30.0, 30.0, 10.0, -1.0, 30.0, 20.0, 20.0, 0.0, 20.0, 40.0, 0.0, 10.0, 70.0, 40.0, 0.0, 50.0, 10.0, 40.0, 40.0, 20.0, 10.0, -1.0, 50.0, 0.0, 50.0, 30.0, 10.0, 30.0, 0.0, 10.0, 20.0, 10.0, 10.0, 40.0], (1000, 1000): [-1.0, 90.0, 30.0, 70.0, 30.0, 50.0, -1.0, 70.0, 30.0, 50.0, 60.0, 40.0, 10.0, 20.0, 20.0, 20.0, 80.0, 40.0, -1.0, 10.0, 40.0, 90.0, 50.0, 20.0, 90.0, 60.0, 50.0, 60.0, 20.0, 40.0, 60.0, 0.0, 20.0, 50.0, 60.0, 20.0, 40.0, 40.0, 30.0, 30.0, 70.0, 40.0, 50.0, 10.0, 40.0, 70.0, 30.0, 50.0, 50.0, 40.0, 70.0, 90.0, 80.0, -1.0, 40.0, 40.0, 10.0, 20.0, 40.0, 20.0, 50.0, 80.0, 40.0, 70.0, 60.0, 80.0, 30.0, 40.0, 30.0, 50.0, 40.0, 60.0, 70.0, 30.0, 30.0, 40.0, 40.0, 40.0, 50.0, 10.0, 30.0, 20.0, 40.0, 40.0, 60.0, 50.0, 90.0, 30.0, 30.0, 10.0, 60.0, -1.0, 60.0, 20.0, 30.0, 30.0, 50.0, 60.0, 20.0, 40.0], (7000, 3000): [20.0, 60.0, 0.0, 100.0, 30.0, 70.0, 40.0, 10.0, 50.0, 100.0, 80.0, 10.0, 100.0, 30.0, 10.0, 50.0, 100.0, 30.0, 20.0, 20.0, 30.0, 20.0, 100.0, 10.0, 10.0, 100.0, 40.0, 30.0, 100.0, 100.0, 0.0, 10.0, 100.0, 0.0, 50.0, 20.0, 70.0, 40.0, 100.0, 10.0, 0.0, 40.0, 70.0, 50.0, 100.0, 90.0, 90.0, 10.0, 100.0, 10.0, 50.0, 50.0, 0.0, 100.0, 100.0, 70.0, 60.0, 10.0, 10.0, 20.0, 70.0, 0.0, 100.0, 10.0, 60.0, 0.0, 40.0, 0.0, 0.0, 100.0, 100.0, 70.0, 0.0, 70.0, 100.0, 0.0, 50.0, 20.0, 70.0, 100.0, 100.0, 40.0, 60.0, 100.0, 30.0, 50.0, 100.0, 40.0, 70.0, 0.0, 60.0, 0.0, 20.0, 100.0, 70.0, 0.0, 10.0, 40.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 100.0, 80.0, 80.0, 30.0, 100.0, 0.0, 10.0, 30.0, 10.0, 60.0, 80.0, 60.0, 60.0, 70.0, 100.0, 60.0, 60.0, 60.0, 0.0, 0.0, 100.0, 80.0, 60.0, 80.0, 100.0, 60.0, 50.0, 100.0, 30.0, 70.0, 100.0, 70.0, 20.0, 30.0, 70.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 80.0, 100.0, 100.0, 60.0, 0.0, 90.0, 100.0, 10.0, 100.0, 70.0, 40.0, 20.0, 60.0, 90.0, 10.0, 60.0, 100.0, 100.0, 0.0], (1000, 0): [40.0, 40.0, 10.0, 60.0, 0.0, -1.0, 50.0, 40.0, 20.0, 10.0, 40.0, 60.0, 30.0, 10.0, -1.0, 20.0, 70.0, 30.0, 20.0, 50.0, 50.0, 50.0, 30.0, 40.0, 10.0, -1.0, 30.0, 20.0, 20.0, 60.0, 90.0, 80.0, 40.0, 40.0, 30.0, 20.0, 10.0, 10.0, 70.0, -1.0, 30.0, 10.0, 10.0, 30.0, 50.0, 60.0, 10.0, 50.0, -1.0, -1.0, 10.0, 60.0, -1.0, 10.0, -1.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 20.0, 40.0, -1.0, 10.0, 20.0, 40.0, 30.0, 80.0, 40.0, 70.0, 40.0, 10.0, 50.0, 90.0, 10.0, 10.0, 0.0, 50.0, 40.0, 30.0, 0.0, 60.0, 10.0, 40.0, 0.0, -1.0, 10.0, 40.0, 30.0, 10.0, 40.0, 60.0, 20.0, 40.0, 10.0, 10.0, 20.0, 50.0, 0.0, 30.0, 20.0, 40.0, 40.0, 10.0, 40.0, 10.0, 10.0, 0.0, 30.0, 10.0, 40.0, -1.0, 10.0, 10.0, 10.0, 20.0, 50.0, 0.0, 70.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 20.0, 40.0, -1.0, 20.0, 30.0, 10.0, 50.0, 60.0, 10.0, 10.0, 40.0, 10.0, 20.0, 50.0, 0.0, 30.0, 60.0, 50.0, -1.0, 20.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 40.0, -1.0, 40.0, 70.0, 30.0, 20.0, 10.0, 10.0, 30.0], (5000, 2000): [0.0, 70.0, 30.0, 30.0, 30.0, 30.0, 100.0, 0.0, 30.0, 80.0, 0.0, 30.0, 0.0, 0.0, 70.0, 30.0, 40.0, 0.0, 30.0, 30.0, 20.0, 0.0, 40.0, 20.0, 70.0, 0.0, 10.0, 0.0, 20.0, 0.0, 0.0, 0.0, 30.0, 10.0, 60.0, 50.0, 10.0, 30.0, 30.0, 60.0, 70.0, 40.0, 40.0, 0.0, 50.0, 0.0, 40.0, 60.0, 0.0, 50.0, 40.0, 20.0, 50.0, 20.0, 40.0, 10.0, 30.0, 70.0, 100.0, 10.0, 20.0, 0.0, 60.0, 0.0, 0.0, 30.0, 20.0, 10.0, 0.0, 0.0, 30.0, 0.0, 20.0, 50.0, 0.0, 30.0, 20.0, 40.0, 30.0, 60.0, 10.0, 10.0, 40.0, 10.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 30.0, 10.0, 10.0, 10.0, 10.0, 40.0, 20.0, 10.0, 30.0, 10.0, 30.0, 20.0, -1.0, 20.0, 60.0, 30.0, 10.0, 40.0, 20.0, 30.0, 10.0, 60.0, 80.0, 20.0, 10.0, 20.0, 60.0, 30.0, 70.0, 10.0, 0.0, 0.0, 30.0, 0.0, 30.0, 0.0, 20.0, 10.0, 50.0, 30.0, 100.0, 20.0, 0.0, 10.0, 60.0, 40.0, 60.0, 20.0, 50.0, 0.0, 60.0, 0.0, 0.0, 60.0, 30.0, 0.0, 20.0, 0.0, 50.0, 10.0, 0.0, -1.0, 50.0, 70.0, 30.0, 50.0, 0.0, 20.0, 10.0, 0.0, 60.0, 10.0, 0.0, 10.0, 30.0, 60.0, 10.0, 30.0, 20.0, 0.0, 20.0, 0.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1100 = {(3300, 3300): [80.0, 100.0, 90.0, 40.0, 30.0, 40.0, 80.0, -1.0, 40.0, 50.0], (1100, 1100): [60.0, -1.0, 50.0, 40.0, 10.0, 90.0, 30.0, 70.0, 30.0, 80.0, 50.0, -1.0, -1.0, 70.0, 30.0, 50.0, 60.0, 40.0, 20.0, 40.0, 30.0, 70.0, 20.0, 80.0, -1.0, 40.0, 30.0, 90.0, 70.0, 50.0, 20.0, 50.0, 90.0, 70.0, -1.0, 30.0, 70.0, 50.0, 20.0, 40.0, 0.0, 20.0, 50.0, 40.0, 80.0, 50.0, 60.0, 20.0, 60.0, 40.0, 30.0, 40.0, 50.0, 30.0, 30.0, 20.0, 50.0, 10.0, 70.0, 50.0, 50.0, 40.0, 20.0, 40.0, 90.0, 20.0, 20.0, 40.0, 40.0, 40.0, 20.0, 20.0, 40.0, 20.0, 50.0, 50.0, 20.0, 30.0, 30.0, 50.0, 40.0, 80.0, 40.0, 70.0, 80.0, 30.0, 40.0, 40.0, 60.0, 60.0, 70.0, 30.0, 30.0, 40.0, 70.0, 70.0, -1.0, 20.0, 40.0, 30.0, 30.0, 40.0, -1.0, 20.0, 60.0, 30.0, 90.0, 30.0, 30.0, 10.0, 40.0, 60.0, -1.0, 20.0, 20.0, 20.0, 30.0, 30.0, 30.0, -1.0, 20.0, 40.0], (8800, 4400): [100.0, 100.0, 100.0, 0.0, 100.0, 40.0, 90.0, 80.0, 80.0, 100.0, 20.0, 10.0, 100.0, 100.0, 10.0, 0.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 30.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 0.0, 60.0, 100.0, 30.0, 100.0, 80.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0], (6600, 3300): [0.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 80.0, 40.0, 40.0, 100.0, 70.0, 90.0, 40.0, 90.0, 10.0, 20.0, 20.0, 70.0, 10.0, 60.0, 100.0, 100.0, 40.0, 70.0, 100.0, 20.0, 50.0, 0.0, 30.0, 0.0, 20.0, 10.0, 10.0, 50.0, 100.0, 30.0, 100.0, 20.0, 100.0, 60.0, 100.0, 40.0, 20.0, 0.0, 30.0, 90.0, 80.0, 20.0, 10.0, 100.0, 30.0, 100.0, 0.0, 0.0, 10.0, 10.0, 80.0, 40.0, 80.0, 50.0, 10.0, 40.0, 100.0, 0.0, 0.0, 10.0, 10.0, 70.0, 100.0, 0.0, 0.0, 100.0, 70.0, 0.0, 50.0, 50.0, 90.0, 90.0, 30.0, 100.0, 10.0, 100.0, 0.0, 100.0, 100.0, 10.0, 0.0, 100.0, 60.0, 10.0, 0.0, 20.0, 40.0, 50.0, 50.0, 0.0, 90.0, 0.0, 0.0, 60.0, 0.0, 60.0, 20.0, 70.0, 0.0, 10.0, 60.0, 10.0, 10.0, 40.0, 80.0, 100.0, 20.0, 0.0, 100.0, 70.0, 100.0, 10.0, 20.0, 10.0, 10.0, 60.0, 90.0, 10.0, 10.0, 0.0, 40.0, 60.0, 90.0, 50.0, 0.0, 0.0, 100.0, 100.0, 0.0, 0.0, 20.0, 70.0, 100.0, 70.0, 100.0, 90.0, 0.0, 90.0, 70.0, 100.0, 60.0, 60.0, 40.0, 100.0, 40.0, 40.0, 100.0, 30.0, 50.0, 100.0, 70.0, 0.0, 20.0, 30.0, 50.0, 70.0, 100.0, 30.0, 20.0, 100.0, 50.0, 100.0, 50.0, 0.0, 70.0, 0.0, 100.0, 0.0, 20.0, 50.0, 0.0, 60.0, 100.0, 100.0, 60.0, 40.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 100.0, 0.0, 100.0, 40.0, 80.0, 100.0, 30.0, 100.0, 80.0, 90.0, 90.0, 100.0, 100.0, 90.0, 100.0, 20.0, 30.0, 100.0, 100.0, 40.0, 30.0, 100.0, 50.0, 80.0, 20.0, 50.0, 100.0, 0.0, 20.0, 0.0, 50.0, 10.0, 0.0, 60.0, 40.0, 40.0, 30.0, 20.0, 60.0, 80.0, 30.0, 100.0, 50.0, 20.0, 100.0, 70.0, 60.0, 70.0, 70.0, 90.0, 0.0, 100.0, 40.0, 0.0, 20.0, 60.0, 0.0, 40.0, 100.0, 80.0, 60.0, 50.0, 0.0, 0.0, 30.0, 100.0, 90.0, 0.0, 20.0, 100.0, 60.0, 100.0, 60.0, 0.0, 90.0, 100.0, 60.0, 40.0, 100.0, 100.0, 100.0, 20.0, 40.0, 30.0, 70.0, 70.0, 100.0, 100.0, 0.0, 100.0, 20.0, 30.0, 30.0, 70.0, 20.0, 0.0, 0.0, 100.0, 0.0, 100.0, 50.0, 0.0, 0.0, 50.0, 100.0, 100.0, 80.0, 0.0, 40.0, 100.0, 70.0, 10.0, 100.0, 90.0, 100.0, 20.0, 60.0, 0.0, 50.0, 30.0, 0.0, 90.0, 90.0, 0.0, 30.0, 90.0, 10.0, 100.0, 70.0, 100.0, 0.0, 60.0, 40.0, 30.0, 80.0, 70.0, 100.0, -1.0, 90.0, 50.0, 0.0, 100.0, 10.0, 80.0, 20.0, 90.0, 0.0, 20.0, 0.0, 100.0, 50.0, 20.0, 50.0, 50.0], (3300, 2200): [50.0, 30.0, 30.0, 40.0, 80.0, -1.0, 40.0, 20.0, 30.0, 0.0, 40.0, 40.0, 40.0, 30.0, 30.0, -1.0, 90.0, 20.0, 80.0, -1.0, 70.0, 50.0, 60.0, 30.0, 40.0, 10.0, 70.0, 50.0, 40.0, 30.0, 0.0, 10.0, 40.0, 40.0, -1.0, 30.0, 20.0, 50.0, 40.0, -1.0, 20.0, 40.0, 10.0, 80.0, 80.0, 20.0, 30.0, 100.0, 90.0, 80.0, 20.0, -1.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 30.0, 10.0, 30.0, 0.0, 70.0, 30.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, 30.0, 30.0, 50.0, 40.0, 80.0, 40.0, 40.0, 30.0, 30.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, 40.0, 10.0, 50.0, 20.0, 100.0, 70.0, 40.0, 50.0, 70.0, 40.0, 50.0, 30.0, 30.0, 40.0, 30.0, 50.0, 20.0, 40.0, 20.0, 60.0, 20.0, 20.0, 40.0, 50.0, 50.0, 40.0, 10.0, 40.0, 40.0, 30.0, 10.0, 30.0, 90.0, 60.0, 40.0, 50.0, 40.0, 30.0, 20.0, 90.0, 30.0, 40.0, 40.0, 60.0, 20.0, 10.0, 50.0, 50.0, 70.0, 40.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 50.0, 20.0, 30.0, 70.0, 100.0, 30.0, 100.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 20.0, 20.0, 30.0, 40.0, 60.0, 60.0, 30.0, 0.0, 70.0, 40.0, 30.0, 40.0, 30.0, 30.0, 20.0, 10.0, 20.0, 30.0, 0.0, 30.0, 40.0, 60.0, 50.0, 40.0, 50.0, 40.0, 100.0, 10.0, 30.0, 100.0, 100.0, 30.0, 30.0, 80.0, 40.0, 30.0, 20.0, 0.0, 10.0, 40.0, 80.0, 40.0, 0.0, 30.0, 40.0, 30.0, 20.0, 30.0, 100.0, 80.0, 40.0, 70.0, 40.0, 0.0, 0.0, -1.0, 100.0, 20.0, 30.0, 40.0, 30.0, 0.0, 30.0, 50.0, 20.0, 40.0, 40.0, 100.0, 10.0, 0.0, 40.0, 60.0, 80.0, 60.0, 20.0, 40.0, 40.0, 60.0, 40.0, 10.0, 100.0, 30.0, 30.0, 60.0, 20.0, 50.0, 30.0, 10.0, 50.0, 80.0, 10.0, 30.0, 70.0, 20.0, 60.0, 50.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 40.0, 50.0, 40.0, 20.0, -1.0, 60.0, 10.0, 10.0, 40.0, 40.0, 90.0, 60.0, 30.0, 50.0, 20.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 50.0, 40.0, 50.0, 30.0, 60.0, 40.0, 30.0, 40.0, 30.0, 30.0, 80.0, 30.0, 40.0, 20.0, 100.0, 40.0, 60.0, 20.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 50.0, 30.0, 50.0, 70.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 30.0, 20.0, 30.0, 30.0, 50.0, 80.0, 20.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 80.0, 50.0, 10.0, 30.0, 50.0, 50.0, 20.0, 10.0, 30.0, 70.0, 10.0, -1.0, 50.0, 40.0, 40.0, 50.0, 20.0, 20.0, 10.0, 60.0, 30.0, 70.0, 60.0, 60.0, 30.0, -1.0, 20.0, 50.0, 70.0, 50.0, 40.0, 30.0, -1.0, 50.0, 30.0, 60.0, 0.0, 60.0, 50.0, 40.0, 30.0, 20.0, 40.0, 40.0, 20.0, 10.0, 50.0, -1.0, 30.0, 30.0, 20.0, 50.0, 50.0, 40.0, 60.0, 60.0, 30.0, 10.0, 20.0, 60.0, 20.0, 30.0, -1.0, 20.0, 40.0, 10.0, 50.0, 0.0, 30.0, 50.0, 30.0, 30.0, 50.0, 10.0, 90.0, 50.0, 50.0, 20.0, 40.0, 70.0, 90.0, 50.0, 40.0, 10.0, 20.0, 30.0, 20.0, 20.0, 20.0, 60.0, 30.0, 20.0, 40.0, 40.0, 20.0, 20.0, 40.0, 40.0, 40.0, 60.0, 30.0, 70.0, 20.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 30.0, 30.0, 0.0, 30.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0], (2200, 2200): [60.0, 60.0, 90.0, 50.0, 10.0, 50.0, 30.0, 40.0, 30.0, 20.0, 70.0, 60.0, 40.0, -1.0, 30.0, 30.0, 20.0, 50.0, -1.0, 50.0, 60.0, 40.0, 0.0, 30.0, 70.0, 50.0, 60.0, 30.0, 30.0, 30.0, 80.0, 30.0, 80.0, 20.0, 30.0, 40.0, 90.0, 30.0, 60.0, 40.0, 40.0, -1.0, 30.0, 60.0, 50.0, 40.0, 100.0, 40.0, 50.0], (6600, 4400): [40.0, 90.0, 50.0, 100.0, 10.0, 10.0, 100.0, 40.0, 30.0, 50.0, 90.0, 100.0, 10.0, 100.0, 70.0, 0.0, 40.0, 80.0, 10.0, 30.0, 0.0, 50.0, 0.0, 100.0, 50.0, 100.0, 0.0, 100.0, 10.0, 10.0, 10.0, 70.0, 100.0, 30.0, 50.0, 50.0, 50.0, 0.0, 70.0, 50.0, 80.0, 100.0, 40.0, 70.0, 0.0, 50.0, 0.0, 0.0, 50.0, 0.0, 0.0, 100.0, 0.0, 30.0, 0.0, 10.0, 0.0, 80.0, 100.0, 30.0, 10.0, 20.0, 10.0, 20.0, 0.0, 30.0, 100.0, 80.0, 90.0, 90.0, 40.0, 50.0, 60.0, 0.0, 70.0, 50.0, 10.0, 60.0, 0.0, 10.0, 0.0, 100.0, 0.0, 100.0, 60.0, 30.0, 20.0, 0.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 0.0, 60.0, 100.0, 20.0, 100.0, 50.0, 20.0, 20.0, 0.0, 80.0, 100.0, 70.0, 70.0, 100.0, 0.0, 0.0, 100.0, 60.0, 0.0, 10.0, 10.0, 100.0, 0.0, 0.0, 30.0, 90.0, 100.0, 30.0, 100.0, 100.0, 90.0, 90.0, 40.0, 100.0, 40.0, 70.0, 100.0, 100.0, 0.0, 10.0, 100.0, 50.0, 30.0, 100.0, 10.0, 10.0, 60.0, 100.0, 0.0, 20.0, 90.0, 70.0, 50.0, 100.0, 90.0, 30.0, 10.0, 100.0, 90.0, 0.0, 100.0, 50.0, 100.0, 70.0, 20.0, 50.0, 100.0, 100.0, 0.0, 100.0, 0.0, 70.0, 0.0, 100.0, 30.0, 50.0, 0.0, 100.0, 90.0, 100.0, 90.0, 10.0, 10.0, 100.0, 30.0, 100.0, 50.0, 20.0, 100.0, 80.0, 0.0, 40.0, 0.0, 100.0, 80.0, 100.0, 100.0, 100.0, 0.0, 30.0, 40.0, 30.0, 100.0, 100.0, 100.0, 0.0, 20.0, 20.0, 50.0, 30.0, 0.0, 40.0, 70.0, 40.0, 40.0, 100.0, 0.0, 30.0, 100.0, 10.0, 100.0, 80.0, 10.0, 100.0, 0.0, 0.0, 60.0, 10.0, 20.0, 10.0, 30.0, 0.0, 30.0, 40.0, 20.0, 100.0, 10.0, 0.0, 10.0, 20.0, 20.0, 30.0, 10.0, 90.0, 10.0, 30.0, 20.0, 10.0, 60.0, 70.0, 0.0, 100.0, 0.0, 0.0, 50.0, 10.0, 0.0, 40.0, 20.0, 0.0, 100.0, 70.0, 10.0, 0.0, 10.0, 20.0, 0.0, 10.0, 0.0, 50.0, 90.0, 10.0, 10.0, 100.0, 100.0, 0.0, 10.0, 100.0, 100.0, 20.0, 10.0, 100.0, 60.0, 0.0, 0.0, 0.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 10.0, 90.0, 100.0, 0.0, 0.0, 100.0, 40.0, 30.0, 0.0, 100.0, 10.0, 0.0, 20.0, 100.0, 100.0, 20.0, 0.0, 10.0, 100.0, 0.0, 70.0, 80.0, 0.0, 0.0, 100.0, 0.0, 20.0, 20.0, 60.0, 50.0, 60.0, 20.0, 40.0, 100.0, 70.0, 90.0, 30.0, 0.0, 20.0, 60.0, 10.0, 100.0, 0.0, 100.0, 50.0, 40.0, 0.0, 0.0], (7700, 4400): [20.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 20.0, 70.0, 100.0, 100.0, 50.0, 40.0, 100.0, 90.0, 100.0, 100.0, 100.0, 10.0, 70.0, 90.0, 30.0, 100.0, 10.0, 60.0, 20.0, 80.0, 100.0, 10.0, 0.0, 20.0, 100.0, 70.0, 10.0, 100.0, 60.0, 20.0, 100.0, 30.0, 30.0, 80.0, 20.0, 100.0, 20.0, 10.0, 60.0, 10.0, 80.0, 90.0, 40.0, 10.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 70.0, 70.0, 0.0, 70.0, 80.0, 100.0, 100.0, 80.0, 100.0, 70.0, 100.0, 90.0, 30.0, 90.0, 100.0, 90.0, 80.0, 30.0, 10.0, 10.0, 100.0, 100.0, 0.0, 100.0, 0.0, 80.0, 0.0, 10.0, 0.0, 0.0, 50.0, 100.0, 0.0, 10.0, 10.0, 50.0, 90.0, 100.0, 40.0, 30.0, 100.0, 50.0, 40.0, 100.0, 100.0, 20.0, 10.0, 100.0, 100.0, 0.0, 10.0, 100.0, 90.0, 100.0, 70.0, 100.0, 20.0, 90.0, 0.0, 50.0, 100.0, 0.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 60.0, 0.0, 80.0, 20.0, 10.0, 80.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 30.0, 10.0, 10.0, 80.0, 30.0, 0.0, 100.0, 60.0, 100.0, 90.0, 30.0, 0.0, 70.0, 80.0, 10.0, 20.0, 90.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 30.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 50.0, 0.0, 0.0, 30.0, 100.0, 0.0, 40.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 100.0, 80.0, 100.0, 10.0, 30.0, 100.0, 100.0, 10.0, 20.0, 10.0, 90.0, 100.0, 100.0, 0.0, 100.0, 10.0, 100.0, 30.0, 0.0, 80.0, 100.0, 60.0, 0.0, 70.0, 40.0, 80.0, 30.0, 50.0, 80.0, 50.0, 100.0, 100.0, 30.0, 20.0, 100.0, 70.0, 100.0, 100.0, 60.0, 30.0, 20.0, 100.0, 10.0, 0.0, 0.0, 30.0, 100.0, 0.0, 100.0, 40.0, 100.0, 30.0, 100.0, 40.0, 50.0, 100.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 20.0, 0.0, 100.0, 100.0, 90.0, 80.0, 20.0, 20.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 20.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 30.0, 20.0, 100.0, 50.0, 50.0, 10.0, 0.0, 0.0, 90.0, 0.0, 0.0, 0.0, 30.0, 100.0, 20.0, 100.0, 0.0, 20.0, 100.0, 50.0, 10.0, 100.0, 70.0, 0.0, 0.0, 100.0, 50.0, 100.0, 20.0, 0.0, 100.0, 50.0, 0.0, 90.0, 100.0, 90.0, 80.0, 70.0, 100.0, 40.0, 60.0, 60.0, 0.0, 10.0, 20.0, 40.0, 0.0, 40.0, 50.0, 20.0, 20.0, 0.0, 20.0, 50.0, 100.0, 60.0, 0.0, 100.0, 100.0, 100.0, 100.0, 50.0, 10.0, 20.0, 100.0, 100.0, 10.0, 0.0, 50.0, 70.0, 20.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 100.0, 90.0, 20.0, 100.0, 10.0, 20.0], (6600, 5500): [0.0, 100.0, 10.0], (2200, 0): [0.0, 30.0, 10.0, 10.0, 50.0, 10.0, 20.0, 20.0, -1.0, -1.0, -1.0, 10.0, 30.0, 10.0, -1.0, 0.0, -1.0, 60.0, -1.0, -1.0, 20.0, 40.0, 0.0, 10.0, -1.0, -1.0, 40.0, 10.0, 10.0, -1.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, -1.0, 10.0, -1.0, -1.0, 10.0, 30.0, 10.0, 20.0, 0.0, 30.0, 30.0, 20.0, 10.0, 20.0, -1.0, 20.0, -1.0, 10.0, 30.0, 20.0, 20.0, -1.0, 30.0, 20.0, -1.0, 0.0, 20.0, 20.0, 40.0, 10.0, 0.0, -1.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, -1.0, 30.0, -1.0, 20.0, 0.0, 10.0, 0.0, 20.0, -1.0, 30.0, 20.0, -1.0, 30.0, 10.0, 10.0, 0.0, 10.0, 0.0, 20.0, -1.0, 0.0, 0.0, 20.0, 10.0, 20.0, 10.0, 20.0, -1.0, 20.0, 30.0, 0.0, 10.0, 0.0, -1.0, 30.0, 20.0, 40.0, 10.0, 40.0, 0.0, 30.0, 0.0, 0.0], (1100, 0): [40.0, 40.0, 10.0, 60.0, 10.0, 0.0, 10.0, -1.0, 40.0, 20.0, 10.0, 40.0, 60.0, 20.0, 0.0, 30.0, 30.0, 10.0, -1.0, 10.0, 20.0, 20.0, 20.0, 50.0, 40.0, 10.0, 50.0, 50.0, 30.0, 40.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 30.0, 20.0, 60.0, 90.0, 80.0, 40.0, 10.0, 40.0, 30.0, 20.0, 10.0, 10.0, 10.0, 60.0, -1.0, 20.0, 30.0, 10.0, 20.0, 10.0, 60.0, 30.0, 50.0, 60.0, 40.0, 10.0, 50.0, -1.0, -1.0, 10.0, 60.0, 10.0, 60.0, -1.0, 40.0, 10.0, -1.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 20.0, 40.0, -1.0, 10.0, 20.0, 0.0, 40.0, 40.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 70.0, 40.0, 40.0, 10.0, 50.0, 50.0, 90.0, 10.0, 40.0, 30.0, 10.0, 0.0, 50.0, 0.0, 40.0, 10.0, 30.0, 70.0, -1.0, 0.0, 10.0, 80.0, 0.0, -1.0, 40.0, 0.0, 10.0, -1.0, 10.0, 30.0, 40.0, 60.0, 20.0, 40.0, 10.0, 10.0, 20.0, 50.0, 0.0, 10.0, 20.0, 30.0, 20.0, 40.0, 40.0, 10.0, 10.0, 40.0, 10.0, 10.0, 20.0, 0.0, 30.0, 10.0, 40.0, -1.0, 10.0, 60.0, 10.0, 20.0, 50.0, 30.0, 50.0, 0.0, 10.0, 70.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 20.0, 20.0, 30.0, 40.0, -1.0, 20.0, 30.0, 10.0, 50.0, 60.0, 10.0, 10.0, 40.0, 10.0, 20.0, 50.0, 50.0, 10.0, 0.0, 30.0, 60.0, 50.0, -1.0, 60.0, 20.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 40.0, -1.0, 40.0, 50.0, 0.0, 70.0, 40.0, 60.0, 30.0, 20.0, 10.0, 30.0], (7700, 3300): [90.0, 0.0, 40.0, 20.0, 100.0, 70.0, 60.0, 30.0, 50.0, 30.0, 20.0, 20.0, 90.0, 30.0, 100.0, 0.0, 100.0, 80.0, 60.0, 100.0, 0.0, 10.0, 0.0, 100.0, 100.0, 60.0, 100.0, 20.0, 60.0, 100.0, 20.0, 100.0, 100.0, 100.0, 40.0, 90.0, 100.0, 70.0, 100.0, 70.0, 100.0, 80.0, 70.0, 10.0, 100.0, 90.0, 100.0, 100.0, 0.0, 80.0, 100.0, 70.0, 10.0, 100.0, 30.0, 50.0, 100.0, 30.0, 100.0, 50.0, 100.0, 70.0, 100.0, 0.0, 100.0, 10.0, 100.0, 100.0, 40.0, 30.0, 100.0, 0.0, 30.0, 100.0, 0.0, 100.0, 100.0, 90.0, 80.0, 0.0, 70.0, 70.0, 60.0, 100.0, 100.0, 30.0, 100.0, 100.0, 30.0, 50.0, 100.0, 20.0, 90.0, 40.0, 10.0, 50.0, 100.0, 50.0, 100.0, 10.0, 60.0, 60.0, 70.0, 80.0, 100.0, 10.0, 100.0, 60.0, 90.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 60.0, 50.0, 100.0, 10.0, 70.0, 100.0, 90.0, 50.0, 60.0, 50.0, 100.0, 60.0, 10.0, 100.0, 20.0, 20.0, 90.0, 20.0, 90.0, 10.0, 70.0, 100.0, 100.0, 80.0, 90.0, 0.0, 100.0, 100.0, 100.0, 10.0, 70.0, 100.0, 100.0, 20.0, 0.0, 0.0, 30.0, 100.0, 100.0, 10.0, 60.0, 80.0, 100.0, 100.0, 100.0, 0.0, 80.0, 100.0, 60.0, 100.0, 30.0, 100.0, 100.0, 40.0, 90.0, 20.0, 100.0, 10.0, 100.0, 30.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 40.0, 10.0, 0.0, 10.0, 50.0, 100.0, 100.0, 70.0, 30.0, 70.0, 90.0, 0.0, 60.0, 90.0, 20.0, 100.0, 100.0, 100.0, 40.0, 60.0, 40.0, 100.0, 20.0, 10.0, 50.0, 100.0, 60.0, 20.0, 100.0, 100.0, 0.0], (4400, 4400): [50.0], (5500, 4400): [20.0, 20.0, 100.0, 100.0, 0.0, 0.0, 0.0, 80.0, 50.0, 0.0, 40.0, 100.0, 60.0, 0.0, 100.0, 30.0, 100.0, 0.0, 40.0, 20.0, 100.0, 70.0, 80.0, 100.0, 20.0, 70.0, 0.0, 60.0, 0.0, 0.0, 40.0, 100.0, 20.0, 10.0, 10.0, 100.0, 30.0, 0.0, 70.0, 100.0, 20.0, 40.0, 60.0, 40.0, 0.0, 0.0, 100.0, 50.0, 60.0, 0.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 0.0, 10.0, 20.0, 10.0, 20.0, 60.0, 90.0, 60.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 70.0, 40.0, 0.0, 40.0, 60.0, 60.0, 40.0, 50.0, 0.0, 30.0, 10.0, 30.0, 10.0, 50.0, 10.0, 100.0, 10.0, 90.0, 50.0, 80.0, 0.0, 50.0, 30.0, 40.0, 10.0, 70.0, 40.0, 10.0, 100.0, 0.0, 50.0, 10.0, 60.0, 60.0, 70.0, 60.0, 10.0, 20.0, 0.0, 100.0, 70.0, 30.0, 30.0, 30.0, 20.0, 0.0, 20.0, 0.0, 90.0, 100.0, 20.0, 100.0, 100.0, 80.0, 0.0, 40.0, 80.0, 40.0, 0.0, 10.0, 20.0, 10.0, 0.0, 40.0, 0.0, 40.0, 0.0, 0.0], (7700, 0): [80.0, 60.0, 90.0, 90.0, 60.0, 90.0, 70.0, 60.0, 80.0, 90.0, 70.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 90.0, 90.0, 100.0, 80.0, 100.0, 100.0, 70.0, 90.0, 100.0, 80.0, 80.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 80.0, 100.0, 80.0, 90.0, 90.0, 70.0, 70.0, 100.0, 90.0, 80.0, 70.0, 80.0, 60.0, 90.0, 90.0, 60.0, 90.0, 100.0, 30.0, 40.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 70.0, 100.0, 80.0, 80.0, 50.0, 80.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 90.0, 80.0, 80.0, 90.0, 80.0, 90.0, 90.0, 90.0, 30.0, 100.0, 100.0, 90.0, 100.0, 90.0, 90.0, 90.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 60.0, 90.0, 30.0, 100.0, 100.0, 100.0, 90.0, 80.0, 70.0, 80.0, 90.0], (3300, 1100): [60.0, 70.0, 20.0, 20.0, 40.0, 30.0, 10.0, 10.0, 40.0, 40.0, 30.0, 30.0, 20.0, 30.0, 30.0, 20.0, 10.0, 30.0, 30.0, 30.0, 20.0, 20.0, 10.0, 40.0, 60.0, 10.0, 30.0, 20.0, 20.0, 50.0, 70.0, 20.0, 40.0, -1.0, 40.0, 10.0, 80.0, 20.0, 20.0, 30.0, 50.0, 30.0, 30.0, 10.0, 40.0, 40.0, 80.0, 30.0, 20.0, -1.0, 10.0, 60.0, 30.0, 10.0, 30.0, -1.0, 20.0, 30.0, 20.0, 10.0, 30.0, 10.0, 10.0, 80.0, 20.0, 10.0, 40.0, 90.0, 30.0, -1.0, 30.0, 40.0, 60.0, 60.0, 40.0, 40.0, 40.0, 30.0, 30.0, 40.0, 20.0, 10.0, 40.0, 20.0, 20.0, 50.0, 30.0, 60.0, 40.0, 30.0, 60.0, 10.0, 20.0, 10.0, 20.0, 50.0, 20.0, -1.0, 90.0, 70.0, 30.0, 40.0, 20.0, 30.0, 20.0, 20.0, 60.0, 70.0, 10.0, 0.0, 20.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 40.0, -1.0, 40.0, 10.0, 70.0, 70.0, 30.0, 20.0, 80.0, 30.0, 30.0, 30.0, 60.0, 30.0, -1.0, 60.0, 50.0, 30.0, 30.0, -1.0, 10.0, -1.0, 20.0, 30.0, -1.0, 0.0, 30.0, -1.0, 40.0, 10.0, -1.0, 20.0, 50.0, 80.0, 30.0, 30.0, 10.0, 70.0, 10.0, 20.0, 10.0, 40.0, 50.0, 50.0, 10.0, 30.0, 90.0, 50.0, 30.0, 50.0, 20.0, 90.0, 20.0, 20.0, 50.0, 10.0, 40.0, -1.0, 10.0, 40.0, 10.0, -1.0, 40.0, 10.0, 10.0, 20.0, 40.0, 20.0, 40.0, 30.0, 0.0, 30.0, 10.0, 30.0, 30.0, 30.0, 40.0, 0.0, 60.0, 90.0, 50.0, 10.0, 30.0, 10.0, 10.0, 10.0, 40.0], (2200, 1100): [0.0, 40.0, 30.0, 40.0, 30.0, 50.0, 40.0, 20.0, 50.0, 10.0, -1.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 60.0, 90.0, 80.0, 30.0, -1.0, 30.0, 20.0, 90.0, -1.0, 30.0, 50.0, 30.0, -1.0, 50.0, 70.0, 40.0, -1.0, 40.0, 40.0, 40.0, 20.0, 50.0, 20.0, 40.0, 20.0, 40.0, 50.0, 20.0, 20.0, 30.0, 20.0, 90.0, 30.0, 20.0, 20.0, -1.0, 20.0, 100.0, 20.0, -1.0, 50.0, 90.0, -1.0, 70.0, 20.0, 20.0, -1.0, 20.0, 70.0, 50.0, 80.0, 70.0, 50.0, 30.0, 40.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 70.0, 60.0, 60.0, 60.0, 40.0, 50.0, 20.0, 30.0, 80.0, 40.0, 60.0, 60.0, 60.0, 20.0, 80.0, -1.0, 50.0, 100.0, -1.0, -1.0, 30.0, -1.0, -1.0, 60.0, 20.0, 20.0, -1.0, 60.0, 40.0, 80.0, 40.0, 60.0, 40.0, 20.0, -1.0, 40.0, 20.0, 30.0, 50.0, 30.0, 40.0, 10.0, 20.0, 20.0, 80.0, 40.0, 80.0, 60.0, 50.0, 50.0, 40.0, 50.0, 30.0, 10.0, 60.0, 50.0, 10.0, 30.0, -1.0, 30.0, 70.0, 60.0, 40.0, 50.0, 20.0, 10.0, 40.0, 10.0, 40.0, 30.0, 100.0, 40.0, 20.0, 20.0, 20.0, 30.0, 70.0, 50.0, 10.0, 40.0, 50.0, 80.0, 50.0, 20.0, 20.0, 70.0, 30.0, -1.0, 30.0, 40.0, 30.0, 20.0, 30.0, 90.0, 20.0, 10.0, 70.0, 20.0, 30.0, 50.0, 10.0, 60.0, 30.0, 40.0, 60.0, 80.0, 30.0, 40.0, 40.0, 60.0, 40.0, 50.0, 50.0, 30.0, 40.0, -1.0, 40.0, 100.0, 70.0, 60.0, 20.0, 30.0, 30.0, 30.0, 40.0, 50.0, 10.0, 90.0, 30.0, 60.0, 80.0, 60.0, 20.0, 30.0, -1.0, 20.0, 40.0, 50.0, 40.0, 50.0, 20.0, 30.0, 50.0, 40.0, 50.0, 50.0, 20.0, 40.0, 60.0, 20.0, -1.0, 10.0, 30.0, 30.0, 60.0, 60.0, 40.0, 70.0, 10.0, 0.0, -1.0, 50.0, 40.0, 60.0, 30.0, 10.0, 60.0, -1.0, -1.0, 30.0, 40.0, 60.0, 30.0, 20.0, 50.0, 30.0, 30.0, 40.0, -1.0, 40.0, 60.0, 80.0, 40.0, 50.0, 60.0, 60.0, 50.0, 70.0, 40.0, 50.0, 50.0, 60.0, 30.0, 50.0, 50.0, 70.0, 40.0, 40.0, 40.0, 30.0, 50.0, 40.0, 50.0, 50.0, 40.0, -1.0, 50.0, 0.0, -1.0, 40.0, 50.0, 40.0, 10.0, -1.0, 40.0, 70.0, 20.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 30.0, 20.0, -1.0, 40.0, 60.0, 50.0, 50.0, 40.0, 50.0, 100.0, 20.0, 60.0, 50.0, 20.0, 30.0, 50.0, 20.0, 40.0, 40.0, 60.0, 60.0, 50.0, 30.0, 60.0, 40.0, 30.0, 70.0, 60.0, 60.0, 60.0, 70.0, 20.0, 20.0, 30.0, 50.0, 40.0, 80.0, 60.0, 30.0, 60.0, 60.0, -1.0, 20.0, 20.0, 20.0, 40.0, 20.0, 70.0, 20.0, 30.0, 50.0, 50.0, 20.0, 80.0, 20.0, 20.0, 50.0, 60.0, 40.0, 30.0, 30.0, 40.0, 100.0, 20.0, 10.0, 20.0, 70.0, 20.0, 40.0, 40.0, -1.0, 50.0, 100.0, 10.0, 40.0, 50.0, 70.0, 30.0, 20.0, 40.0, 10.0, 30.0, 40.0, 40.0, 40.0, 50.0, 40.0], (8800, 0): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0], (5500, 1100): [80.0, 70.0, 30.0, 10.0, 30.0, 70.0, 0.0, 60.0, 20.0, 80.0, 20.0, 30.0, 50.0, 60.0, 70.0, 60.0, 60.0, 30.0, 20.0, 50.0, 10.0, 40.0, 30.0, 30.0, 20.0, 20.0, 30.0, 40.0, 10.0, 50.0, 10.0, 60.0, 40.0, 50.0, 0.0, 50.0, 30.0, 60.0, 50.0, 10.0, 50.0, 40.0, 30.0, 40.0, 40.0, 70.0, 50.0, 60.0, 10.0, 60.0, 50.0, 30.0, 60.0, 10.0, 10.0, 60.0, 40.0, 90.0, 0.0, 30.0, 50.0, 0.0, 90.0, 30.0, 40.0, 30.0, 10.0, 30.0, 0.0, 40.0, 40.0, 10.0, 40.0, 60.0, 40.0, 10.0, 30.0, 30.0, 30.0, 60.0, 20.0, 40.0, 30.0, 40.0, 100.0, 40.0, 20.0, 50.0, 60.0, 50.0, 10.0, 40.0, 30.0, 0.0, 70.0, 60.0, 40.0, 100.0, 50.0, 10.0, 80.0, 20.0, 20.0, 40.0, 30.0, 30.0, 60.0, 40.0, 80.0, 60.0, 30.0, 20.0, 30.0, 80.0, 10.0, 40.0, 60.0, 70.0, 30.0, 30.0, 10.0, 10.0, 10.0, 30.0, 0.0, 40.0], (4400, 1100): [10.0, 30.0, 0.0, 50.0, 30.0, 60.0, 30.0, 30.0, 60.0, 20.0, 0.0, 10.0, 20.0, 30.0, 0.0, 30.0, 10.0, 20.0, 60.0, 20.0, 0.0, 30.0, 30.0, 20.0, 30.0, 20.0, 40.0, 20.0, 10.0, 30.0, 30.0, 0.0, 0.0, 0.0, 30.0, 40.0, 60.0, 40.0, 0.0, 10.0, 30.0, 0.0, 0.0, 0.0, 10.0, 40.0, 40.0, 10.0, 20.0, 20.0, 0.0, 10.0, 10.0, 30.0, 40.0, 0.0, 10.0, 40.0, 30.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 30.0, 20.0, 0.0, 10.0, 50.0, 0.0, 10.0, 0.0, 0.0, 30.0, 10.0, 40.0, -1.0, 100.0, 30.0, 20.0, 0.0, 0.0, 70.0, 40.0, 0.0, 50.0, 60.0, 90.0, 40.0, 20.0, 0.0, 60.0, 10.0, 20.0, 20.0, 0.0, 50.0, 10.0, 30.0, 20.0, 20.0, 70.0, 20.0, 0.0, 20.0, 0.0, 10.0, 0.0, 30.0, 10.0, -1.0, 20.0, 20.0, 0.0, 0.0, 60.0, 50.0, 50.0, 10.0, 0.0, 10.0, 70.0, 40.0, 0.0, 30.0, 10.0, 10.0, 40.0, 50.0, 50.0, 40.0, 50.0, 30.0, 50.0, 0.0, 20.0, 0.0, 20.0, 10.0], (0, 0): [60.0, 20.0, 50.0, 0.0, 20.0, 50.0, 100.0, 50.0, 100.0, 40.0, 40.0, 20.0, 0.0, 50.0, 20.0, 70.0, 30.0, 20.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, 50.0, 30.0, 70.0, 20.0, 60.0, 70.0, 80.0, 100.0, 10.0, 40.0, 20.0, -1.0, 30.0, 20.0, 10.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 20.0, 40.0, 50.0, 30.0, 50.0, 50.0, 30.0, 0.0, 10.0, 20.0, 30.0, 30.0, 60.0, 20.0, 10.0, 20.0, 20.0, 60.0, 40.0, 80.0, 20.0, 10.0, 10.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 10.0, 50.0, 50.0, 10.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 20.0, 20.0, 100.0, -1.0, 40.0, 10.0, 30.0, 30.0, 10.0, 40.0, 40.0, 10.0, 40.0, 70.0, 40.0, 30.0, 20.0, 50.0, 10.0, 40.0, 10.0, 10.0], (8800, 2200): [30.0, 40.0, 20.0, 100.0, 0.0, 30.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 60.0, 100.0, 70.0, 30.0, 90.0], (4400, 3300): [40.0, 20.0, 30.0, 0.0, 100.0, 40.0, 80.0, 60.0, 40.0, 50.0, 60.0, 10.0, 10.0, 0.0, 100.0, 70.0, 20.0, 10.0, 10.0, 30.0, 30.0, 0.0, 20.0, 40.0, 40.0, 0.0, 10.0, 20.0, 60.0, 90.0, 10.0, 40.0, 90.0, 20.0, 0.0, 0.0, 50.0, 10.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 40.0, 0.0, 20.0, 10.0, 0.0, 0.0, 0.0, 40.0, 20.0, 0.0, 30.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 50.0, 30.0, 20.0, 80.0, 10.0, 0.0, 10.0, 20.0, 0.0, 0.0, 10.0, 0.0, 20.0, 50.0, 20.0, 20.0, 20.0, 80.0, 70.0, 0.0, 0.0, 30.0, 90.0, 0.0, 100.0, 40.0, 10.0, 20.0, 0.0, 20.0, 10.0, 10.0, 50.0, 30.0, 40.0, 20.0, 20.0, 0.0, 60.0, 100.0, 20.0, 0.0, 10.0, 0.0, 20.0, 20.0, 20.0, 0.0, 30.0, 10.0, 0.0, 10.0, 20.0, 40.0, 30.0, 10.0, 30.0, 100.0, 50.0, 60.0, 20.0, 90.0, 30.0, 100.0, 60.0, 10.0, 20.0, 20.0, 100.0, 10.0, 40.0, 50.0, 20.0, 80.0, 10.0, 0.0, 70.0, 40.0, 70.0, 30.0, 0.0, 10.0, 80.0, 10.0, 0.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 30.0, 70.0, 10.0, 0.0, 0.0, 40.0, 70.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 10.0, 0.0, 20.0, 10.0, 50.0, 0.0, 50.0, 60.0, 0.0, 90.0, 10.0, 0.0, 30.0, 10.0, 0.0, 50.0, 10.0, 10.0, 10.0, 60.0, 30.0, 60.0, 80.0, 10.0, 10.0, 20.0, 0.0, 0.0, 90.0, 0.0, 100.0, 80.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 10.0, 90.0, 100.0, 10.0, 30.0, 20.0, 10.0, 70.0, 10.0, 0.0, 70.0, 30.0, 30.0, 30.0, 0.0, 10.0, 100.0, 80.0, 0.0, 10.0, 20.0, 60.0, 0.0, 0.0, 40.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 10.0, 0.0, 60.0, 60.0, 0.0, 70.0, 20.0, 40.0, 20.0, 0.0, 0.0, 0.0, 60.0, 30.0, 0.0, 60.0, 0.0, 40.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 90.0, 50.0, 10.0, 0.0, 0.0, 10.0, 10.0, 60.0, 40.0, 10.0, 20.0, 10.0, 40.0, 0.0, 50.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 40.0, 30.0, 30.0, 90.0, 10.0, 0.0, 60.0, 100.0, 30.0, 80.0, 20.0, -1.0, 40.0, 0.0, 0.0, 0.0, 30.0, 10.0, 0.0, 20.0, 0.0, 50.0, 60.0, 40.0, 0.0, 60.0, 30.0, 0.0, 70.0, 10.0, 10.0, 20.0, 70.0, 60.0, 20.0, 0.0, 20.0, 30.0, 40.0, 50.0, 50.0, 0.0, 100.0, 20.0, 100.0, 20.0, 40.0, 50.0, 70.0, 0.0, 30.0, 10.0, 30.0, 0.0, 0.0, 60.0, 20.0, 60.0, 10.0, 0.0], (8800, 3300): [100.0, 100.0, 100.0, 40.0, 100.0, 30.0, 20.0, 100.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 30.0, 100.0, 30.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0], (6600, 0): [80.0, 60.0, 70.0, 60.0, 60.0, 50.0, 60.0, 50.0, 60.0, 30.0, 60.0, 60.0, 30.0, 80.0, 70.0, 70.0, 70.0, 50.0, 70.0, 80.0, 50.0, 70.0, 60.0, 30.0, 50.0, 80.0, 50.0, 40.0, 60.0, 60.0, 60.0, 20.0, 50.0, 50.0, 50.0, 30.0, 60.0, 50.0, 50.0, 70.0, 60.0, 40.0, 50.0, 40.0, 60.0, 50.0, 70.0, 70.0, 60.0, 90.0, 90.0, 60.0, 70.0, 70.0, 20.0, 70.0, 60.0, 60.0, 90.0, 60.0, 100.0, 40.0, 70.0, 30.0, 40.0, 60.0, 60.0, 50.0, 50.0, 80.0, 70.0, 70.0, 100.0, 60.0, 60.0, 50.0, 60.0, 60.0, 50.0, 70.0, 90.0, 70.0, 50.0, 80.0, 60.0, 70.0, 60.0, 60.0, 90.0, 40.0, 60.0, 20.0, 70.0, 70.0, 50.0, 60.0, 40.0, 60.0, 60.0, 90.0, 60.0, 90.0, 70.0, 100.0, 60.0, 50.0, 80.0, 70.0, 70.0, 60.0, 70.0, 60.0, 70.0, 60.0, 60.0, 70.0, 70.0, 50.0, 30.0, 60.0, 70.0, 80.0, 30.0, 80.0, 70.0], (7700, 1100): [100.0, 50.0, 80.0, 20.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 20.0, 70.0, 100.0, 10.0, 100.0, 100.0, 70.0, 100.0, 100.0, 80.0, 100.0, 80.0, 40.0, 40.0, 20.0, 80.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 60.0, 70.0, 40.0, 100.0, 50.0, 80.0, 80.0, 50.0, 20.0, 100.0, 80.0, 100.0, 80.0, 100.0, 80.0, 50.0, 90.0, 60.0, 80.0, 50.0, 30.0, 10.0, 10.0, 100.0, 100.0, 40.0, 90.0, 100.0, 50.0, 100.0, 80.0, 10.0, 80.0, 100.0, 100.0, 40.0, 100.0, 60.0, 50.0, 10.0, 20.0, 30.0, 40.0, 60.0, 50.0, 100.0, 100.0, 70.0, 70.0, 50.0, 100.0, 90.0, 80.0, 90.0, 90.0, 90.0, 80.0, 10.0, 80.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 70.0, 90.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 60.0, 70.0, 30.0, 70.0, 40.0, 80.0], (5500, 0): [10.0, 40.0, 40.0, 30.0, 10.0, 10.0, 40.0, 20.0, 40.0, 50.0, 50.0, 30.0, 60.0, 40.0, 20.0, 80.0, 40.0, 10.0, 50.0, 30.0, 20.0, 30.0, 40.0, 40.0, 30.0, 30.0, 40.0, 50.0, 30.0, 40.0, 30.0, 10.0, 40.0, 50.0, 30.0, 40.0, 50.0, 50.0, 40.0, 20.0, 40.0, 40.0, 30.0, 50.0, 40.0, 10.0, 20.0, 50.0, 50.0, 40.0, 30.0, 40.0, 40.0, 50.0, 20.0, 70.0, 20.0, 50.0, 30.0, 40.0, 40.0, 40.0, 20.0, 30.0, 40.0, 0.0, 50.0, 60.0, 30.0, 60.0, 50.0, 40.0, 30.0, 70.0, 50.0, 30.0, 60.0, 40.0, 60.0, 30.0, 20.0, 30.0, 60.0, 40.0, 30.0, 40.0, 50.0, 60.0, 20.0, 30.0, 40.0, 20.0, 30.0, 70.0, 50.0, 50.0, 30.0, 60.0, 30.0, 40.0, 40.0, 20.0, 40.0, 20.0, 80.0, 40.0, 50.0, 30.0, 40.0, 10.0, 50.0, 20.0, 40.0, 40.0, 40.0, 20.0, 30.0, 20.0], (6600, 2200): [90.0, 70.0, 60.0, 80.0, 30.0, 80.0, 90.0, 100.0, 10.0, 10.0, 30.0, 30.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 70.0, 80.0, 10.0, 30.0, 0.0, 30.0, 40.0, 80.0, 100.0, 100.0, 30.0, 70.0, 70.0, 0.0, 90.0, 20.0, 10.0, 10.0, 20.0, 40.0, 40.0, 90.0, 40.0, 30.0, 10.0, 80.0, 60.0, 100.0, 30.0, 100.0, 100.0, 70.0, 0.0, 100.0, 80.0, 90.0, 10.0, 0.0, 60.0, 10.0, 90.0, 70.0, 10.0, 100.0, 50.0, 70.0, 100.0, 60.0, 0.0, 10.0, 10.0, 100.0, 100.0, 40.0, 0.0, 90.0, 70.0, 20.0, 70.0, 20.0, 100.0, 20.0, 40.0, 30.0, 0.0, 60.0, 70.0, 10.0, 70.0, 10.0, 0.0, 100.0, 80.0, 80.0, 80.0, 100.0, 40.0, 100.0, 10.0, 50.0, 20.0, 0.0, 0.0, 90.0, 10.0, 10.0, 20.0, 60.0, 50.0, 100.0, 20.0, 60.0, 80.0, 80.0, 100.0, 0.0, 60.0, 50.0, 30.0, 90.0, 90.0, 50.0, 50.0, 100.0, 0.0, 70.0, 100.0, 80.0, 100.0, 30.0, 80.0, 70.0, 100.0, 30.0, 80.0, 40.0, 100.0, 100.0, 10.0, 60.0, 0.0, 60.0, 50.0, 100.0, 80.0, 10.0, 30.0, 0.0, 100.0, 0.0], (8800, 5500): [100.0, 10.0, 90.0, 100.0, 10.0, 10.0, 80.0, 0.0, 100.0, 100.0, 10.0, 10.0, 0.0, 100.0], (4400, 2200): [10.0, 20.0, 20.0, 20.0, 90.0, 0.0, 40.0, 20.0, 50.0, 10.0, 10.0, 20.0, 10.0, 100.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 0.0, 30.0, 30.0, 0.0, 0.0, 30.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 40.0, 30.0, 80.0, 0.0, 100.0, 0.0, 0.0, 0.0, 60.0, 50.0, 30.0, 80.0, 10.0, 80.0, 30.0, 0.0, 20.0, 10.0, 60.0, 40.0, 40.0, 0.0, 20.0, 0.0, 20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 50.0, 40.0, 20.0, 20.0, 0.0, 0.0, 0.0, 40.0, 10.0, 30.0, 100.0, 60.0, 10.0, 50.0, 50.0, 20.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 100.0, 30.0, 60.0, 0.0, 70.0, 30.0, 50.0, 40.0, 0.0, 0.0, 10.0, 50.0, 10.0, 40.0, 50.0, 60.0, 0.0, 0.0, 10.0, 50.0, 40.0, 0.0, 0.0, 10.0, 90.0, 10.0, 50.0, 20.0, 10.0, 80.0, 20.0, 0.0, 0.0, 20.0, 40.0, 80.0, 20.0, 30.0, 60.0, 10.0, 40.0, 60.0, 0.0, 10.0, 40.0, 0.0, 70.0, 10.0, 20.0, 100.0, 0.0, 10.0, 0.0, 60.0, 20.0, 0.0, 0.0, 10.0, 0.0, 100.0, 100.0, 20.0, 50.0, 10.0, 10.0, 30.0, 60.0, 0.0, 80.0, 30.0, 0.0, 90.0, 0.0, 90.0, 70.0, 70.0, 20.0, 0.0, -1.0, 20.0, 0.0, 30.0, 0.0, 60.0, 40.0, 40.0, 0.0, 100.0, 90.0, 70.0, 10.0, 10.0, 0.0, 0.0, 20.0, 10.0, 100.0, 40.0, 10.0, 0.0, 20.0, 0.0, 30.0, 50.0, 10.0, 60.0, 20.0, 10.0, 0.0, 20.0, 10.0, 100.0, 80.0, 30.0, 10.0, 10.0, 0.0, 10.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 30.0, 30.0, 10.0, 0.0, 0.0, 80.0, 20.0, 80.0, 40.0, 40.0, 20.0, 20.0, 0.0, 10.0, 30.0, 20.0, 50.0, 30.0, 20.0, 40.0, 10.0, 30.0, 10.0, 70.0, 30.0, 0.0, 0.0, 0.0, 80.0, 20.0, 30.0, 30.0, 20.0, 0.0, 0.0, 30.0, 30.0, 100.0, 20.0, 10.0, 10.0, 30.0, 30.0, 20.0, 0.0, 70.0, 30.0, 40.0, 0.0, 0.0, 60.0, 0.0, 0.0, 30.0, 20.0, 40.0, 20.0, 10.0, 10.0, 30.0, 50.0, 100.0, 10.0, 50.0, 20.0, 40.0, 30.0, 10.0, 50.0, 60.0, 40.0, 30.0, 50.0, 0.0, 10.0, 70.0, 20.0, 10.0, 20.0, 0.0, 80.0, 40.0, 30.0, 10.0, 20.0, 0.0, 40.0, 0.0, 60.0, 0.0, 30.0, 30.0, 0.0, 80.0, 20.0, 30.0, 0.0, 20.0, 20.0, 10.0, 20.0, 20.0, 0.0, 40.0, 10.0, 50.0, 0.0, 0.0, 40.0, 0.0, 0.0, 100.0, 40.0, 30.0, 10.0, 40.0, 40.0, 0.0, 20.0, 30.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 30.0, 20.0, 30.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 10.0, 40.0, 0.0, 20.0, 0.0, 0.0, 30.0, 0.0, 80.0, 20.0, 10.0, 0.0, 20.0, -1.0, 20.0, 60.0, 30.0, 0.0, 0.0, 80.0, 0.0, 100.0, 20.0, 0.0, 100.0, 0.0, 40.0, 10.0, 30.0, 30.0, 0.0, 20.0, 0.0, 0.0, 20.0, 10.0, 0.0, 0.0, 20.0, 0.0, 10.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 30.0, 10.0, 10.0, 60.0, 20.0, 30.0, 0.0, 0.0, 30.0, 60.0, 20.0, 10.0], (6600, 1100): [30.0, 100.0, 80.0, 70.0, 40.0, 90.0, 100.0, 20.0, 50.0, 60.0, 90.0, -1.0, 100.0, 10.0, 100.0, 90.0, 80.0, 90.0, 40.0, 70.0, 30.0, 90.0, 60.0, 70.0, 30.0, 60.0, 50.0, 60.0, 100.0, 60.0, 100.0, 80.0, 10.0, 40.0, 100.0, 90.0, 40.0, 100.0, 20.0, 100.0, 30.0, 60.0, 70.0, 60.0, 30.0, 30.0, 100.0, 20.0, 30.0, 70.0, 20.0, 80.0, 100.0, 100.0, 20.0, 70.0, 10.0, 0.0, 50.0, 70.0, 100.0, 40.0, 50.0, 50.0, 60.0, 40.0, 70.0, 70.0, 30.0, 50.0, 70.0, 20.0, 90.0, 70.0, 30.0, 100.0, 80.0, 90.0, 60.0, 50.0, 20.0, 80.0, 60.0, 100.0, 0.0, 80.0, 20.0, 50.0, 90.0, 80.0, 90.0, 60.0, 100.0, 90.0, 100.0, 0.0, 60.0, 80.0, 30.0, 90.0, 90.0, 30.0, 50.0, 100.0, 80.0, 100.0], (5500, 3300): [60.0, 60.0, 50.0, 70.0, 0.0, 0.0, 100.0, 0.0, 0.0, 20.0, 0.0, 50.0, 50.0, 20.0, 100.0, 30.0, 10.0, 10.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 20.0, 20.0, 50.0, 40.0, 0.0, 60.0, 70.0, 60.0, 10.0, 30.0, 0.0, 10.0, 100.0, 10.0, 60.0, 90.0, 40.0, 70.0, 100.0, 40.0, 0.0, 100.0, 0.0, 0.0, 50.0, 20.0, 60.0, 20.0, 10.0, 0.0, 20.0, 0.0, 20.0, 40.0, 0.0, 0.0, 20.0, 10.0, 0.0, 0.0, 100.0, 40.0, 0.0, 10.0, 60.0, 10.0, 10.0, 0.0, 100.0, 40.0, 40.0, 0.0, 0.0, 30.0, 60.0, 90.0, 40.0, 40.0, 0.0, 30.0, 80.0, 10.0, 30.0, 40.0, 0.0, 10.0, 0.0, 20.0, 30.0, 20.0, 30.0, 0.0, 10.0, 0.0, 10.0, 0.0, 80.0, 60.0, 50.0, 0.0, 10.0, 0.0, 90.0, 0.0, 10.0, 80.0, 90.0, 0.0, 10.0, 0.0, 60.0, 0.0, 100.0, 10.0, 100.0, 100.0, 20.0, 50.0, 20.0, 90.0, 20.0, 20.0, 60.0, 50.0, 0.0, 100.0, 10.0, 20.0, 10.0, 40.0, 0.0, 50.0, 0.0, 0.0, 100.0, 90.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 90.0, 0.0, 10.0, 20.0, 100.0, 90.0, 60.0, 60.0, 80.0, 60.0, 0.0, 40.0, 20.0, 10.0, 70.0, 20.0, 0.0, 90.0, 30.0, 90.0, 0.0, 80.0, 20.0, 100.0, 0.0, 50.0, 0.0, 100.0, 0.0, 0.0, 60.0, 60.0, 30.0, 30.0, 40.0, 40.0, 20.0, 0.0, 30.0, 80.0, 0.0, 70.0, 100.0, 10.0, 0.0, 20.0, 30.0, 100.0, 90.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 10.0, 100.0, 30.0, 60.0, 70.0, 70.0, 30.0, 70.0, 30.0, 100.0, 0.0, 80.0, 0.0, 80.0, 0.0, 100.0, 0.0, 40.0, 0.0, 0.0, 90.0, 30.0, 20.0, 10.0, 0.0, 100.0, 0.0, 20.0, 80.0, 100.0, 70.0, 0.0, 50.0, 0.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 60.0, 40.0, 30.0, 90.0, 0.0, 90.0, 0.0, 100.0, 10.0, 80.0, 60.0, 20.0, 50.0, 0.0, 10.0, 30.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 40.0, 100.0, 0.0, 30.0, 0.0, 80.0, 10.0, 10.0, 50.0, 100.0, 0.0, 100.0, 0.0, 60.0, 0.0, 100.0, 0.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 0.0, 0.0, 100.0, 60.0, 90.0, 30.0, 30.0, 0.0, 100.0, 40.0, 70.0, 10.0, 40.0, 20.0, 80.0, 0.0, 10.0, 80.0, 20.0, 0.0, 100.0, 0.0, 0.0, 10.0, 20.0, 90.0, 0.0, 30.0, 30.0, 70.0, 60.0, 10.0, 50.0, 20.0, 0.0, 0.0, 80.0, 90.0, 70.0, 0.0, 40.0, 50.0, 20.0, 20.0, 40.0, 100.0, 0.0, 40.0, 100.0, 70.0, 10.0, 100.0, 40.0, 0.0, 0.0, 30.0, 10.0, 30.0, 100.0, 20.0, 50.0, 30.0, 10.0, 0.0, 0.0, 60.0, 100.0, 10.0, 100.0, 0.0, 50.0, 80.0, 0.0, 30.0, 60.0, 20.0, 100.0, 10.0, 0.0, 20.0, 20.0, 80.0, 90.0, 30.0, -1.0, 30.0, 0.0, 0.0, 0.0, 70.0, 0.0, 90.0, 70.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 10.0, 90.0, 70.0, 20.0, 0.0, 80.0, 20.0, 50.0, 100.0, 10.0, 80.0, 70.0, 80.0, 90.0, 20.0, 10.0, 60.0, 0.0, 40.0, 80.0, 40.0, 90.0, 0.0, 50.0, 60.0, 50.0, 0.0, 0.0, 20.0, 70.0, 20.0, 60.0, 10.0, 0.0, 10.0, 0.0, 0.0, 50.0, 0.0, 20.0, 10.0, 0.0, 0.0, 0.0, 10.0, 20.0, 20.0, 0.0, 0.0, 0.0, 30.0, 0.0, 20.0, 30.0, 40.0, 0.0, 10.0, 20.0, 20.0, 100.0, 20.0, 20.0, 30.0, 70.0, 20.0, 0.0, 10.0, 0.0, 100.0, 10.0, 60.0, 40.0, 70.0, 100.0, 50.0, 20.0, 60.0, 100.0, 90.0, 20.0, 30.0, 80.0, 100.0, 100.0, 50.0, 0.0, 80.0, 0.0, 90.0, 100.0, 0.0, 0.0, 100.0, 0.0, 90.0, 0.0, 10.0, 100.0, 10.0, 50.0, 100.0, 20.0, 100.0, 0.0, 10.0, 60.0, 50.0, 40.0, 40.0, 50.0, 100.0, 40.0, 100.0, 100.0, 50.0, 90.0, 50.0, 90.0, 30.0, 0.0, 0.0, 0.0, 70.0, 50.0, 100.0, 0.0, 0.0, 20.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 10.0, 40.0, 10.0, 60.0, 30.0, 0.0, 0.0, 10.0, 0.0, 0.0, 40.0, 60.0, 10.0, 90.0, 70.0, 100.0, 30.0, 30.0, 50.0, 0.0, 70.0, 20.0, 0.0, 100.0, 10.0, 100.0, 30.0, 0.0, 0.0, 60.0, 20.0, 10.0], (7700, 2200): [100.0, 100.0, 100.0, 30.0, 50.0, 100.0, 100.0, 90.0, 50.0, 100.0, 70.0, 100.0, 20.0, 100.0, 100.0, 40.0, 100.0, 0.0, 100.0, 100.0, 80.0, 40.0, 70.0, 100.0, 60.0, 100.0, 100.0, 20.0, 40.0, 50.0, 30.0, 100.0, 100.0, 100.0, 100.0, 0.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 90.0, 70.0, 100.0, 40.0, 0.0, 20.0, 30.0, 50.0, 100.0, 100.0, 60.0, 100.0, 70.0, 10.0, 60.0, 100.0, 50.0, 100.0, 100.0, 60.0, 60.0, 100.0, 80.0, 10.0, 30.0, 80.0, 100.0, 50.0, 100.0, 100.0, 10.0, 60.0, 20.0, 100.0, 100.0, 80.0, 80.0, 70.0, 100.0, 90.0, 60.0, 70.0, 20.0, 100.0, 0.0, 80.0, 100.0, 20.0, 100.0, 10.0, 30.0, 80.0, 20.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 100.0, 60.0, 100.0, 90.0, 40.0, 100.0, 50.0, 100.0, 100.0, 40.0, 20.0], (8800, 1100): [40.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 80.0, 60.0, 100.0, 50.0, 100.0, 90.0, 70.0, 100.0, 40.0, 80.0, 100.0], (7700, 5500): [100.0, 30.0, 10.0, 100.0, 40.0, 20.0, 40.0, 80.0, 10.0, 100.0, 90.0, 70.0, 0.0, 70.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 60.0, 80.0, 100.0, 30.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 20.0, 60.0, 100.0, 0.0, 100.0, 90.0, 100.0], (4400, 0): [30.0, 0.0, 20.0, 10.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 20.0, 10.0, 0.0, 10.0, 30.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, 0.0, 40.0, 10.0, 0.0, 10.0, 0.0, 10.0, 10.0, 20.0, 20.0, 10.0, 20.0, 20.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 20.0, 10.0, 0.0, 10.0, 10.0, 10.0, -1.0, 10.0, 0.0, 10.0, 20.0, 30.0, 20.0, 30.0, 0.0, -1.0, 0.0, -1.0, -1.0, 10.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 30.0, 50.0, 40.0, 10.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 20.0, 20.0, 20.0, 0.0, 20.0, -1.0, 10.0, 20.0, 20.0, 20.0, 40.0, 30.0, 30.0, 10.0, 0.0, 10.0, 10.0, 20.0, 0.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0], (5500, 2200): [40.0, 10.0, 20.0, 20.0, 0.0, 30.0, 20.0, 20.0, 20.0, 0.0, 50.0, 100.0, 0.0, 40.0, 0.0, 0.0, 10.0, 60.0, 60.0, 10.0, 30.0, 0.0, 70.0, 30.0, 40.0, 0.0, 30.0, 10.0, 50.0, 0.0, 0.0, 40.0, 100.0, 90.0, 10.0, 10.0, 100.0, 30.0, 90.0, 30.0, 0.0, 90.0, 40.0, 0.0, 80.0, 10.0, 10.0, -1.0, 50.0, 30.0, 0.0, 40.0, 60.0, 80.0, 0.0, 70.0, 20.0, 60.0, 50.0, 0.0, 50.0, 80.0, 0.0, 40.0, 80.0, 100.0, 40.0, 10.0, 0.0, 10.0, 50.0, 0.0, 90.0, 70.0, 40.0, 30.0, 10.0, 0.0, 10.0, 30.0, 20.0, 10.0, 30.0, 40.0, 20.0, 70.0, 80.0, 10.0, 60.0, 0.0, 50.0, 80.0, 100.0, 0.0, 20.0, 10.0, 0.0, 40.0, 30.0, 40.0, 10.0, 30.0, 10.0, 0.0, 50.0, 0.0, 10.0, 40.0, 0.0, 30.0, 20.0, 10.0, 20.0, 20.0, -1.0, 20.0, 30.0, 10.0, 20.0, 70.0, 100.0, 40.0, 10.0, 10.0, 90.0, 80.0, 0.0, 20.0, 0.0, 0.0, 20.0, 60.0, 0.0, 70.0, 0.0, 30.0, 70.0, 10.0, 70.0, 0.0, 0.0, 70.0, 50.0, 30.0, 100.0, 100.0, 70.0, 60.0, 20.0, 40.0, 20.0, 100.0, 100.0, 50.0, 10.0, 0.0, 10.0, 20.0, 0.0, 20.0, 70.0, 100.0, 0.0, 70.0, 30.0, 50.0, 100.0, 10.0, 50.0, 70.0, 0.0, 100.0, 100.0, 30.0, 60.0, 50.0, 10.0, 60.0, 40.0, 60.0, 100.0, 0.0, 20.0, 70.0, 0.0, 60.0, 10.0, 0.0, 30.0, 0.0, 100.0], (3300, 0): [10.0, 10.0, 10.0, 10.0, 10.0, 0.0, -1.0, 30.0, -1.0, -1.0, 40.0, 10.0, 10.0, 20.0, 20.0, 10.0, 50.0, 10.0, -1.0, 10.0, 10.0, 10.0, 40.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 10.0, 10.0, 40.0, 20.0, 10.0, 10.0, 10.0, 20.0, -1.0, 20.0, 0.0, 10.0, 20.0, 20.0, 10.0, -1.0, 20.0, 10.0, -1.0, 10.0, 10.0, 30.0, 20.0, 10.0, -1.0, -1.0, 30.0, 0.0, -1.0, 20.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 30.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 0.0, 20.0, 10.0, 10.0, -1.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, -1.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, -1.0, 20.0, -1.0, 10.0, 10.0, 30.0, 30.0, 30.0, 10.0, 0.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 40.0, 20.0, 10.0, -1.0, 30.0, 10.0, -1.0, 20.0, 10.0, 10.0, 10.0, 10.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1200 = {(6000, 1200): [30.0, 100.0, 70.0, 60.0, 30.0, 0.0, 100.0, 20.0, 80.0, -1.0, 30.0, 100.0, 50.0, 30.0, 80.0, 90.0, 60.0, 40.0, 0.0, 70.0, 80.0, 60.0, 70.0, 30.0, 50.0, 90.0, 10.0, 40.0, 100.0, 30.0, 30.0, 20.0, 40.0, 60.0, 30.0, 60.0, 100.0, 50.0, 30.0, 10.0, 60.0, 50.0, 40.0, 100.0, 50.0, 0.0, 40.0, 40.0, 50.0, 70.0, 20.0, 60.0, 10.0, 10.0, 60.0, 100.0, 30.0, 50.0, 60.0, 10.0, 60.0, 60.0, 30.0, 30.0, 90.0, 30.0, 0.0, 10.0, 30.0, 0.0, 40.0, 70.0, 10.0, 40.0, 70.0, 20.0, 80.0, 70.0, 100.0, 30.0, 70.0, 30.0, 40.0, 60.0, 10.0, 70.0, 30.0, 0.0, 60.0, 50.0, 50.0, 80.0, 100.0, 50.0, 50.0, 40.0, 30.0, 50.0, 70.0, 50.0, 60.0, 50.0, 0.0, 40.0, 70.0, 70.0, 30.0, 60.0, 100.0, 80.0, 50.0, 80.0, 80.0, 20.0, 40.0, 80.0, 50.0, 60.0, 50.0, 50.0, 30.0, 20.0, 40.0, 100.0, 0.0, 30.0, 100.0, 70.0, 30.0, 80.0, 60.0, 100.0, 60.0, 30.0, 70.0, 60.0, 60.0, 40.0, 10.0, 70.0, 10.0, 90.0, 40.0], (4800, 4800): [0.0, 40.0], (8400, 1200): [100.0, 50.0, 20.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 70.0, 100.0, 100.0, 80.0, 40.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 20.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 20.0, 50.0, 50.0, 100.0, 10.0, 100.0, 100.0, 100.0, 80.0, 50.0, 100.0, 100.0, 100.0, 50.0, 90.0, 100.0, 90.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 80.0, 100.0, 100.0], (2400, 1200): [50.0, 60.0, 0.0, 40.0, 30.0, 40.0, 20.0, 40.0, 30.0, 30.0, 40.0, 50.0, 40.0, 20.0, 50.0, 10.0, -1.0, 20.0, 20.0, 40.0, 10.0, 20.0, 10.0, 20.0, 60.0, 90.0, 80.0, 30.0, -1.0, 30.0, 20.0, 90.0, -1.0, 30.0, 50.0, 30.0, 30.0, 60.0, 20.0, -1.0, 50.0, 30.0, 30.0, 20.0, 70.0, 90.0, 40.0, -1.0, 50.0, 80.0, 40.0, 40.0, 10.0, 40.0, 20.0, 50.0, 50.0, 40.0, 40.0, 30.0, 20.0, 20.0, 20.0, 30.0, 30.0, 20.0, 40.0, 40.0, 20.0, 20.0, 30.0, 30.0, 20.0, 100.0, 50.0, 40.0, 80.0, 90.0, 20.0, -1.0, 50.0, 70.0, 90.0, -1.0, 70.0, 20.0, 40.0, 20.0, 40.0, 40.0, 20.0, -1.0, 20.0, 70.0, 40.0, 50.0, 80.0, 50.0, 70.0, 50.0, 30.0, 70.0, 40.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 30.0, 60.0, 60.0, 60.0, 40.0, 50.0, 30.0, 20.0, 80.0, 40.0, 60.0, 60.0, 60.0, 20.0, 80.0, -1.0, 50.0, -1.0, 100.0, 40.0, -1.0, 30.0, -1.0, 60.0, 20.0, 20.0, -1.0, -1.0, 60.0, 50.0, 80.0, 40.0, 60.0, 40.0, 20.0, 40.0, 30.0, 30.0, 10.0, 40.0, 20.0, 30.0, 50.0, 30.0, 40.0, 20.0, 20.0, 80.0, 30.0, 40.0, 80.0, 20.0, 60.0, 50.0, 50.0, 40.0, -1.0, 50.0, 50.0, 30.0, 50.0, 10.0, 30.0, 90.0, 40.0, 70.0, 60.0, 60.0, 60.0, 40.0, 50.0, 20.0, 60.0, 40.0, 30.0, 10.0, 40.0, 10.0, 40.0, 30.0, 100.0, 40.0, 20.0, 20.0, 20.0, 40.0, 30.0, 30.0, 40.0, 50.0, 40.0, 10.0, 40.0, 50.0, 80.0, 0.0, 40.0, 50.0, 20.0, 20.0, 70.0, 30.0, -1.0, 30.0, 30.0, 20.0, 30.0, 90.0, 20.0, 40.0, 80.0, 70.0, 20.0, 30.0, 10.0, 30.0, 40.0, 60.0, 80.0, 30.0, 40.0, 40.0, 70.0, 50.0, 60.0, 20.0, 60.0, 40.0, 50.0, 30.0, 100.0, 50.0, 30.0, 30.0, 40.0, 30.0, 30.0, 40.0, 100.0, 40.0, 70.0, 60.0, 20.0, 30.0, 30.0, 60.0, 80.0, 30.0, 40.0, 50.0, 90.0, 60.0, 10.0, 80.0, 20.0, 50.0, 60.0, 20.0, 30.0, 30.0, 60.0, 20.0, -1.0, 20.0, 40.0, 40.0, 50.0, 20.0, 30.0, 90.0, 50.0, 40.0, 50.0, 40.0, 20.0, 40.0, 60.0, 20.0, -1.0, 20.0, 60.0, 60.0, 40.0, 40.0, 70.0, 10.0, 0.0, 60.0, 60.0, 70.0, 20.0, 10.0, 40.0, 60.0, 80.0, 30.0, 10.0, 60.0, -1.0, 30.0, 20.0, 40.0, 60.0, 30.0, 20.0, 50.0, 30.0, 30.0, 20.0, 40.0, -1.0, 40.0, 60.0, 80.0, 30.0, 40.0, 40.0, 70.0, 50.0, 60.0, 50.0, 40.0, 50.0, 90.0, 50.0, 70.0, 30.0, 50.0, 30.0, 50.0, 30.0, 70.0, 40.0, 30.0, 40.0, 30.0, 50.0, 50.0, 80.0, 40.0, 50.0, 50.0, 40.0, -1.0, 30.0, 50.0, -1.0, 50.0, 60.0, 0.0, 60.0, 30.0, 40.0, 50.0, 40.0, 10.0, -1.0, -1.0, 40.0, 20.0, 30.0, -1.0, 20.0, 50.0, 0.0, 20.0, 30.0, 40.0, 40.0, 40.0, 40.0, 30.0, 20.0, -1.0, 20.0, 40.0, 60.0, 40.0, 30.0, 70.0, 50.0, 60.0, 40.0, 50.0, 100.0, 20.0, 50.0, 20.0, 30.0, -1.0, 50.0, 20.0, 40.0, 40.0, 60.0, 50.0, 40.0, 30.0, 60.0, 50.0, 40.0, 10.0, 30.0, 90.0, 30.0, 70.0, 60.0, 60.0, 30.0, 70.0, 20.0, -1.0, 30.0, 30.0, 50.0, 40.0, 80.0, 60.0, 90.0, 40.0, 60.0, 30.0, 10.0, 60.0, 60.0, 40.0, -1.0, 20.0, 20.0, 20.0, 40.0, 40.0, 40.0, 20.0, 70.0, 20.0, 30.0, 50.0, 40.0, 20.0, 80.0, 20.0, 20.0, 50.0, 50.0, 40.0, 30.0, 30.0, 60.0, 40.0, 30.0, 100.0, 20.0, 40.0, 10.0, 100.0, 70.0, 40.0, 90.0, 20.0, 40.0, 40.0, -1.0, 100.0, 40.0, 50.0, 70.0, 30.0, 30.0, 30.0, 10.0, 30.0, 40.0, 40.0, 40.0, 50.0, 40.0], (4800, 1200): [70.0, 10.0, 0.0, 30.0, 10.0, 10.0, 70.0, 50.0, 60.0, 60.0, 30.0, 20.0, 60.0, 20.0, 0.0, 10.0, 30.0, 30.0, 10.0, 20.0, 0.0, 0.0, 30.0, 40.0, 40.0, 60.0, 20.0, 30.0, 30.0, 20.0, 30.0, 0.0, 0.0, 30.0, 0.0, 30.0, 10.0, 50.0, 60.0, 40.0, 10.0, 10.0, 0.0, 40.0, 50.0, 0.0, 0.0, 40.0, 60.0, 0.0, 0.0, 10.0, 10.0, 50.0, 40.0, 40.0, 10.0, 20.0, 0.0, 30.0, 10.0, 40.0, 40.0, 100.0, 0.0, 10.0, 10.0, 40.0, 10.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 30.0, 30.0, 20.0, 0.0, 10.0, 60.0, 40.0, 0.0, 50.0, 50.0, 0.0, 0.0, 30.0, 0.0, 40.0, 30.0, 0.0, 30.0, 10.0, 10.0, 100.0, 40.0, 20.0, 0.0, 60.0, 10.0, 40.0, 10.0, 20.0, 10.0, 0.0, 70.0, 20.0, 50.0, 60.0, 10.0, 90.0, 40.0, 30.0, 60.0, 0.0, 20.0, 10.0, 100.0, 20.0, 40.0, 0.0, 40.0, 20.0, 50.0, 10.0, 30.0, 10.0, 20.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 40.0, 10.0, 20.0, 0.0, 100.0, 20.0, 20.0, 10.0, 60.0, 50.0, 30.0, 10.0, 60.0, 10.0, 80.0, 0.0, 0.0, 60.0, 30.0, 10.0, 10.0, 20.0, 50.0, 40.0, 50.0, 30.0, 50.0, 10.0, 40.0, 30.0, 20.0, 10.0, 30.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0], (6000, 4800): [90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 50.0, 0.0, 50.0, 0.0, 100.0, 90.0, 90.0, 50.0, 60.0, 30.0, 20.0, 0.0, 0.0, 60.0, 50.0, 0.0, 0.0, 10.0, 90.0, 90.0, 30.0, 100.0, 10.0, 50.0, 50.0, 0.0, 10.0, 0.0, 50.0, 100.0, 90.0, 20.0, 100.0, 100.0, 0.0, 100.0, 40.0, 40.0, 30.0, 0.0, 20.0, 10.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 50.0, 70.0, 60.0, 10.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 40.0, 10.0, 50.0], (2400, 2400): [-1.0, 20.0, 30.0, -1.0, 50.0, 30.0, 60.0, -1.0, 50.0, 40.0, 20.0, 80.0, 80.0, 70.0, 20.0, 50.0, 40.0, 60.0, 60.0, 40.0, 50.0, 10.0, 40.0, 50.0, 50.0, 30.0, 60.0, 40.0, 30.0, 40.0, 30.0, 40.0, 20.0, 80.0, 40.0, 20.0, 100.0, 30.0, 30.0, 40.0, 70.0, 20.0, 50.0, 30.0, 30.0, 100.0, 30.0, 50.0, 20.0, 50.0, 30.0, 40.0, -1.0, 10.0, 90.0, 30.0, 60.0, 40.0, 50.0], (2400, 0): [0.0, 30.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, -1.0, -1.0, -1.0, -1.0, 10.0, 30.0, -1.0, 10.0, -1.0, 0.0, -1.0, 60.0, -1.0, -1.0, 20.0, 10.0, 40.0, 0.0, 10.0, 10.0, -1.0, -1.0, 10.0, 40.0, 20.0, 10.0, 30.0, 10.0, -1.0, 20.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, -1.0, 10.0, 10.0, 20.0, -1.0, -1.0, 10.0, 10.0, 20.0, 0.0, 30.0, -1.0, 30.0, 20.0, 10.0, 20.0, -1.0, 20.0, -1.0, 10.0, -1.0, 30.0, 20.0, -1.0, 30.0, 10.0, 30.0, 20.0, 0.0, -1.0, 20.0, 20.0, 20.0, 40.0, 10.0, -1.0, -1.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 0.0, -1.0, 30.0, -1.0, 0.0, 20.0, 10.0, 10.0, 20.0, -1.0, -1.0, 20.0, 40.0, -1.0, 10.0, 30.0, 10.0, -1.0, 0.0, 10.0, 20.0, -1.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, 20.0, 10.0, 20.0, -1.0, 30.0, 0.0, -1.0, 30.0, 10.0, -1.0, 20.0, 30.0, 20.0, 50.0, 40.0, 40.0, -1.0, 0.0, 20.0, 30.0, 10.0, 20.0, 10.0, 0.0], (7200, 2400): [100.0, 20.0, 90.0, 100.0, 70.0, 30.0, 30.0, 100.0, 40.0, 50.0, 90.0, 100.0, 0.0, 70.0, 100.0, 10.0, 30.0, 20.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 10.0, 40.0, 40.0, 100.0, 40.0, 100.0, 30.0, 100.0, 70.0, 90.0, 80.0, 100.0, 40.0, 70.0, 100.0, 100.0, 10.0, 60.0, 0.0, 50.0, 100.0, 90.0, 20.0, 10.0, 40.0, 30.0, 10.0, 80.0, 100.0, 100.0, 70.0, 30.0, 10.0, 70.0, 0.0, 100.0, 100.0, 10.0, 60.0, 90.0, 90.0, 70.0, 10.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 40.0, 0.0, 90.0, 60.0, 100.0, 70.0, 20.0, 100.0, 100.0, 100.0, 10.0, 60.0, 60.0, 80.0, 70.0, 30.0, 0.0, 10.0, 100.0, 60.0, 0.0, 80.0, 100.0, 100.0, 80.0, 50.0, 100.0, 20.0, 100.0, 80.0, 0.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 80.0, 80.0, 100.0, 100.0, 0.0, 70.0, 20.0, 10.0, 80.0, 60.0, 50.0, 20.0, 70.0, 100.0, 100.0, 20.0, 60.0, 100.0, 0.0, 60.0, 30.0, 100.0, 30.0, 80.0, 90.0, 50.0, 100.0, 70.0, 60.0, 80.0, 100.0, 70.0, 0.0, 60.0, 10.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 30.0, 80.0, 40.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 40.0, 40.0, 60.0, 60.0, 90.0, 40.0, 10.0, 30.0, 60.0, 50.0, 100.0, 100.0, 40.0, 0.0, 100.0, 20.0, 0.0], (1200, 0): [40.0, 50.0, 40.0, 10.0, 60.0, 10.0, 10.0, -1.0, -1.0, 20.0, 10.0, -1.0, 30.0, 40.0, 20.0, 20.0, 0.0, 30.0, 30.0, 10.0, -1.0, 10.0, 20.0, 20.0, 20.0, 20.0, 40.0, 10.0, 40.0, 50.0, 50.0, 30.0, 40.0, 50.0, 20.0, 20.0, 10.0, -1.0, 20.0, 20.0, 30.0, 20.0, 60.0, 50.0, 90.0, 80.0, 40.0, 10.0, 20.0, 10.0, 10.0, 90.0, 10.0, 60.0, -1.0, 20.0, 30.0, 10.0, 20.0, 10.0, 60.0, 30.0, 30.0, 50.0, 60.0, 40.0, 0.0, 20.0, 10.0, 50.0, -1.0, -1.0, 10.0, 10.0, 60.0, 30.0, 10.0, 60.0, -1.0, 40.0, 10.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, 40.0, 10.0, 20.0, 0.0, 40.0, 40.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 70.0, 40.0, 40.0, 20.0, 10.0, 50.0, 10.0, 50.0, 90.0, 10.0, 10.0, 40.0, 70.0, 30.0, 10.0, 0.0, 0.0, 40.0, 40.0, 20.0, 10.0, 0.0, 30.0, 70.0, -1.0, 40.0, 0.0, 10.0, 80.0, 0.0, 0.0, -1.0, 40.0, 0.0, 10.0, -1.0, 10.0, 30.0, 40.0, 40.0, 60.0, 20.0, 40.0, 10.0, 40.0, 10.0, 0.0, 20.0, 0.0, 0.0, 10.0, 20.0, 20.0, 40.0, 30.0, 20.0, 20.0, 40.0, 40.0, 10.0, 30.0, 10.0, 40.0, 10.0, 10.0, 20.0, 0.0, 30.0, 50.0, 10.0, 40.0, -1.0, 10.0, 60.0, 10.0, 20.0, 10.0, 50.0, 30.0, 50.0, 40.0, 0.0, 70.0, 30.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 40.0, 0.0, 40.0, 50.0, 10.0, 20.0, 20.0, 30.0, 20.0, 40.0, -1.0, 20.0, 10.0, 40.0, 50.0, 60.0, 10.0, 30.0, 0.0, 10.0, 40.0, 60.0, 10.0, 20.0, 50.0, 10.0, 20.0, 10.0, 0.0, 30.0, 60.0, 50.0, -1.0, 60.0, 20.0, 20.0, 20.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 40.0, -1.0, 40.0, 0.0, 30.0, 50.0, 0.0, 70.0, 40.0, 60.0, 10.0, 10.0, 20.0, 40.0, 30.0, 20.0, 0.0, 10.0], (0, 0): [60.0, 20.0, 50.0, 0.0, 0.0, 20.0, 50.0, 100.0, 50.0, 100.0, 40.0, 40.0, 60.0, 40.0, 20.0, 0.0, 50.0, 20.0, 70.0, 30.0, 50.0, 20.0, 40.0, 0.0, 10.0, 10.0, 30.0, 20.0, 50.0, 50.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 60.0, 70.0, 80.0, 100.0, 10.0, 40.0, 20.0, -1.0, 30.0, 20.0, 10.0, -1.0, 40.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 20.0, 40.0, 50.0, 30.0, 50.0, 50.0, 30.0, 0.0, 10.0, 50.0, 20.0, 30.0, 30.0, 60.0, 20.0, 10.0, 20.0, 20.0, 60.0, 40.0, 80.0, 20.0, 10.0, 10.0, 50.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 10.0, 50.0, 50.0, 10.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 20.0, 40.0, 20.0, 100.0, -1.0, 30.0, 40.0, 10.0, 30.0, 30.0, 10.0, 50.0, 40.0, 40.0, 10.0, 40.0, 70.0, 40.0, 30.0, 20.0, 50.0, 10.0, 40.0, 10.0, 10.0, 30.0], (8400, 0): [60.0, 90.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 80.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 80.0, 90.0, 90.0, 80.0, 70.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 90.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 90.0, 80.0, 90.0], (7200, 1200): [80.0, 80.0, 40.0, 90.0, 100.0, 50.0, 80.0, 60.0, 90.0, 100.0, 10.0, 90.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 60.0, 100.0, 100.0, 70.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 30.0, 100.0, 0.0, 90.0, 60.0, 100.0, 80.0, 50.0, 80.0, 100.0, 100.0, 50.0, 70.0, 80.0, 100.0, 80.0, 100.0, 50.0, 90.0, 60.0, 70.0, 100.0, 80.0, 10.0, 30.0, 10.0, 10.0, 40.0, 30.0, 90.0, 60.0, 100.0, 10.0, 80.0, 40.0, 60.0, 70.0, 10.0, 40.0, 20.0, 30.0, 40.0, 60.0, 70.0, 50.0, 70.0, 100.0, 70.0, 70.0, 10.0, 50.0, 70.0, 20.0, 90.0, 80.0, 90.0, 90.0, 80.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 20.0, 80.0, 90.0, 20.0, 50.0, 100.0, 100.0, 20.0, 60.0, 80.0, 20.0, 50.0, 90.0, 80.0, 100.0, 100.0, 70.0, 90.0, 100.0, 70.0, 90.0, 100.0, 60.0, 100.0, 0.0, 30.0, 100.0, 90.0, 30.0, 100.0, 40.0, 100.0, 80.0, 80.0, 100.0], (8400, 2400): [100.0, 100.0, 30.0, 100.0, 100.0, 40.0, 100.0, 20.0, 70.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 50.0, 100.0, 100.0, 80.0, 0.0, 0.0, 100.0, 30.0, 100.0, 100.0, 100.0, 60.0, 100.0, 80.0, 40.0, 10.0, 30.0, 50.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 70.0, 10.0, 10.0, 60.0, 100.0, 20.0, 100.0, 100.0, 90.0, 60.0, 100.0, 0.0, 100.0, 60.0, 0.0, 30.0, 70.0, 30.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 90.0, 20.0, 10.0, 100.0, 0.0], (7200, 4800): [20.0, 50.0, 10.0, 30.0, 20.0, 100.0, 100.0, 30.0, 70.0, 100.0, 50.0, 100.0, 50.0, 40.0, 100.0, 100.0, 100.0, 10.0, 90.0, 10.0, 0.0, 20.0, 50.0, 20.0, 60.0, 100.0, 50.0, 0.0, 100.0, 30.0, 20.0, 10.0, 90.0, 0.0, 100.0, 30.0, 50.0, 10.0, 10.0, 100.0, 80.0, 100.0, 70.0, 70.0, 70.0, 100.0, 0.0, 30.0, 30.0, 10.0, 100.0, 30.0, 80.0, 10.0, 10.0, 20.0, 30.0, 0.0, 0.0, 100.0, 100.0, 50.0, 90.0, 0.0, 60.0, 10.0, 10.0, 50.0, 0.0, 50.0, 60.0, 90.0, 100.0, 30.0, 100.0, 20.0, 70.0, 100.0, 0.0, 10.0, 100.0, 90.0, 0.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 0.0, 70.0, 100.0, 0.0, 100.0, 0.0, 60.0, 80.0, 20.0, 10.0, 100.0, 30.0, 10.0, 30.0, 0.0, 60.0, 100.0, 80.0, 20.0, 90.0, 100.0, 100.0, 100.0, 100.0, 30.0, 0.0, 100.0, 20.0, 20.0, 10.0, 100.0, 70.0, 100.0, 0.0, 90.0, 30.0, 20.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 60.0, 90.0, 30.0, 80.0, 100.0, 10.0, 20.0, 0.0, 10.0, 30.0, 100.0, 100.0, 0.0, 0.0, 100.0, 10.0, 0.0, 60.0, 20.0, 0.0, 70.0, 20.0, 80.0, 30.0, 30.0, 50.0, 100.0, 80.0, 100.0, 30.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 0.0, 10.0, 0.0, 0.0, 20.0, 100.0, 100.0, 40.0, 100.0, 40.0, 100.0, 100.0, 70.0, 100.0, 20.0, 100.0, 20.0, 10.0, 40.0, 0.0, 100.0, 20.0, 100.0, 100.0, 30.0, 70.0, 20.0, 100.0, 50.0, 10.0, 0.0, 10.0, 0.0, 0.0, 90.0, 30.0, 100.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 100.0, 100.0, 100.0, 100.0, 20.0, 10.0, 90.0, 0.0, 100.0, 50.0, 0.0, 100.0, 90.0, 30.0, 80.0, 70.0, 60.0, 0.0, 10.0, 100.0, 40.0, 0.0, 50.0, 20.0, 100.0, 0.0, 20.0, 0.0, 50.0, 60.0, 0.0, 100.0, 0.0, 100.0, 20.0, 20.0, 50.0, 20.0, 100.0, 100.0, 70.0, 90.0, 10.0, 50.0, 70.0, 100.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 10.0, 0.0, 0.0], (7200, 0): [80.0, 80.0, 90.0, 70.0, 60.0, 50.0, 60.0, 60.0, 90.0, 30.0, 70.0, 100.0, 60.0, 70.0, 70.0, 80.0, 90.0, 70.0, 70.0, 70.0, 50.0, 70.0, 80.0, 70.0, 80.0, 100.0, 80.0, 40.0, 80.0, 80.0, 60.0, 60.0, 90.0, 100.0, 80.0, 70.0, 50.0, 90.0, 100.0, 80.0, 80.0, 70.0, 80.0, 100.0, 100.0, 90.0, 80.0, 90.0, 70.0, 100.0, 70.0, 80.0, 90.0, 90.0, 70.0, 70.0, 70.0, 70.0, 100.0, 80.0, 60.0, 90.0, 90.0, 100.0, 100.0, 20.0, 70.0, 80.0, 60.0, 90.0, 30.0, 40.0, 100.0, 50.0, 90.0, 100.0, 80.0, 80.0, 70.0, 70.0, 80.0, 70.0, 100.0, 80.0, 60.0, 50.0, 80.0, 60.0, 80.0, 90.0, 70.0, 50.0, 80.0, 70.0, 90.0, 90.0, 80.0, 80.0, 80.0, 90.0, 80.0, 20.0, 70.0, 90.0, 60.0, 70.0, 90.0, 30.0, 100.0, 60.0, 90.0, 60.0, 90.0, 90.0, 90.0, 60.0, 90.0, 70.0, 90.0, 70.0, 60.0, 90.0, 70.0, 70.0, 60.0, 70.0, 60.0, 80.0, 90.0, 100.0, 100.0, 70.0, 100.0, 70.0, 60.0, 30.0, 100.0, 70.0, 50.0, 30.0, 70.0, 80.0, 80.0, 70.0], (3600, 3600): [40.0, 20.0, 10.0, 0.0, 10.0, 0.0, 10.0, 100.0], (8400, 3600): [0.0, 50.0, 100.0, 30.0, 20.0, 90.0, 10.0, 0.0, 70.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 40.0, 60.0, 10.0, 100.0, 60.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 30.0, 100.0, 10.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 0.0, 80.0, 80.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 30.0, 70.0, 20.0, 0.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 80.0, 10.0, 100.0, 10.0, 100.0, 100.0, 50.0, 50.0, 10.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 30.0, 100.0, 100.0, 10.0, 20.0, 100.0, 30.0, 80.0, 30.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 30.0, 40.0, 70.0, 100.0, 0.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 100.0], (8400, 4800): [100.0, 100.0, 100.0, 30.0, 10.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 10.0, 20.0, 30.0, 20.0, 80.0, 40.0, 20.0, 100.0, 90.0, 40.0, 80.0, 0.0, 100.0, 80.0, 80.0, 80.0, 10.0, 90.0, 100.0, 90.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 100.0, 100.0, 40.0, 50.0, 10.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 100.0, 10.0, 90.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 70.0, 80.0, 100.0, 0.0, 10.0, 20.0, 90.0, 0.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 40.0, 20.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 10.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 60.0, 100.0, 30.0, 100.0, 0.0, 100.0, 60.0, 20.0, 100.0, 100.0, 80.0, 100.0, 20.0, 10.0, 0.0, 100.0, 90.0, 40.0, 60.0, 0.0, 60.0, 100.0, 0.0, 100.0, 100.0, 100.0, 0.0, 0.0, 90.0, 100.0, 50.0], (4800, 3600): [20.0, 30.0, 0.0, 0.0, 0.0, 20.0, 80.0, 10.0, 10.0, 50.0, 50.0, 20.0, 50.0, 100.0, 0.0, 20.0, 20.0, 60.0, 60.0, 10.0, 10.0, 30.0, 0.0, 40.0, 70.0, 0.0, 20.0, 40.0, 40.0, 0.0, 10.0, 0.0, 0.0, 60.0, 20.0, 0.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 0.0, 100.0, 0.0, 30.0, 0.0, 0.0, 30.0, 40.0, 0.0, 20.0, 20.0, 20.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 20.0, 80.0, 90.0, 0.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 10.0, 30.0, 100.0, 20.0, 20.0, 90.0, 80.0, 20.0, 60.0, 10.0, 0.0, 50.0, 20.0, 0.0, 100.0, 0.0, 10.0, 20.0, 40.0, 20.0, 0.0, 100.0, 0.0, 0.0, 10.0, 0.0, 0.0, 90.0, 0.0, 10.0, 100.0, 10.0, 60.0, 80.0, 20.0, 40.0, 20.0, 0.0, 20.0, 10.0, 10.0, 50.0, 20.0, 0.0, 90.0, 30.0, 0.0, 50.0, 0.0, 0.0, 0.0, 60.0, 60.0, 20.0, 100.0, 0.0, 10.0, 0.0, 30.0, 80.0, 20.0, 0.0, 70.0, 30.0, 0.0, 10.0, 30.0, 30.0, 90.0, 0.0, 100.0, 0.0, 0.0, 10.0, 30.0, 100.0, 100.0, 30.0, 60.0, 10.0, 60.0, 100.0, 80.0, 50.0, 0.0, 40.0, 80.0, 10.0, 0.0, 40.0, 70.0, 90.0, 10.0, 100.0, 0.0, 0.0, 80.0, 0.0, 0.0, 10.0, 0.0, 0.0, 40.0, 20.0, 0.0, 10.0, 10.0, 0.0, 60.0, 10.0, 0.0, 100.0, 60.0, 0.0, 30.0, 70.0, 20.0, 0.0, 70.0, 10.0, 0.0, 0.0, 60.0, 0.0, 0.0, 40.0, 100.0, 50.0, 10.0, 0.0, 20.0, 10.0, 20.0, 50.0, 0.0, 10.0, 60.0, 10.0, 10.0, 0.0, 0.0, 10.0, 10.0, 20.0, 0.0, 10.0, 60.0, 30.0, 0.0, 60.0, 30.0, 40.0, 20.0, 0.0, 10.0, 80.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 100.0, 0.0, 30.0, 80.0, 30.0, 0.0, 0.0, 50.0, 50.0, 20.0, 0.0, 80.0, 0.0, 0.0, 10.0, 90.0, 10.0, 20.0, 0.0, 0.0, 70.0, 70.0, 0.0, 0.0, 20.0, 50.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 100.0, 50.0, 80.0, 0.0, 10.0, 20.0, 30.0, 20.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 0.0, 10.0, 0.0, 20.0, 20.0, 70.0, 70.0, 20.0, 20.0, 0.0, 70.0, 20.0, 60.0, 40.0, 0.0, 0.0, 10.0, 70.0, 0.0, 10.0, 90.0, 0.0, 70.0, 20.0, 60.0, 60.0, 40.0, 10.0, 50.0, 0.0, 10.0, 40.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 20.0, 40.0, 20.0, 20.0, 20.0, 0.0, 100.0, 50.0, 20.0, 60.0, 10.0, 20.0, 0.0, 100.0, 50.0, 0.0, 20.0, 0.0, 90.0, 0.0, -1.0, 100.0, 40.0, 0.0, 0.0, 30.0, 100.0, 100.0, 20.0, 50.0, 50.0, 50.0, 50.0, 0.0, 70.0, 40.0, 50.0, 0.0, 60.0, 70.0, 0.0, 10.0, 40.0, 0.0, 10.0, 20.0, 0.0, 20.0, 30.0, 10.0, 40.0, 0.0, 10.0, 60.0, 30.0, 40.0, 20.0, 10.0, 0.0, 40.0, 100.0, 20.0, 70.0, 10.0, 30.0, 50.0, 0.0, 20.0, 0.0, 100.0, 0.0, 60.0, 10.0, 0.0], (6000, 2400): [70.0, 20.0, 100.0, 40.0, 10.0, 20.0, 0.0, 100.0, 80.0, 0.0, 100.0, 20.0, 20.0, 20.0, 0.0, 50.0, 80.0, 100.0, 40.0, 100.0, 100.0, 40.0, 100.0, 0.0, 20.0, 40.0, 0.0, 60.0, 10.0, 60.0, 10.0, 30.0, 10.0, 70.0, 0.0, 80.0, 30.0, 30.0, 30.0, 30.0, 50.0, 20.0, 100.0, 0.0, 30.0, 100.0, 0.0, 90.0, 10.0, 70.0, 0.0, 10.0, 90.0, 90.0, 20.0, 10.0, 0.0, 90.0, 40.0, 100.0, 0.0, 10.0, 10.0, 0.0, 80.0, 20.0, 40.0, 70.0, 40.0, -1.0, 50.0, 90.0, 60.0, 40.0, 40.0, 30.0, 80.0, 10.0, 0.0, 70.0, 60.0, 80.0, 20.0, 60.0, 0.0, 100.0, 50.0, 90.0, 100.0, 100.0, 40.0, 40.0, 80.0, 100.0, 100.0, 10.0, 90.0, 10.0, 10.0, 10.0, 10.0, 60.0, 90.0, 0.0, 100.0, 100.0, 70.0, 40.0, 30.0, 20.0, 50.0, 30.0, 10.0, 70.0, 0.0, 60.0, 40.0, 100.0, 40.0, 0.0, 10.0, 90.0, 40.0, 100.0, 40.0, 70.0, 80.0, 70.0, 10.0, 60.0, 50.0, 80.0, 100.0, 10.0, 40.0, 100.0, 30.0, 0.0, 20.0, 20.0, 100.0, 40.0, 100.0, 20.0, 70.0, 30.0, 30.0, 0.0, 10.0, 90.0, 0.0, 0.0, 40.0, 40.0, 0.0, 100.0, 0.0, 30.0, 10.0, 30.0, 30.0, 0.0, 20.0, 90.0, 20.0, 100.0, 40.0, 40.0, 30.0, 100.0, 100.0, 10.0, 50.0, 20.0, 70.0, 100.0, 10.0, 20.0, 50.0, 0.0, 20.0, 0.0, 10.0, 10.0, 10.0, 90.0, 90.0, 10.0, 0.0, 20.0, 100.0, 20.0, 0.0, 90.0, 100.0, 60.0, 70.0, 80.0, 70.0, 0.0, 70.0, 0.0, 70.0, 10.0, 100.0, 20.0, 0.0, 100.0, 100.0, 30.0, 10.0, 90.0, 10.0, 0.0, 10.0, 100.0, 40.0, 90.0, 30.0, 70.0, 80.0, 30.0, 0.0, 0.0, 0.0, 100.0, 10.0, 100.0, 100.0, 100.0, 10.0, 10.0, 30.0, 60.0, 0.0, 100.0, 60.0, 0.0, 0.0, 30.0, 10.0, 50.0, 100.0, 100.0, 80.0, 20.0, 0.0, 20.0, 0.0, 100.0, 0.0, 60.0, 100.0], (7200, 3600): [40.0, 90.0, 40.0, 100.0, 100.0, 70.0, 60.0, 100.0, 40.0, 20.0, 0.0, 30.0, 80.0, 100.0, 100.0, 90.0, 30.0, 70.0, 20.0, 60.0, 90.0, 10.0, 30.0, 80.0, 100.0, 0.0, 100.0, 100.0, 80.0, 100.0, 70.0, 80.0, 10.0, 0.0, 100.0, 10.0, 10.0, 40.0, 70.0, 10.0, 100.0, 30.0, 20.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 20.0, 0.0, 100.0, 100.0, 70.0, 50.0, 90.0, 0.0, 80.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 0.0, 70.0, 70.0, 90.0, 90.0, 0.0, 80.0, 50.0, 70.0, 10.0, 30.0, 40.0, 100.0, 100.0, 90.0, 80.0, 10.0, 80.0, 0.0, 80.0, 70.0, 10.0, 40.0, 30.0, 0.0, 50.0, 30.0, 100.0, 100.0, 0.0, 100.0, 50.0, 100.0, 80.0, 100.0, 30.0, 70.0, 20.0, 90.0, 0.0, 0.0, 0.0, 100.0, 20.0, 10.0, 100.0, 20.0, 20.0, 0.0, 50.0, 100.0, 70.0, 100.0, 0.0, 40.0, 70.0, 30.0, 60.0, 20.0, 70.0, 100.0, 100.0, 0.0, 30.0, 100.0, 90.0, 10.0, 20.0, 0.0, 100.0, 100.0, 70.0, 20.0, 100.0, 100.0, 10.0, 90.0, 10.0, 0.0, 80.0, 70.0, 40.0, 60.0, 100.0, 100.0, 50.0, 0.0, 30.0, 100.0, 40.0, 0.0, 100.0, 100.0, 30.0, 50.0, 100.0, 100.0, 10.0, 0.0, 90.0, 40.0, 70.0, 50.0, 100.0, 10.0, 60.0, 0.0, 20.0, 100.0, 60.0, 30.0, 80.0, 30.0, 50.0, 100.0, 100.0, 10.0, 100.0, 100.0, 0.0, 0.0, 30.0, 60.0, 90.0, 20.0, 100.0, 100.0, 20.0, 50.0, 100.0, 0.0, 10.0, 100.0, 30.0, 100.0, 50.0, 80.0, 50.0, 40.0, 70.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 30.0, 0.0, 100.0, 30.0, 80.0, 100.0, 40.0, 10.0, 20.0, 20.0, 90.0, 90.0, 10.0, 70.0, 100.0, 10.0, 50.0, 100.0, 20.0, 30.0, 80.0, 100.0, 70.0, 90.0, 100.0, 80.0, 90.0, 20.0, 100.0, 90.0, 100.0, 0.0, 10.0, 30.0, 50.0, 100.0, 0.0, 0.0, 30.0, 100.0, 50.0, 30.0, 100.0, 10.0, 60.0, 40.0, 60.0, 0.0, 20.0, 100.0, 20.0, 100.0, 100.0, 100.0, 20.0, 0.0, 100.0, 0.0, 80.0, 100.0, 0.0, 60.0, 0.0, 50.0, 80.0, 60.0, 50.0, 0.0, 10.0, 100.0, 30.0, 0.0, 20.0, 40.0, 100.0, 100.0, 50.0, 100.0, 100.0, 60.0, 70.0, 90.0, 0.0, 0.0, 50.0, 70.0, 40.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 0.0, 30.0, 0.0, 30.0, 70.0, 0.0, 0.0, 100.0, 40.0, 10.0, 100.0, 10.0, 10.0, 0.0, 100.0, 100.0, 70.0, 20.0, 50.0, 90.0, 0.0, 100.0, 100.0, 20.0, 0.0, 0.0, 20.0, 30.0, 0.0, 90.0, 90.0, 100.0, 100.0, 70.0, 100.0, 20.0, 70.0, 60.0, 40.0, 10.0, 20.0, 100.0, 50.0, 10.0, 20.0, 100.0, 60.0, 0.0, 0.0, 100.0, 40.0, 50.0, 100.0, 20.0, 50.0, 20.0], (6000, 3600): [60.0, 60.0, 50.0, 0.0, 0.0, 10.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 0.0, 100.0, 0.0, 60.0, 90.0, 40.0, 40.0, 100.0, 100.0, 30.0, 10.0, 40.0, 10.0, 20.0, 0.0, 70.0, 40.0, 100.0, 70.0, 80.0, 10.0, 10.0, 10.0, 60.0, 90.0, 100.0, 100.0, 20.0, 20.0, 70.0, 0.0, 0.0, 10.0, 20.0, 60.0, 0.0, 0.0, 100.0, 100.0, 20.0, 50.0, 0.0, 10.0, 0.0, 20.0, 10.0, 80.0, 100.0, 50.0, 0.0, 20.0, 60.0, 10.0, 100.0, 40.0, 100.0, 40.0, 40.0, 50.0, 0.0, 40.0, 60.0, 90.0, 40.0, 40.0, 40.0, 30.0, 10.0, 20.0, 10.0, 0.0, 30.0, 60.0, 70.0, 0.0, 0.0, 90.0, 50.0, 30.0, 80.0, 10.0, 30.0, 0.0, 100.0, 0.0, 0.0, 30.0, 100.0, 10.0, 0.0, 80.0, 60.0, 100.0, 50.0, 0.0, 40.0, 10.0, 80.0, 100.0, 0.0, 70.0, 80.0, 10.0, 40.0, 80.0, 60.0, 10.0, 100.0, 10.0, 20.0, 100.0, 0.0, 50.0, 20.0, 0.0, 0.0, 10.0, 70.0, 100.0, 10.0, 20.0, 0.0, 70.0, 70.0, 10.0, 0.0, 0.0, 10.0, 0.0, 50.0, 60.0, 90.0, 10.0, 0.0, 90.0, 0.0, 40.0, 20.0, 100.0, 30.0, 100.0, 20.0, 90.0, 100.0, 60.0, 0.0, 0.0, 0.0, 100.0, 100.0, 10.0, 10.0, 0.0, 70.0, 100.0, 60.0, 90.0, 0.0, 100.0, 0.0, 100.0, 10.0, 40.0, 20.0, 100.0, 0.0, 30.0, 80.0, 60.0, 30.0, 0.0, 0.0, 70.0, 60.0, 0.0, 0.0, 20.0, 0.0, 100.0, 40.0, 0.0, 60.0, 60.0, 40.0, 100.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 90.0, 100.0, 100.0, 30.0, 60.0, 0.0, 40.0, 40.0, 80.0, 100.0, 100.0, 10.0, 10.0, 70.0, 70.0, 10.0, 30.0, 60.0, 90.0, 0.0, 0.0, 100.0, 80.0, 0.0, 100.0, 40.0, 100.0, 100.0, 70.0, 50.0, 0.0, 0.0, 20.0, 70.0, 70.0, 0.0, 0.0, 0.0, 90.0, 60.0, 100.0, 90.0, 50.0, 20.0, 0.0, 70.0, 60.0, 60.0, 10.0, 10.0, 60.0, 40.0, 100.0, 90.0, 0.0, 10.0, 80.0, 90.0, 20.0, 50.0, 90.0, 0.0, 50.0, 0.0, 0.0, 10.0, 30.0, 0.0, 100.0, 100.0, 0.0, 0.0, 70.0, 70.0, 70.0, 0.0, 20.0, 20.0, 0.0, 10.0, 100.0, 100.0, 30.0, 50.0, 80.0, 100.0, 70.0, 30.0, 20.0, 50.0, 100.0, 100.0, 0.0, 100.0, 50.0, 60.0, 0.0, 100.0, 100.0, 60.0, 10.0, 0.0, 0.0, 90.0, 20.0, 100.0, 70.0, 0.0, 0.0, 10.0, 60.0, 0.0, 100.0, 90.0, 0.0, 0.0, 30.0, 0.0, 50.0, 0.0, 40.0, 0.0, 60.0, 80.0, 100.0, 80.0, 60.0, 80.0, 40.0, 100.0, 30.0, 70.0, 0.0, 10.0, 40.0, 20.0, 40.0, 100.0, 0.0, 70.0, 60.0, 10.0, 20.0, 0.0, 0.0, 60.0, 50.0, 60.0, 0.0, 70.0, 40.0, 40.0, 50.0, 20.0, 40.0, 70.0, 100.0, 50.0, 80.0, 40.0, 40.0, 40.0, 0.0, 100.0, 100.0, 10.0, 40.0, 100.0, 80.0, 100.0, 60.0, 100.0, 30.0, 10.0, 100.0, 100.0, 100.0, 60.0, 20.0, 0.0, 30.0, 30.0, 100.0, 10.0, 0.0, 10.0, 0.0, 30.0, 50.0, 90.0, 30.0, -1.0, 30.0, 80.0, 100.0, 0.0, 10.0, 90.0, 20.0, 70.0, 50.0, 100.0, 0.0, 20.0, 60.0, 90.0, 10.0, 90.0, 40.0, 30.0, 90.0, 60.0, 50.0, 50.0, 80.0, 30.0, 10.0, 80.0, 50.0, 80.0, 0.0, 20.0, 60.0, 70.0, 10.0, 60.0, 30.0, 40.0, 40.0, 90.0, 0.0, 0.0, 100.0, 40.0, 50.0, 60.0, 100.0, 10.0, 40.0, 0.0, 0.0, 20.0, 0.0, 40.0, 20.0, 0.0, 60.0, 50.0, 100.0, 40.0, 100.0, 10.0, 60.0, 70.0, 10.0, 0.0, 0.0, 10.0, 100.0, 0.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 20.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 100.0, 10.0, 0.0, 20.0, 20.0, 30.0, 100.0, 20.0, 0.0, 60.0, 100.0, 60.0, 0.0, 20.0, 30.0, 100.0, 70.0, 90.0, 100.0, 30.0, 60.0, 100.0, 30.0, 30.0, 60.0, 100.0, 40.0, 20.0, 100.0, 70.0, 0.0, 20.0, 40.0, 30.0, 100.0, 30.0, 80.0, 20.0, 0.0, 70.0, 40.0, 100.0, 0.0, 100.0, 80.0, 20.0, 20.0, 100.0, 100.0, 0.0, 0.0, 90.0, 50.0, 20.0, 100.0, 0.0, 50.0, 20.0, 100.0, 0.0, 100.0, 60.0, 40.0, 20.0, 100.0, 80.0, 0.0, 40.0, 40.0, 100.0, 70.0, 10.0, 10.0, 90.0, 100.0, 90.0, 90.0, 100.0, 70.0, 80.0, 50.0, 80.0, 0.0, 100.0, 0.0, 0.0, 0.0, 20.0, 90.0, 10.0, 0.0, 100.0, 60.0, 40.0, 60.0, 50.0, 60.0, 80.0, 80.0, 100.0, 40.0, 0.0, -1.0, 90.0, 0.0, 0.0, 30.0, 10.0, 50.0, 60.0, 0.0, 90.0, 70.0, 100.0, 100.0, 30.0, 80.0, 20.0, 0.0, 20.0, 90.0, 20.0, 70.0, 0.0, 40.0, 0.0, 40.0, 10.0, 30.0, 0.0, 20.0, 50.0], (6000, 0): [60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 30.0, 60.0, 60.0, 20.0, 40.0, 30.0, 80.0, 20.0, 50.0, 50.0, 30.0, 60.0, 40.0, 20.0, 80.0, 10.0, 100.0, 50.0, 30.0, 40.0, 30.0, 40.0, 50.0, 50.0, 40.0, 10.0, 60.0, 30.0, 30.0, 50.0, 40.0, 50.0, 50.0, 50.0, 40.0, 60.0, 50.0, 60.0, 50.0, 20.0, 50.0, 50.0, 30.0, 10.0, 60.0, 40.0, 50.0, 50.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 40.0, 70.0, 50.0, 50.0, 50.0, 40.0, 40.0, 40.0, 60.0, 50.0, 50.0, 60.0, 60.0, 90.0, 60.0, 30.0, 60.0, 20.0, 20.0, 50.0, 70.0, 40.0, 60.0, 70.0, 60.0, 60.0, 40.0, 60.0, 40.0, 30.0, 20.0, 40.0, 60.0, 60.0, 60.0, 50.0, 40.0, 40.0, 60.0, 60.0, 60.0, 20.0, 40.0, 50.0, 60.0, 50.0, 70.0, 90.0, 60.0, 60.0, 60.0, 40.0, 60.0, 70.0, 50.0, 60.0, 40.0, 60.0, 50.0, 40.0, 40.0, 100.0, 50.0, 40.0, 80.0, 80.0, 70.0, 60.0, 60.0, 70.0, 50.0, 30.0, 80.0, 50.0, 60.0, 40.0, 40.0, 80.0, 40.0], (1200, 1200): [60.0, -1.0, 50.0, 40.0, 50.0, 10.0, 90.0, 30.0, 70.0, 30.0, 80.0, 50.0, 70.0, 20.0, 50.0, 50.0, 60.0, 40.0, 20.0, 40.0, 90.0, 30.0, 30.0, -1.0, 70.0, 80.0, -1.0, 30.0, 90.0, 70.0, 70.0, 30.0, 70.0, -1.0, -1.0, -1.0, 20.0, 30.0, 70.0, 40.0, 50.0, -1.0, 10.0, 20.0, 40.0, 60.0, 0.0, 20.0, 50.0, -1.0, 40.0, 30.0, 80.0, 50.0, 20.0, 60.0, 30.0, 40.0, 50.0, 70.0, 30.0, 30.0, 20.0, 40.0, 50.0, 50.0, 60.0, 50.0, 50.0, 40.0, -1.0, 90.0, 10.0, 30.0, 50.0, 50.0, 30.0, 20.0, 20.0, -1.0, 40.0, 50.0, 20.0, -1.0, 60.0, 50.0, 70.0, 60.0, 50.0, 20.0, 30.0, 30.0, 40.0, 80.0, 40.0, 70.0, 80.0, 30.0, 40.0, 40.0, 70.0, 60.0, 60.0, 30.0, 50.0, 70.0, 70.0, 60.0, -1.0, 60.0, 30.0, 40.0, 60.0, -1.0, 20.0, 20.0, 30.0, 90.0, 30.0, 30.0, 40.0, 60.0, -1.0, 50.0, 20.0, 20.0, 30.0, 60.0, 30.0, -1.0, 50.0, 40.0], (4800, 0): [80.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 10.0, 40.0, 10.0, 10.0, 40.0, 20.0, 30.0, 20.0, 0.0, 10.0, 40.0, 30.0, 30.0, 30.0, 30.0, 40.0, 50.0, 20.0, 40.0, 10.0, 10.0, 10.0, 60.0, 20.0, 0.0, 40.0, 40.0, 30.0, 40.0, 40.0, 20.0, 50.0, 50.0, 0.0, 10.0, 20.0, 20.0, 20.0, 20.0, 10.0, 30.0, 10.0, 20.0, 30.0, 10.0, 40.0, 40.0, 20.0, 20.0, 30.0, 10.0, 0.0, 0.0, 10.0, 30.0, 20.0, 30.0, 20.0, 50.0, 30.0, 30.0, 0.0, 0.0, 60.0, 10.0, 30.0, 30.0, 10.0, 10.0, 10.0, 30.0, 0.0, 10.0, 30.0, 40.0, 30.0, 50.0, 30.0, 50.0, 40.0, 10.0, 40.0, 20.0, 10.0, 20.0, 10.0, 30.0, 0.0, 50.0, 30.0, 30.0, 10.0, 20.0, 60.0, 30.0, 20.0, 0.0, 20.0, 20.0, 20.0, 20.0, 20.0, 40.0, 20.0, 30.0, 30.0, 0.0, 10.0, 10.0, 40.0, 50.0, 20.0, 30.0, 0.0, 20.0, 40.0, 10.0, 10.0, 20.0, 10.0, 20.0, 10.0, 30.0, 20.0], (4800, 2400): [40.0, 90.0, 0.0, 100.0, 60.0, 40.0, 20.0, 60.0, 0.0, 20.0, 10.0, 100.0, 60.0, 70.0, 30.0, 0.0, 0.0, 50.0, 40.0, 10.0, 30.0, 30.0, 0.0, 0.0, 30.0, 30.0, 20.0, 40.0, 100.0, 20.0, 0.0, 60.0, 50.0, 0.0, 0.0, 90.0, 10.0, 10.0, 10.0, 0.0, 0.0, 0.0, 20.0, 50.0, 40.0, 10.0, 80.0, 90.0, 10.0, 0.0, 20.0, 40.0, 0.0, 30.0, 0.0, 70.0, 10.0, 10.0, 80.0, 0.0, 30.0, 80.0, 0.0, 0.0, 20.0, 10.0, 10.0, 30.0, 10.0, 40.0, 0.0, 0.0, 20.0, 0.0, 40.0, 10.0, 0.0, 20.0, 70.0, 0.0, 40.0, 0.0, 20.0, 10.0, 0.0, 30.0, 0.0, 30.0, 20.0, 0.0, 0.0, 0.0, 0.0, 20.0, 10.0, 10.0, 0.0, 50.0, 20.0, 50.0, 20.0, 20.0, 10.0, 50.0, 80.0, 0.0, 70.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 30.0, 60.0, 90.0, 0.0, 70.0, 40.0, 40.0, 0.0, 0.0, 10.0, 50.0, 10.0, 50.0, 60.0, 0.0, 10.0, 50.0, 40.0, 20.0, 30.0, 0.0, 10.0, 20.0, 20.0, 100.0, 10.0, 0.0, 20.0, 30.0, 0.0, 20.0, 50.0, 80.0, 40.0, 20.0, 20.0, 0.0, 40.0, 10.0, 60.0, 0.0, 20.0, 10.0, 40.0, 70.0, 10.0, 30.0, 50.0, 60.0, 0.0, 20.0, 20.0, 90.0, 0.0, 10.0, 0.0, 100.0, 20.0, 20.0, 0.0, 70.0, 30.0, 20.0, 100.0, 10.0, 40.0, 30.0, 60.0, 80.0, 30.0, 30.0, 100.0, 10.0, 50.0, 0.0, 80.0, 90.0, 0.0, 20.0, 10.0, 0.0, 20.0, 0.0, 30.0, 0.0, 30.0, 40.0, 0.0, 10.0, 20.0, 90.0, 10.0, 0.0, 10.0, 10.0, 40.0, 50.0, 50.0, 0.0, 0.0, 20.0, 30.0, 20.0, 0.0, 100.0, 0.0, 70.0, 40.0, 0.0, 30.0, 0.0, 50.0, 60.0, 50.0, 10.0, 0.0, 0.0, 90.0, 10.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 0.0, 50.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 80.0, 40.0, 40.0, 10.0, 60.0, 20.0, 10.0, 30.0, 90.0, 30.0, 20.0, 40.0, 0.0, 10.0, 0.0, 90.0, 70.0, 0.0, 0.0, 20.0, 10.0, 20.0, 30.0, 30.0, 10.0, 30.0, 30.0, 30.0, 100.0, 30.0, 10.0, 10.0, 10.0, 30.0, 30.0, 20.0, 10.0, 0.0, 70.0, 20.0, 80.0, -1.0, 0.0, 60.0, 60.0, 0.0, 30.0, 10.0, 60.0, 40.0, 20.0, 10.0, 10.0, 80.0, 0.0, 0.0, 20.0, 0.0, 20.0, 70.0, 10.0, 0.0, 70.0, 60.0, 30.0, 10.0, 0.0, 10.0, 50.0, 20.0, 60.0, 80.0, 40.0, 80.0, 20.0, 0.0, 0.0, 50.0, 20.0, 60.0, 30.0, 0.0, 10.0, 20.0, 0.0, 0.0, 20.0, 80.0, 60.0, 0.0, 40.0, 0.0, 50.0, 0.0, 90.0, 0.0, 10.0, 30.0, 70.0, 10.0, 0.0, 0.0, 50.0, 0.0, 50.0, 50.0, 30.0, 0.0, 20.0, 30.0, 80.0, 20.0, 60.0, 0.0, 0.0, 20.0, 0.0, 10.0, 0.0, 50.0, 10.0, 30.0, 20.0, 0.0, 0.0, 70.0, 60.0, 0.0, 40.0, 50.0, 0.0, 70.0, 20.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 100.0, 0.0, 30.0, 0.0, 40.0, 0.0, 10.0, 0.0, 0.0, 30.0, 30.0, 0.0, 0.0, 0.0, 30.0, 10.0, 30.0, 20.0, 20.0, 30.0, 60.0, 100.0, 100.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 90.0, 40.0, 10.0, 20.0, 0.0, 0.0, 10.0, 20.0, 0.0, 50.0, 40.0, 10.0, 0.0, -1.0, 30.0, 60.0, 0.0, 0.0, 0.0, 50.0, 70.0, 70.0, 100.0, 10.0, 20.0, 50.0, 0.0, 30.0, 50.0, 50.0, 0.0, 0.0, 100.0, 0.0, 60.0, 20.0, 10.0, 0.0, 10.0, 10.0, 40.0, 0.0, 30.0, 30.0, 30.0, 0.0, 10.0, 0.0, 60.0, 10.0, 60.0, 10.0, 20.0, 30.0, 0.0, 20.0, 0.0, 30.0, 0.0, 10.0, 10.0], (3600, 0): [10.0, 10.0, 10.0, 30.0, 20.0, 0.0, 30.0, -1.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 50.0, 20.0, -1.0, 10.0, 10.0, 10.0, 40.0, -1.0, 10.0, 10.0, 10.0, 20.0, 0.0, 10.0, 30.0, 10.0, 10.0, 40.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 10.0, 20.0, -1.0, 20.0, 0.0, 10.0, 10.0, 20.0, 20.0, -1.0, 10.0, -1.0, 0.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, -1.0, 10.0, 10.0, 30.0, 0.0, 10.0, 20.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, -1.0, 10.0, 0.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 10.0, -1.0, 10.0, 10.0, -1.0, -1.0, 0.0, 30.0, 10.0, 0.0, 20.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 30.0, -1.0, 10.0, 20.0, 20.0, 10.0, 10.0, 10.0, -1.0, 20.0, -1.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 30.0, 30.0, 20.0, 10.0, 10.0, -1.0, 10.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 40.0, 20.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0], (3600, 2400): [10.0, 20.0, 20.0, 30.0, 40.0, 40.0, 80.0, 40.0, 20.0, 30.0, 0.0, 50.0, 50.0, 30.0, 10.0, -1.0, 90.0, 100.0, 10.0, 70.0, 70.0, 20.0, 60.0, 30.0, 10.0, 20.0, 0.0, 40.0, 10.0, 70.0, 50.0, 40.0, 30.0, 30.0, 0.0, 10.0, 40.0, 30.0, 80.0, 40.0, -1.0, 20.0, 0.0, 20.0, 10.0, 80.0, 30.0, 40.0, 30.0, 100.0, 90.0, 0.0, 100.0, 20.0, -1.0, 0.0, 10.0, 80.0, 30.0, 50.0, 30.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 30.0, 20.0, 50.0, 0.0, 40.0, 20.0, 30.0, 60.0, 40.0, 30.0, 50.0, 40.0, 80.0, 30.0, 10.0, 30.0, 10.0, 0.0, 0.0, 10.0, 40.0, 20.0, 70.0, 10.0, 40.0, 50.0, 50.0, 70.0, 40.0, 30.0, 20.0, 30.0, 40.0, 0.0, 50.0, 40.0, 20.0, 20.0, 100.0, 60.0, 10.0, 20.0, 20.0, 40.0, 100.0, 50.0, 40.0, 10.0, 40.0, 20.0, 40.0, 30.0, 0.0, 0.0, 10.0, 0.0, 30.0, 90.0, 100.0, 0.0, 30.0, 50.0, 30.0, 20.0, 30.0, 40.0, 0.0, 10.0, 60.0, 40.0, 20.0, 90.0, 50.0, 70.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 50.0, 20.0, 30.0, 80.0, 70.0, 100.0, 0.0, 40.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 20.0, 10.0, 40.0, 10.0, 30.0, 40.0, 0.0, 10.0, 20.0, 40.0, 60.0, 60.0, 20.0, 0.0, 60.0, 20.0, 30.0, 40.0, 60.0, 0.0, 0.0, 30.0, 0.0, 100.0, 70.0, 30.0, 30.0, 20.0, 10.0, 50.0, 10.0, 10.0, 20.0, 20.0, 0.0, 30.0, 70.0, 60.0, 50.0, 0.0, 90.0, 0.0, 50.0, 100.0, 70.0, 70.0, 30.0, 100.0, -1.0, 30.0, 0.0, 0.0, 100.0, 30.0, 0.0, 80.0, 30.0, 60.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 70.0, 0.0, 0.0, 0.0, 40.0, 30.0, 20.0, 10.0, 30.0, 100.0, 40.0, 70.0, 40.0, 0.0, 0.0, -1.0, 100.0, 20.0, 30.0, 0.0, 30.0, 20.0, 30.0, 50.0, 40.0, 20.0, 20.0, 10.0, 100.0, 80.0, 0.0, 10.0, 0.0, 30.0, 40.0, 10.0, 60.0, 80.0, 60.0, 40.0, 60.0, 10.0, 30.0, 10.0, 20.0, 80.0, 30.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, 10.0, 20.0, 30.0, 70.0, 20.0, 20.0, 50.0, 10.0, 50.0, 20.0, 40.0, 20.0, 10.0, 70.0, 30.0, 30.0, 40.0, 50.0, 10.0, 40.0, 20.0, -1.0, 60.0, 10.0, 30.0, 50.0, 80.0, 20.0, 50.0, 40.0, 20.0, 20.0, 0.0, 70.0, 0.0, 40.0, 50.0, 20.0, 60.0, 40.0, 0.0, 30.0, 40.0, 30.0, 0.0, 20.0, 30.0, 40.0, 20.0, 80.0, 20.0, 20.0, 40.0, 20.0, 40.0, 40.0, 50.0, 30.0, 80.0, 30.0, 30.0, 50.0, 50.0, 100.0, 70.0, 50.0, -1.0, 20.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 20.0, 40.0, 30.0, 20.0, 20.0, 0.0, 30.0, 0.0, 10.0, 70.0, 20.0, 50.0, 30.0, 100.0, 30.0, 80.0, 80.0, 40.0, 30.0, 10.0, 30.0, 50.0, 50.0, 20.0, 40.0, 0.0, 60.0, 10.0, 10.0, 30.0, 70.0, 0.0, 10.0, -1.0, 30.0, 20.0, 50.0, 40.0, 10.0, 20.0, 20.0, 10.0, 50.0, 60.0, 0.0, 60.0, 40.0, -1.0, 20.0, 50.0, 70.0, 0.0, 50.0, 30.0, 40.0, 0.0, 50.0, 30.0, 60.0, 40.0, 40.0, 0.0, 50.0, 70.0, 30.0, 10.0, 20.0, 40.0, 40.0, 90.0, 20.0, 10.0, 30.0, 30.0, 20.0, 50.0, 40.0, 60.0, 60.0, 80.0, 0.0, 30.0, 20.0, 50.0, 20.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 40.0, 10.0, 10.0, 0.0, 50.0, 30.0, 0.0, 0.0, 30.0, 80.0, 50.0, 50.0, 30.0, 20.0, 30.0, 50.0, 20.0, 20.0, 50.0, 20.0, 60.0, 40.0, 30.0, 0.0, 70.0, 90.0, 50.0, 0.0, 80.0, 30.0, 0.0, 10.0, 100.0, 20.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 20.0, 60.0, 20.0, 0.0, 20.0, 20.0, 20.0, 40.0, 20.0, 0.0, 40.0, 40.0, 60.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 50.0, 10.0, 20.0, 0.0, 70.0, 30.0, 0.0, 60.0, 30.0, 10.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0], (3600, 1200): [70.0, 20.0, 20.0, 30.0, 30.0, 40.0, 40.0, 20.0, 80.0, 10.0, 40.0, 30.0, 40.0, 30.0, 20.0, 40.0, 20.0, 0.0, 10.0, 20.0, 60.0, 30.0, 30.0, 30.0, 10.0, 30.0, 10.0, 20.0, 60.0, 10.0, 20.0, 20.0, 20.0, 20.0, 20.0, 10.0, 30.0, 10.0, 80.0, 40.0, 10.0, 30.0, 20.0, 100.0, 40.0, 50.0, 50.0, 30.0, 30.0, 10.0, 40.0, 50.0, 0.0, 80.0, 0.0, 30.0, 10.0, 60.0, 40.0, 10.0, 0.0, 60.0, 30.0, 10.0, 90.0, 30.0, -1.0, 40.0, 20.0, 30.0, 20.0, 10.0, 10.0, 20.0, 10.0, 80.0, 20.0, 10.0, 30.0, 40.0, 10.0, 40.0, 30.0, -1.0, 30.0, 40.0, 30.0, 10.0, 40.0, 0.0, 30.0, 40.0, 0.0, 40.0, 40.0, 30.0, 10.0, 10.0, 30.0, 20.0, 10.0, 40.0, 10.0, 20.0, 10.0, 0.0, 20.0, 40.0, -1.0, 50.0, 60.0, 40.0, 10.0, 40.0, 30.0, 40.0, 10.0, 20.0, 0.0, -1.0, 70.0, 30.0, 60.0, 40.0, 0.0, 20.0, 30.0, 10.0, 30.0, 0.0, 90.0, 30.0, 20.0, 20.0, 10.0, 30.0, 0.0, 10.0, 10.0, 10.0, 40.0, 40.0, -1.0, 40.0, 80.0, 10.0, 20.0, 60.0, 10.0, 10.0, 20.0, 20.0, 80.0, 40.0, 30.0, 30.0, 30.0, 70.0, 60.0, 30.0, 30.0, 10.0, 50.0, 30.0, 10.0, -1.0, 10.0, -1.0, 30.0, -1.0, 40.0, 20.0, 10.0, -1.0, 20.0, 50.0, 80.0, 30.0, 0.0, 40.0, 10.0, 70.0, 10.0, 50.0, 20.0, 10.0, 40.0, 0.0, 10.0, 20.0, 60.0, 70.0, 50.0, 40.0, 50.0, 50.0, 50.0, 20.0, 50.0, 40.0, 20.0, 50.0, -1.0, 10.0, 40.0, 50.0, -1.0, 10.0, 10.0, 20.0, 20.0, 10.0, 50.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 30.0, 0.0, 30.0, 40.0, 0.0, 60.0, 20.0, 0.0, 40.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 10.0, 40.0], (8400, 6000): [100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1300 = {(7800, 2600): [100.0, 100.0, 70.0, 60.0, 30.0, 30.0, 50.0, 30.0, 100.0, 90.0, 100.0, 50.0, 100.0, 60.0, 0.0, 70.0, 100.0, 60.0, 20.0, 20.0, 100.0, 40.0, 100.0, 40.0, 40.0, 40.0, 100.0, 100.0, 20.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 40.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 20.0, 60.0, 100.0, 30.0, 100.0, 20.0, 40.0, 50.0, 30.0, 100.0, 80.0, 30.0, 0.0, 0.0, 30.0, 30.0, 100.0, 100.0, 70.0, 100.0, 100.0, 60.0, 100.0, 100.0, 80.0, 90.0, 100.0, 40.0, 10.0, 0.0, 20.0, 30.0, 50.0, 100.0, 50.0, 100.0, 80.0, 50.0, 100.0, 10.0, 100.0, 100.0, 100.0, 80.0, 60.0, 100.0, 70.0, 10.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 50.0, 60.0, 100.0, 80.0, 70.0, 10.0, 30.0, 100.0, 100.0, 60.0, 100.0, 90.0, 100.0, 20.0, 100.0, 90.0, 70.0, 100.0, 100.0, 100.0, 60.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 100.0, 10.0, 90.0, 60.0, 70.0, 20.0, 100.0, 30.0, 0.0, 100.0, 100.0, 100.0, 60.0, 0.0, 30.0, 30.0, 70.0, 100.0, 40.0, 80.0, 90.0, 100.0, 60.0, 10.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 40.0, 10.0, 0.0, 10.0, 100.0, 100.0, 50.0, 100.0, 100.0, 30.0, 100.0, 30.0, 90.0, 100.0, 20.0, 100.0, 100.0, 40.0, 40.0, 20.0, 60.0, 10.0, 90.0, 50.0, 40.0, 100.0, 50.0, 20.0, 100.0, 40.0, 40.0, 100.0, 0.0], (6500, 2600): [20.0, 90.0, 20.0, 100.0, 70.0, 0.0, 100.0, 80.0, 40.0, 20.0, 10.0, 90.0, 100.0, 100.0, 80.0, 100.0, 40.0, 100.0, 100.0, 20.0, 0.0, 100.0, 10.0, 10.0, 0.0, 100.0, 30.0, 10.0, 50.0, 100.0, 30.0, 30.0, 20.0, 100.0, 100.0, 10.0, 20.0, 70.0, 80.0, 10.0, 30.0, 100.0, 90.0, 20.0, 10.0, 30.0, 100.0, 100.0, 30.0, 70.0, 70.0, 0.0, 10.0, 90.0, 80.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 0.0, 40.0, 70.0, 50.0, -1.0, 100.0, 90.0, 90.0, 40.0, 10.0, 100.0, 40.0, 30.0, 10.0, 80.0, 10.0, 60.0, 10.0, 80.0, 60.0, 0.0, 100.0, 50.0, 50.0, 100.0, 90.0, 100.0, 70.0, 60.0, 100.0, 90.0, 10.0, 10.0, 10.0, 10.0, 20.0, 0.0, 100.0, 10.0, 60.0, 60.0, 0.0, 40.0, 0.0, 0.0, 90.0, 100.0, 70.0, 100.0, 100.0, 70.0, 0.0, 90.0, 50.0, 100.0, 70.0, 100.0, 60.0, 40.0, 100.0, 40.0, 10.0, 40.0, 100.0, 30.0, 50.0, 100.0, 100.0, 40.0, 70.0, 0.0, 0.0, 70.0, 30.0, 100.0, 50.0, 100.0, 0.0, 20.0, 0.0, 100.0, 30.0, 20.0, 20.0, 100.0, 40.0, 50.0, 20.0, 70.0, 30.0, 0.0, 100.0, 70.0, 0.0, 10.0, 40.0, 100.0, 0.0, 100.0, 40.0, 80.0, 100.0, 90.0, 0.0, 90.0, 100.0, 100.0, 40.0, 100.0, 70.0, 100.0, 40.0, 30.0, 100.0, 100.0, 10.0, 50.0, 80.0, 80.0, 30.0, 100.0, 20.0, 50.0, 0.0, 20.0, 0.0, 0.0, 50.0, 10.0, 10.0, 20.0, 10.0, 60.0, 80.0, 20.0, 100.0, 60.0, 60.0, 70.0, 70.0, 100.0, 0.0, 20.0, 60.0, 60.0, 100.0, 60.0, 0.0, 80.0, 60.0, 0.0, 30.0, 90.0, 90.0, 60.0, 50.0, 100.0, 70.0, 40.0, 100.0, 20.0, 30.0, 100.0, 30.0, 70.0, 80.0, 100.0, 70.0, 20.0, 30.0, 70.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 30.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 0.0, 0.0, 100.0, 10.0, 90.0, 30.0, 60.0, 10.0, 100.0, 100.0, 0.0, 0.0, 40.0, 30.0, 70.0, 60.0, 50.0, 90.0, 100.0, 80.0, 10.0, 90.0, 30.0, 60.0, 20.0, 100.0, 100.0, 0.0, 100.0, 0.0, 60.0], (3900, 3900): [0.0, 20.0, 10.0, 10.0, 100.0, 0.0, 10.0], (1300, 1300): [0.0, 60.0, -1.0, 50.0, 40.0, 40.0, 50.0, 20.0, 10.0, 30.0, 70.0, 80.0, 50.0, 70.0, -1.0, 20.0, 40.0, 50.0, 40.0, 20.0, 40.0, 90.0, 30.0, 30.0, -1.0, 100.0, 70.0, 50.0, 20.0, 20.0, 50.0, 90.0, 70.0, 70.0, 40.0, 60.0, 70.0, 60.0, 50.0, 30.0, 80.0, 60.0, 70.0, -1.0, 100.0, -1.0, -1.0, 20.0, 30.0, 70.0, 40.0, 60.0, 50.0, 20.0, 40.0, 60.0, 0.0, 50.0, 40.0, 30.0, 50.0, 70.0, 20.0, 20.0, 60.0, 40.0, 40.0, 20.0, 50.0, 70.0, 30.0, 50.0, 30.0, 70.0, 20.0, 40.0, 30.0, 20.0, 50.0, 60.0, 50.0, 50.0, 40.0, 50.0, 40.0, -1.0, 100.0, 70.0, 20.0, 90.0, 50.0, 10.0, 30.0, 60.0, 20.0, 30.0, 50.0, 50.0, 50.0, 40.0, 30.0, 20.0, 20.0, -1.0, 40.0, 50.0, 60.0, 20.0, 60.0, -1.0, -1.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 70.0, 50.0, 60.0, 50.0, 50.0, 20.0, 30.0, 30.0, 40.0, 80.0, 30.0, 40.0, 40.0, 10.0, 70.0, 60.0, 60.0, 30.0, 60.0, 50.0, 50.0, 20.0, 70.0, 60.0, -1.0, 60.0, 60.0, 30.0, 40.0, 40.0, 70.0, 60.0, -1.0, 70.0, 20.0, 20.0, 80.0, 30.0, 30.0, 90.0, 30.0, 60.0, 40.0, 20.0, 40.0, 60.0, -1.0, 50.0, 20.0, 20.0, 50.0, 30.0, 60.0, 30.0, -1.0, -1.0, 50.0], (0, 0): [60.0, 20.0, 40.0, 50.0, 0.0, 10.0, 0.0, 20.0, 50.0, 100.0, 50.0, 100.0, 40.0, 40.0, 60.0, 40.0, 20.0, 0.0, 50.0, 20.0, 70.0, 30.0, 50.0, 20.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 10.0, 30.0, 20.0, 20.0, 50.0, 50.0, 80.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, -1.0, 80.0, 50.0, 100.0, 10.0, 10.0, 40.0, 10.0, 20.0, -1.0, 30.0, 20.0, 10.0, -1.0, 40.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 20.0, 40.0, 50.0, 30.0, 50.0, 50.0, 30.0, 0.0, 10.0, 50.0, 20.0, 40.0, 30.0, 30.0, 60.0, 20.0, 10.0, 20.0, 20.0, 60.0, 40.0, 80.0, 20.0, 10.0, 10.0, 60.0, 20.0, 50.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 10.0, 50.0, 10.0, 50.0, 60.0, 10.0, 0.0, 100.0, -1.0, 40.0, 20.0, 100.0, 40.0, 10.0, 50.0, 40.0, 20.0, 40.0, 20.0, 100.0, -1.0, 30.0, 50.0, 40.0, 10.0, 30.0, 30.0, 10.0, 50.0, 40.0, 40.0, 10.0, 60.0, 40.0, 70.0, 40.0, 40.0, 30.0, 20.0, 50.0, 10.0, 30.0, 40.0, 10.0, 10.0, 30.0], (3900, 0): [10.0, 10.0, 10.0, 30.0, 0.0, 20.0, 10.0, 30.0, 40.0, 20.0, 10.0, 30.0, -1.0, 0.0, 40.0, 10.0, 10.0, 10.0, 20.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 50.0, 30.0, 0.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 40.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 0.0, 10.0, -1.0, 20.0, 0.0, 10.0, 10.0, 20.0, 20.0, -1.0, 10.0, -1.0, 0.0, 10.0, 0.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 10.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 0.0, 10.0, 10.0, 10.0, 10.0, 10.0, -1.0, 10.0, 10.0, 0.0, 20.0, -1.0, 10.0, 50.0, 30.0, 20.0, 0.0, -1.0, 10.0, 10.0, 0.0, -1.0, -1.0, 10.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 20.0, 10.0, 10.0, 10.0, 20.0, 10.0, 30.0, 10.0, 20.0, 10.0, 30.0, 10.0, 20.0, 10.0, 30.0, 30.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, 20.0, 10.0, 40.0, -1.0, 10.0, 20.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 30.0, -1.0, 10.0, 30.0, 50.0, 10.0, 0.0, 20.0, 10.0, 20.0, 0.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0], (5200, 3900): [60.0, 50.0, 0.0, 0.0, 0.0, 20.0, 50.0, 100.0, 30.0, 10.0, 40.0, 100.0, 0.0, 10.0, 20.0, 20.0, 60.0, 100.0, 70.0, 60.0, 10.0, 10.0, 60.0, 90.0, 40.0, 100.0, 20.0, 0.0, 0.0, 0.0, 20.0, 0.0, 20.0, 0.0, 20.0, 0.0, 80.0, 0.0, 0.0, 50.0, 0.0, 10.0, 0.0, 40.0, 100.0, 0.0, 30.0, 60.0, 40.0, 40.0, 0.0, 30.0, 10.0, 30.0, 40.0, 0.0, 10.0, 60.0, 0.0, 20.0, 30.0, 0.0, 100.0, 30.0, 10.0, 0.0, 80.0, 60.0, 50.0, 0.0, 40.0, 0.0, 0.0, 20.0, 100.0, 0.0, 70.0, 80.0, 80.0, 90.0, 60.0, 0.0, 50.0, 40.0, 10.0, 20.0, 50.0, 20.0, 90.0, 20.0, 80.0, 20.0, 60.0, 100.0, 0.0, 10.0, 20.0, 10.0, 0.0, 100.0, 0.0, 60.0, 90.0, 0.0, 10.0, 0.0, 0.0, 0.0, 90.0, 0.0, 10.0, 40.0, 20.0, 100.0, 60.0, 80.0, 60.0, 20.0, 10.0, 40.0, 20.0, 0.0, 20.0, 10.0, 70.0, 20.0, 90.0, 30.0, 0.0, 100.0, 0.0, 100.0, 10.0, 30.0, 0.0, 0.0, 60.0, 30.0, 0.0, 20.0, 100.0, 0.0, 30.0, 0.0, 0.0, 60.0, 70.0, 30.0, 40.0, 100.0, 0.0, 0.0, 30.0, 30.0, 90.0, 40.0, 0.0, 10.0, 0.0, 10.0, 30.0, 100.0, 30.0, 60.0, 60.0, 70.0, 0.0, 100.0, 100.0, 80.0, 0.0, 100.0, 0.0, 50.0, 40.0, 90.0, 20.0, 0.0, 100.0, 0.0, 0.0, 70.0, 0.0, 0.0, 40.0, 20.0, 0.0, 10.0, 40.0, 90.0, 10.0, 80.0, 60.0, 20.0, 0.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 60.0, 100.0, 0.0, 0.0, 70.0, 100.0, 50.0, 0.0, 20.0, 10.0, 20.0, 10.0, 0.0, 80.0, 10.0, 20.0, 50.0, 0.0, 100.0, 0.0, 60.0, 0.0, 60.0, 10.0, 0.0, 10.0, 90.0, 20.0, 20.0, 0.0, 60.0, 0.0, 100.0, 60.0, 100.0, 30.0, 0.0, 40.0, 0.0, 40.0, 20.0, 80.0, 0.0, 10.0, 80.0, 20.0, 0.0, 100.0, 10.0, 0.0, 10.0, 0.0, 40.0, 20.0, 0.0, 30.0, 70.0, 60.0, 10.0, 50.0, 50.0, 0.0, 0.0, 40.0, 80.0, 60.0, 40.0, 20.0, 20.0, 100.0, 0.0, 50.0, 0.0, 10.0, 30.0, 10.0, 10.0, 50.0, 0.0, 10.0, 100.0, 30.0, 20.0, 10.0, 50.0, 90.0, -1.0, 0.0, 0.0, 10.0, 90.0, 10.0, 100.0, 10.0, 70.0, 20.0, 20.0, 90.0, 50.0, 50.0, 10.0, 80.0, 80.0, 70.0, 0.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 10.0, 70.0, 40.0, 10.0, 60.0, 0.0, 0.0, 0.0, 50.0, 10.0, 60.0, 60.0, 60.0, 50.0, 0.0, 40.0, 10.0, 0.0, 10.0, 20.0, 10.0, 0.0, 0.0, 20.0, 30.0, 40.0, 0.0, 20.0, 100.0, 20.0, 70.0, 100.0, 30.0, 30.0, 60.0, 40.0, 20.0, 70.0, 100.0, 50.0, 20.0, 0.0, 60.0, 20.0, 0.0, 30.0, 20.0, 50.0, 0.0, 80.0, 0.0, 90.0, 100.0, 0.0, 90.0, -1.0, 100.0, 30.0, 100.0, 100.0, 50.0, 20.0, 20.0, 100.0, 0.0, 60.0, 40.0, 50.0, 40.0, 100.0, 100.0, 90.0, 50.0, 80.0, 70.0, 50.0, 100.0, 0.0, 0.0, 20.0, 0.0, 30.0, 10.0, 40.0, 10.0, 60.0, 40.0, 40.0, 0.0, 20.0, 0.0, 10.0, 0.0, 10.0, 70.0, 100.0, 20.0, 0.0, 70.0, 10.0, 0.0, 20.0, 40.0, 100.0, 0.0, 0.0, 0.0], (7800, 5200): [100.0, 100.0, 20.0, 70.0, 30.0, 10.0, 100.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 0.0, 10.0, 100.0, 20.0, 10.0, 40.0, 20.0, 100.0, 90.0, 40.0, 80.0, 70.0, 100.0, 80.0, 10.0, 90.0, 30.0, 100.0, 90.0, 100.0, 10.0, 20.0, 0.0, 100.0, 100.0, 90.0, 10.0, 100.0, 90.0, 40.0, 50.0, 70.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 70.0, 80.0, 100.0, 0.0, 80.0, 10.0, 20.0, 20.0, 0.0, 100.0, 30.0, 0.0, 100.0, 100.0, 100.0, 20.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 10.0, 20.0, 90.0, 30.0, 100.0, 0.0, 100.0, 30.0, 10.0, 0.0, 100.0, 0.0, 50.0, 100.0, 100.0, 10.0, 20.0, 100.0, 40.0, 10.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 80.0, 0.0, 100.0, 20.0, 100.0, 100.0, 60.0, 100.0, 100.0, 10.0, 0.0, 0.0, 100.0, 60.0, 20.0, 100.0, 100.0, 10.0, 100.0, 20.0, 100.0, 10.0, 20.0, 0.0, 70.0, 60.0, 0.0, 60.0, 40.0, 20.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 50.0, 70.0, 90.0, 50.0, 100.0, 100.0, 90.0, 20.0], (2600, 0): [10.0, 0.0, 30.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, 0.0, -1.0, -1.0, 50.0, 10.0, 30.0, -1.0, 10.0, -1.0, 0.0, -1.0, 60.0, -1.0, 10.0, 20.0, 10.0, -1.0, 10.0, 10.0, -1.0, 20.0, -1.0, 40.0, -1.0, 10.0, 10.0, 40.0, 20.0, 20.0, 10.0, 30.0, 10.0, 10.0, -1.0, 20.0, -1.0, 10.0, 20.0, 10.0, 0.0, 10.0, -1.0, 10.0, 10.0, 20.0, -1.0, -1.0, 10.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 20.0, 0.0, -1.0, -1.0, 20.0, 10.0, 20.0, 10.0, 20.0, 30.0, 0.0, -1.0, 10.0, -1.0, 20.0, 10.0, 10.0, 30.0, 30.0, 10.0, 30.0, 30.0, 10.0, -1.0, -1.0, 10.0, 20.0, 0.0, 20.0, 40.0, 10.0, -1.0, 10.0, 0.0, 10.0, 20.0, 40.0, 20.0, 10.0, 30.0, 10.0, 10.0, 0.0, -1.0, 20.0, 10.0, 0.0, 30.0, -1.0, 10.0, 0.0, 10.0, 20.0, -1.0, 30.0, 10.0, 10.0, -1.0, 20.0, 20.0, 10.0, -1.0, 10.0, 20.0, 40.0, 10.0, -1.0, 10.0, 30.0, -1.0, 20.0, -1.0, -1.0, 10.0, 0.0, 10.0, 10.0, 30.0, 30.0, 10.0, 20.0, -1.0, 10.0, 0.0, 10.0, 50.0, 0.0, 20.0, 10.0, 20.0, 20.0, 40.0, 10.0, 20.0, -1.0, 0.0, -1.0, 30.0, 10.0, 10.0, 20.0, 30.0, 40.0, 20.0, 50.0, 40.0, 40.0, -1.0, 0.0, 20.0, 30.0, 10.0, 20.0, 10.0], (1300, 0): [40.0, 10.0, 50.0, 10.0, 60.0, 10.0, -1.0, 90.0, 10.0, -1.0, -1.0, 30.0, -1.0, 20.0, -1.0, 10.0, -1.0, 30.0, 40.0, 20.0, 20.0, -1.0, 0.0, 50.0, 30.0, 30.0, 10.0, 60.0, -1.0, 10.0, 40.0, 20.0, 0.0, 20.0, 20.0, 20.0, 80.0, 40.0, -1.0, 10.0, 40.0, 30.0, 40.0, 50.0, 20.0, 20.0, 10.0, -1.0, 20.0, 30.0, 20.0, 60.0, 50.0, 90.0, 40.0, 10.0, 10.0, 90.0, 10.0, 10.0, 60.0, 20.0, 30.0, 10.0, 50.0, 10.0, 20.0, 10.0, 60.0, 30.0, 30.0, 60.0, 40.0, -1.0, 0.0, 20.0, 50.0, 10.0, -1.0, -1.0, 10.0, 60.0, 30.0, 10.0, 60.0, -1.0, 40.0, 10.0, 20.0, 30.0, -1.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, -1.0, 40.0, 10.0, 20.0, 30.0, 0.0, 40.0, 40.0, 20.0, 30.0, 80.0, 40.0, -1.0, 30.0, 30.0, 70.0, 70.0, 40.0, 40.0, 20.0, 50.0, 10.0, -1.0, 50.0, 10.0, 50.0, 90.0, 10.0, 10.0, 40.0, 70.0, 30.0, 10.0, 0.0, 0.0, 40.0, -1.0, 20.0, 10.0, 0.0, 30.0, 20.0, 20.0, 70.0, -1.0, 40.0, 0.0, 10.0, 80.0, 0.0, 0.0, -1.0, 40.0, -1.0, 0.0, 10.0, -1.0, 10.0, 30.0, 10.0, 40.0, 40.0, 20.0, 40.0, 10.0, 40.0, 10.0, 30.0, 0.0, 10.0, 0.0, 30.0, -1.0, 0.0, 10.0, 20.0, 20.0, 40.0, 30.0, 20.0, 20.0, 40.0, 40.0, 10.0, 30.0, 10.0, 40.0, 10.0, 20.0, 0.0, 30.0, 50.0, 50.0, 10.0, 40.0, 80.0, -1.0, 40.0, 70.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 30.0, 50.0, 40.0, 0.0, 70.0, 30.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 20.0, 20.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 0.0, 40.0, 50.0, 10.0, 70.0, 20.0, 20.0, 30.0, 20.0, 40.0, -1.0, 20.0, 10.0, 40.0, 60.0, 10.0, 30.0, 0.0, 10.0, 40.0, 60.0, 10.0, 20.0, 50.0, 10.0, 20.0, 30.0, 20.0, 10.0, 0.0, 30.0, 50.0, -1.0, 60.0, 20.0, 20.0, 20.0, 30.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 40.0, -1.0, 0.0, 30.0, -1.0, 30.0, 50.0, 0.0, 70.0, 40.0, 60.0, 10.0, 10.0, 20.0, 40.0, 40.0, 20.0, 30.0, 0.0, 0.0, 10.0], (2600, 2600): [90.0, 50.0, 70.0, 40.0, -1.0, 80.0, 20.0, 50.0, 30.0, 30.0, 60.0, 10.0, 60.0, 50.0, 20.0, 40.0, 50.0, 70.0, 30.0, 50.0, 30.0, 100.0, 30.0, 20.0, 40.0, 50.0, 80.0, 20.0, 60.0, 30.0, 50.0, 70.0, 20.0, 40.0, 30.0, 40.0, -1.0, 40.0, 20.0, 20.0, 30.0, 50.0, 50.0, 60.0, 50.0, 30.0, 80.0, 50.0, 50.0, 30.0, 50.0, 30.0, 10.0, 30.0, 90.0, 50.0, 20.0, 20.0, 40.0, 60.0], (5200, 1300): [30.0, 40.0, 10.0, 20.0, 30.0, 70.0, 0.0, 30.0, 20.0, 80.0, 30.0, 30.0, 30.0, 10.0, 50.0, 0.0, 40.0, 70.0, 60.0, 60.0, 30.0, 20.0, 50.0, 20.0, 10.0, 30.0, 100.0, 30.0, 30.0, 20.0, 20.0, 30.0, 0.0, 30.0, 40.0, 10.0, 50.0, 60.0, 80.0, 40.0, 10.0, 10.0, 50.0, 40.0, 50.0, 0.0, 30.0, 0.0, 40.0, 50.0, 60.0, 60.0, 50.0, 10.0, 50.0, 0.0, 40.0, 40.0, 30.0, 40.0, 100.0, 10.0, 10.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 50.0, 30.0, 30.0, 10.0, 10.0, 60.0, 40.0, 0.0, 30.0, 50.0, 50.0, 30.0, 40.0, 70.0, 30.0, 10.0, 10.0, 0.0, 100.0, 40.0, 40.0, 20.0, 40.0, 10.0, 0.0, 60.0, 10.0, 40.0, 10.0, 30.0, 30.0, 20.0, 10.0, 70.0, 60.0, 20.0, 60.0, 50.0, 10.0, 40.0, 0.0, 30.0, 60.0, 20.0, 100.0, 30.0, 10.0, 20.0, 40.0, 40.0, 20.0, 50.0, 50.0, 10.0, 40.0, 80.0, 30.0, 0.0, 20.0, 70.0, 0.0, 60.0, 10.0, 100.0, 50.0, 0.0, 10.0, 80.0, 100.0, 20.0, 20.0, 10.0, 40.0, 60.0, 100.0, 100.0, 50.0, 50.0, 30.0, 30.0, 60.0, 20.0, 80.0, 60.0, 30.0, 10.0, 20.0, 70.0, 30.0, 50.0, 40.0, 50.0, 10.0, 40.0, 50.0, 60.0, 30.0, 70.0, 60.0, 20.0, 10.0, 30.0, 0.0, 10.0, 100.0, 20.0, 70.0, 10.0, 10.0, 30.0, 0.0, 10.0, 20.0, 20.0, 40.0], (6500, 1300): [30.0, 100.0, 70.0, 60.0, 90.0, 30.0, 100.0, 20.0, 50.0, 60.0, 80.0, 90.0, 100.0, 10.0, 90.0, 30.0, 80.0, 90.0, 100.0, 100.0, 100.0, 30.0, 0.0, 40.0, 80.0, 70.0, 30.0, 100.0, 90.0, 60.0, 10.0, 40.0, 70.0, 30.0, 20.0, 40.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 30.0, 80.0, 10.0, 30.0, 100.0, 50.0, 90.0, 100.0, 60.0, 0.0, 80.0, 100.0, 20.0, 60.0, 10.0, 10.0, 100.0, 100.0, 100.0, 30.0, 60.0, 0.0, 60.0, 70.0, 60.0, 30.0, 30.0, 100.0, 10.0, 0.0, 10.0, 10.0, 90.0, 30.0, 70.0, 30.0, 70.0, 20.0, 70.0, 100.0, 70.0, 40.0, 60.0, 60.0, 10.0, 10.0, 70.0, 10.0, 0.0, 40.0, 50.0, 60.0, 70.0, 100.0, 80.0, 80.0, 40.0, 50.0, 20.0, 50.0, 40.0, 70.0, 70.0, 50.0, 10.0, 70.0, 60.0, 20.0, 0.0, 90.0, 70.0, 80.0, 50.0, 30.0, 80.0, 80.0, 100.0, 80.0, 90.0, 50.0, 60.0, 20.0, 80.0, 50.0, 0.0, 100.0, 0.0, 100.0, 60.0, 80.0, 80.0, 50.0, 90.0, 30.0, 100.0, 100.0, 70.0, 90.0, 60.0, 40.0, 100.0, 90.0, 100.0, 0.0, 60.0, 30.0, 40.0, 90.0, 90.0, 30.0, 100.0, 80.0, 100.0], (7800, 1300): [100.0, 100.0, 100.0, 50.0, 20.0, 100.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 100.0, 20.0, 100.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 40.0, 70.0, 20.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 0.0, 100.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 50.0, 20.0, 70.0, 80.0, 100.0, 80.0, 90.0, 100.0, 60.0, 80.0, 50.0, 30.0, 100.0, 100.0, 100.0, 40.0, 90.0, 100.0, 20.0, 50.0, 60.0, 50.0, 100.0, 100.0, 10.0, 80.0, 100.0, 100.0, 100.0, 80.0, 80.0, 50.0, 50.0, 10.0, 10.0, 30.0, 60.0, 50.0, 100.0, 100.0, 70.0, 80.0, 70.0, 100.0, 50.0, 100.0, 70.0, 80.0, 90.0, 50.0, 90.0, 10.0, 20.0, 80.0, 100.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 70.0, 100.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 40.0, 100.0, 80.0, 20.0], (5200, 2600): [20.0, 70.0, 90.0, 100.0, 0.0, 100.0, 20.0, 80.0, 10.0, 0.0, 20.0, 10.0, 10.0, 50.0, 0.0, 20.0, 10.0, 100.0, 50.0, 100.0, 20.0, 30.0, 50.0, 40.0, 0.0, 10.0, 10.0, 10.0, 30.0, 0.0, 100.0, 0.0, 0.0, 70.0, 20.0, 100.0, 20.0, 30.0, 0.0, 50.0, 100.0, 40.0, 0.0, 20.0, 100.0, 0.0, 0.0, 40.0, 50.0, 0.0, 60.0, 0.0, 90.0, 10.0, 10.0, 0.0, 0.0, 20.0, 0.0, 20.0, 40.0, 40.0, 10.0, 60.0, 60.0, 10.0, 0.0, 10.0, 100.0, 40.0, 0.0, 30.0, 10.0, 60.0, 10.0, 100.0, 0.0, 0.0, 70.0, 30.0, 10.0, 90.0, 0.0, 30.0, 0.0, 80.0, 30.0, 20.0, 10.0, 30.0, 0.0, 10.0, 50.0, 20.0, 30.0, 20.0, 0.0, 0.0, 40.0, 100.0, 10.0, 0.0, 0.0, 0.0, 0.0, 90.0, 40.0, 10.0, 30.0, 90.0, 30.0, 10.0, 90.0, 20.0, 0.0, 10.0, 0.0, 0.0, 90.0, 0.0, 0.0, 40.0, 10.0, 100.0, 30.0, 100.0, 20.0, 0.0, 10.0, 50.0, 10.0, 0.0, 0.0, 50.0, 40.0, 10.0, 50.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 90.0, 70.0, 40.0, 10.0, 60.0, 0.0, 50.0, 10.0, 10.0, 50.0, 50.0, 0.0, 70.0, 40.0, 20.0, 0.0, 60.0, 90.0, 10.0, 80.0, 20.0, 0.0, 50.0, 20.0, 0.0, 60.0, 60.0, 0.0, 20.0, 30.0, 40.0, 50.0, 80.0, 40.0, 0.0, 10.0, 0.0, 20.0, 0.0, 80.0, 40.0, 80.0, 100.0, 0.0, 10.0, 10.0, 10.0, 20.0, 70.0, 100.0, 0.0, 0.0, 50.0, 60.0, 90.0, 0.0, 100.0, 100.0, 10.0, 30.0, 0.0, 70.0, 30.0, 90.0, 0.0, 30.0, 80.0, 0.0, 50.0, 80.0, 70.0, 80.0, 0.0, 30.0, 40.0, 40.0, 70.0, 30.0, 10.0, 20.0, 80.0, 100.0, 0.0, 30.0, 10.0, 50.0, 0.0, 80.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 60.0, 30.0, 90.0, 0.0, 0.0, 100.0, 0.0, 30.0, 70.0, 20.0, 90.0, 10.0, 20.0, 40.0, 50.0, 30.0, 40.0, 20.0, 0.0, 0.0, 0.0, 0.0, 70.0, 40.0, 10.0, 0.0, 10.0, 0.0, 80.0, 30.0, 0.0, 50.0, 30.0, 10.0, 50.0, 10.0, 0.0, 90.0, 10.0, 60.0, 0.0, 50.0, 0.0, 80.0, 100.0, 100.0, 0.0, 40.0, 10.0, 10.0, 30.0, 0.0, 10.0, 90.0, 30.0, 0.0, 100.0, 60.0, 30.0, 10.0, 10.0, 0.0, 30.0, 90.0, 30.0, 0.0, 0.0, 20.0, 0.0, 0.0, 90.0, 40.0, 70.0, 70.0, 0.0, 90.0, 40.0, 50.0, 0.0, 40.0, 20.0, 40.0, 100.0, 70.0, 100.0, 40.0, 0.0, 0.0, 30.0, 30.0, 10.0, 30.0, 30.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 0.0, 30.0, 100.0, 20.0, 10.0, 20.0, 0.0, 20.0, 80.0, -1.0, 30.0, 60.0, 0.0, 20.0, 60.0, 30.0, 10.0, 0.0, 20.0, 80.0, 0.0, 30.0, 20.0, 30.0, 70.0, 10.0, 0.0, 0.0, 60.0, 70.0, 0.0, 30.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 50.0, 70.0, 20.0, 90.0, 40.0, 0.0, 0.0, 80.0, 20.0, 0.0, 100.0, 20.0, 60.0, 20.0, 0.0, 0.0, 20.0, 80.0, 60.0, 90.0, 0.0, 60.0, 60.0, 0.0, 80.0, 70.0, 90.0, 10.0, 30.0, 70.0, 0.0, 50.0, 90.0, 50.0, 70.0, 50.0, 0.0, 20.0, 70.0, 20.0, 70.0, 30.0, 80.0, 20.0, 60.0, 0.0, 0.0, 10.0, 10.0, 0.0, 50.0, 10.0, 30.0, 10.0, 20.0, 0.0, 100.0, 70.0, 20.0, 40.0, 20.0, 0.0, 50.0, 0.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 20.0, 10.0, 20.0, 20.0, 70.0, 0.0, 10.0, 0.0, 10.0, 0.0, 90.0, 20.0, 10.0, 100.0, 70.0, 100.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 30.0, 90.0, 40.0, 0.0, 0.0, 10.0, 10.0, 100.0, 0.0, 10.0, 50.0, 40.0, 100.0, 10.0, 50.0, 0.0, 90.0, -1.0, 30.0, 100.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 70.0, 0.0, 40.0, 70.0, 0.0, 0.0, 20.0, 100.0, 100.0, 20.0, 60.0, 10.0, 0.0, 30.0, 50.0, 10.0, 0.0, 30.0, 0.0, 60.0, 40.0, 10.0, 100.0, 0.0, 10.0, 90.0, 40.0, 30.0, 30.0, 0.0, 10.0, 0.0, 30.0, 0.0, 50.0, 60.0, 0.0, 60.0, 30.0, 0.0, 10.0, 0.0, 100.0, 30.0, 60.0, 10.0, 0.0, 30.0, 0.0, 20.0, 10.0, 10.0, 100.0], (7800, 3900): [90.0, 0.0, 40.0, 20.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 40.0, 90.0, 100.0, 100.0, 30.0, 70.0, 20.0, 90.0, 30.0, 20.0, 10.0, 60.0, 20.0, 100.0, 30.0, 80.0, 100.0, 10.0, 0.0, 70.0, 100.0, 0.0, 10.0, 100.0, 60.0, 20.0, 100.0, 30.0, 30.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 0.0, 60.0, 10.0, 100.0, 80.0, 90.0, 40.0, 100.0, 60.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 70.0, 90.0, 0.0, 70.0, 80.0, 100.0, 80.0, 80.0, 100.0, 70.0, 100.0, 70.0, 90.0, 90.0, 30.0, 70.0, 10.0, 80.0, 30.0, 10.0, 100.0, 100.0, 0.0, 100.0, 90.0, 80.0, 0.0, 100.0, 10.0, 0.0, 0.0, 10.0, 0.0, 80.0, 50.0, 0.0, 30.0, 10.0, 50.0, 50.0, 100.0, 100.0, 100.0, 30.0, 100.0, 40.0, 100.0, 100.0, 20.0, 10.0, 50.0, 100.0, 100.0, 100.0, 0.0, 10.0, 90.0, 100.0, 70.0, 100.0, 20.0, 90.0, 100.0, 0.0, 0.0, 100.0, 10.0, 50.0, 0.0, 100.0, 100.0, 100.0, 70.0, 40.0, 10.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 60.0, 0.0, 10.0, 90.0, 80.0, 80.0, 100.0, 100.0, 100.0, 0.0, 30.0, 0.0, 10.0, 10.0, 70.0, 60.0, 100.0, 30.0, 0.0, 100.0, 100.0, 60.0, 100.0, 30.0, 100.0, 90.0, 100.0, 30.0, 30.0, 50.0, 70.0, 100.0, 20.0, 90.0, 40.0, 90.0, 90.0, 100.0, 0.0, 50.0, 100.0, 10.0, 100.0, 100.0, 60.0, 0.0, 20.0, 100.0, 100.0, 20.0, 40.0, 100.0, 100.0, 60.0, 100.0, 70.0, 50.0, 100.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 0.0, 40.0, 100.0, 100.0, 60.0, 100.0, 100.0, 90.0, 100.0, 10.0, 100.0, 20.0, 100.0, 80.0, 0.0, 100.0, 10.0, 30.0, 100.0, 10.0, 50.0, 70.0, 100.0, 100.0, 100.0, 90.0, 50.0, 10.0, 100.0, 100.0, 30.0, 80.0, 100.0, 0.0, 60.0, 0.0, 70.0, 40.0, 10.0, 80.0, 30.0, 20.0, 100.0, 80.0, 50.0, 100.0, 20.0, 100.0, 70.0, 100.0, 80.0, 90.0, 100.0, 60.0, 30.0, 20.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 100.0, 0.0, 10.0, 100.0, 30.0, 100.0, 40.0, 50.0, 100.0, 20.0, 0.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 20.0, 60.0, 0.0, 100.0, 90.0, 20.0, 20.0, 80.0, 30.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 80.0, 100.0, 80.0, 0.0, 30.0, 100.0, 100.0, 20.0, 50.0, 50.0, 10.0, 100.0, 0.0, 90.0, 30.0, 100.0, 0.0, 100.0, 30.0, 20.0, 100.0, 50.0, 80.0, 70.0, 0.0, 0.0, 50.0, 20.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 80.0, 100.0, 40.0, 10.0, 60.0, 10.0, 70.0, 20.0, 40.0, 70.0, 0.0, 100.0, 0.0, 50.0, 20.0, 0.0, 60.0, 90.0, 100.0, 60.0, 0.0, 100.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 20.0, 100.0, 0.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0], (2600, 1300): [50.0, 60.0, 70.0, 20.0, 30.0, 40.0, 30.0, 40.0, 20.0, 40.0, 30.0, -1.0, 20.0, 30.0, 40.0, 50.0, 40.0, 20.0, 50.0, 10.0, -1.0, 30.0, 20.0, 20.0, 10.0, 20.0, 20.0, 60.0, 90.0, -1.0, 80.0, 30.0, -1.0, 30.0, 10.0, 90.0, 30.0, -1.0, 30.0, 60.0, 30.0, 30.0, 30.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, 50.0, 30.0, 30.0, 20.0, 70.0, 90.0, 40.0, 50.0, 80.0, 40.0, 40.0, 10.0, 40.0, 20.0, 20.0, 50.0, 50.0, 40.0, 80.0, 30.0, 20.0, 20.0, 20.0, 30.0, 30.0, 20.0, 40.0, 40.0, 20.0, 20.0, 30.0, 70.0, 10.0, 30.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, -1.0, 70.0, 90.0, -1.0, 70.0, 40.0, 80.0, 20.0, 40.0, 40.0, 30.0, -1.0, 20.0, 30.0, 70.0, 20.0, 40.0, 80.0, 80.0, 50.0, 100.0, 50.0, 30.0, 70.0, 40.0, 50.0, 30.0, 40.0, 50.0, 20.0, 40.0, 30.0, 60.0, 50.0, 60.0, 50.0, 40.0, 40.0, 30.0, 20.0, 60.0, 20.0, 40.0, 40.0, 60.0, 60.0, 50.0, 20.0, 80.0, 50.0, -1.0, 10.0, 40.0, -1.0, 30.0, -1.0, 40.0, 30.0, 60.0, 30.0, 20.0, 20.0, -1.0, -1.0, 90.0, 60.0, 60.0, 50.0, 40.0, 80.0, 40.0, 30.0, 30.0, 90.0, 40.0, 20.0, 40.0, 30.0, 30.0, 30.0, 10.0, -1.0, 40.0, 20.0, 50.0, 30.0, 30.0, 40.0, 20.0, 20.0, 30.0, 20.0, 10.0, 80.0, 30.0, 40.0, 20.0, 80.0, 20.0, 60.0, 50.0, 10.0, 50.0, 40.0, -1.0, 50.0, 50.0, 30.0, 40.0, 50.0, 60.0, 40.0, 10.0, 30.0, 30.0, 90.0, 30.0, 40.0, 40.0, 60.0, 60.0, 60.0, 40.0, 60.0, 40.0, 50.0, 60.0, 40.0, 30.0, 30.0, 40.0, 10.0, 40.0, 30.0, 30.0, 100.0, 40.0, 40.0, 20.0, 40.0, 30.0, 30.0, 30.0, 40.0, 40.0, 100.0, 10.0, 40.0, 50.0, 80.0, 0.0, 30.0, 40.0, 80.0, 50.0, 20.0, 20.0, 40.0, 30.0, 30.0, -1.0, 30.0, 20.0, 30.0, 90.0, 20.0, 40.0, 80.0, 40.0, 70.0, 30.0, 20.0, 10.0, 80.0, 40.0, 60.0, 80.0, -1.0, 30.0, 40.0, 40.0, 70.0, 30.0, 50.0, 60.0, 20.0, 40.0, 60.0, 40.0, 50.0, 30.0, 100.0, 30.0, 30.0, 60.0, 30.0, 40.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 30.0, 40.0, 40.0, 30.0, 60.0, 80.0, 40.0, 30.0, 40.0, 100.0, 30.0, 90.0, 60.0, 10.0, 80.0, 20.0, 50.0, 30.0, 60.0, 20.0, -1.0, 20.0, 40.0, 80.0, 40.0, 20.0, 30.0, 90.0, 70.0, 30.0, 50.0, 60.0, 50.0, 40.0, 20.0, 60.0, -1.0, 30.0, 20.0, 60.0, 60.0, 40.0, 40.0, 70.0, 40.0, 60.0, 30.0, 20.0, 60.0, 70.0, 20.0, 50.0, 10.0, 40.0, 70.0, 80.0, 50.0, 10.0, 40.0, 50.0, 20.0, 40.0, 60.0, 20.0, 10.0, 10.0, 40.0, 50.0, 30.0, 30.0, 30.0, 20.0, 40.0, 40.0, 30.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 100.0, 50.0, 40.0, 50.0, 90.0, 70.0, 30.0, 30.0, 30.0, 50.0, 80.0, 30.0, 70.0, 40.0, 30.0, 40.0, 30.0, 50.0, 80.0, 40.0, 50.0, 30.0, 50.0, 40.0, 100.0, -1.0, 30.0, 50.0, 30.0, -1.0, 50.0, 60.0, 50.0, 0.0, 60.0, 50.0, 30.0, 20.0, 40.0, 50.0, 40.0, -1.0, -1.0, 40.0, 20.0, 30.0, -1.0, 20.0, 50.0, 0.0, 20.0, 30.0, 40.0, 40.0, -1.0, 40.0, 20.0, 40.0, 40.0, 50.0, 80.0, 30.0, 20.0, -1.0, 10.0, 20.0, 40.0, 70.0, 40.0, 10.0, 30.0, 70.0, 50.0, 60.0, 40.0, 100.0, 40.0, 50.0, 20.0, 30.0, -1.0, 50.0, 20.0, 40.0, 40.0, 50.0, 40.0, 30.0, 60.0, 50.0, 50.0, 10.0, 30.0, 90.0, 30.0, 60.0, 60.0, 30.0, 20.0, -1.0, -1.0, 30.0, 30.0, 50.0, 40.0, 20.0, 60.0, 90.0, 50.0, 40.0, 60.0, -1.0, 10.0, 40.0, 10.0, -1.0, 60.0, 40.0, -1.0, 10.0, 20.0, 40.0, 20.0, 90.0, 40.0, 20.0, 70.0, 30.0, 20.0, 30.0, 20.0, 70.0, 30.0, 40.0, 20.0, 60.0, 80.0, 20.0, 20.0, 50.0, 50.0, 40.0, 30.0, 60.0, 40.0, 30.0, 40.0, 100.0, 40.0, 20.0, 60.0, 40.0, 100.0, 70.0, 40.0, 40.0, 90.0, 20.0, 40.0, 40.0, 100.0, 40.0, 50.0, 70.0, 30.0, 30.0, 30.0, 50.0, 10.0, 40.0, 40.0, 40.0, 50.0, 40.0, 50.0], (3900, 2600): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 30.0, 0.0, 40.0, 80.0, 40.0, 40.0, 0.0, 60.0, 40.0, 50.0, 30.0, 10.0, 60.0, -1.0, 0.0, 100.0, 10.0, 20.0, 70.0, 70.0, 20.0, 60.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 30.0, 30.0, 40.0, 30.0, 30.0, 0.0, 40.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, -1.0, 10.0, 20.0, 0.0, 60.0, 20.0, 10.0, 10.0, 80.0, 0.0, 50.0, 30.0, 80.0, 40.0, 30.0, 100.0, 90.0, 0.0, 90.0, 100.0, 20.0, 20.0, 0.0, 10.0, 80.0, 30.0, 50.0, 30.0, 0.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 10.0, 30.0, 20.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 40.0, 40.0, 0.0, 0.0, 30.0, 50.0, 20.0, 40.0, 10.0, 30.0, 10.0, 0.0, 0.0, 70.0, 10.0, 0.0, 40.0, 20.0, 0.0, 0.0, 20.0, 0.0, 70.0, 10.0, 40.0, 50.0, 70.0, 40.0, 0.0, 20.0, 30.0, 0.0, 0.0, 50.0, 40.0, 20.0, 10.0, 0.0, 100.0, 60.0, 10.0, 0.0, 20.0, 20.0, 40.0, 10.0, 20.0, 100.0, 50.0, 50.0, 40.0, 20.0, 20.0, 40.0, 20.0, 20.0, 80.0, 70.0, 0.0, 0.0, 0.0, 10.0, 30.0, 100.0, 60.0, 0.0, 0.0, 30.0, 40.0, 50.0, 0.0, 10.0, 10.0, 50.0, 60.0, 0.0, 40.0, 0.0, 10.0, 30.0, 40.0, 20.0, 0.0, 90.0, 70.0, 90.0, 10.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 100.0, 30.0, 10.0, 80.0, 0.0, 100.0, 0.0, 20.0, 40.0, 80.0, 20.0, 30.0, 60.0, 100.0, 20.0, 20.0, 20.0, 10.0, 40.0, 0.0, 10.0, 30.0, 20.0, 40.0, 40.0, 0.0, 10.0, 10.0, 20.0, 40.0, 30.0, 100.0, 60.0, 20.0, 0.0, 0.0, 60.0, 20.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, 30.0, 100.0, 70.0, 10.0, 20.0, 20.0, 30.0, 20.0, 20.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 60.0, 20.0, 10.0, 0.0, 0.0, 30.0, 70.0, 60.0, 50.0, 0.0, 30.0, 90.0, 10.0, 10.0, 90.0, 70.0, 70.0, 20.0, 0.0, -1.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 0.0, 30.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 10.0, 70.0, 0.0, 0.0, 10.0, 10.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 30.0, 20.0, 20.0, 10.0, 30.0, 100.0, 40.0, 70.0, 100.0, 0.0, 0.0, 100.0, 20.0, 30.0, 0.0, 20.0, 50.0, 60.0, 40.0, 20.0, 60.0, 0.0, 20.0, 10.0, 80.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 60.0, 0.0, 50.0, 10.0, 0.0, 0.0, 30.0, 10.0, 10.0, 10.0, 80.0, 20.0, 80.0, 30.0, 20.0, 60.0, 20.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 10.0, 10.0, 20.0, 0.0, 30.0, 20.0, 20.0, 90.0, 0.0, 30.0, 100.0, 20.0, 80.0, 40.0, 0.0, 10.0, 10.0, 50.0, 20.0, 70.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 20.0, 60.0, 0.0, 0.0, 10.0, 100.0, 30.0, 50.0, 10.0, 70.0, 80.0, 20.0, 20.0, 30.0, 30.0, 20.0, 10.0, 0.0, 0.0, 70.0, 0.0, 30.0, 0.0, 20.0, 10.0, 10.0, 60.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 80.0, 0.0, 30.0, 0.0, 20.0, 40.0, 20.0, 80.0, 60.0, 20.0, 40.0, 10.0, 0.0, 20.0, 40.0, 30.0, 80.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 50.0, 50.0, 100.0, 10.0, 50.0, -1.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, 0.0, 20.0, 60.0, 40.0, 30.0, 20.0, 20.0, 0.0, 0.0, 30.0, 50.0, 0.0, 10.0, 70.0, 20.0, 30.0, 0.0, 0.0, 30.0, 80.0, 40.0, 30.0, 0.0, 40.0, 0.0, 10.0, 50.0, 30.0, 0.0, 0.0, 20.0, 0.0, 40.0, 0.0, 10.0, 0.0, 30.0, 10.0, 30.0, 70.0, 0.0, 10.0, 30.0, 20.0, 0.0, 20.0, 50.0, 40.0, 10.0, 0.0, 20.0, 40.0, 20.0, 10.0, 50.0, 60.0, 10.0, 0.0, 0.0, 70.0, 50.0, 0.0, 60.0, 40.0, 0.0, -1.0, 20.0, 50.0, 70.0, 0.0, 0.0, 0.0, 30.0, 100.0, 40.0, 0.0, 40.0, 0.0, 30.0, 50.0, 30.0, 0.0, 40.0, 60.0, 40.0, 40.0, 0.0, 30.0, 50.0, 30.0, 70.0, 0.0, 30.0, 0.0, 0.0, 30.0, 10.0, 20.0, 10.0, 30.0, 40.0, 90.0, 20.0, 30.0, 60.0, 30.0, 0.0, 20.0, 40.0, 60.0, 60.0, 80.0, 0.0, 20.0, 30.0, 20.0, 50.0, 20.0, 20.0, 0.0, 20.0, 10.0, 30.0, 0.0, 0.0, 0.0, 10.0, 20.0, 10.0, 0.0, 0.0, 50.0, 30.0, 0.0, 0.0, 20.0, 0.0, 30.0, 80.0, 50.0, 30.0, 20.0, 20.0, 50.0, 60.0, 60.0, 40.0, 30.0, 0.0, 40.0, 0.0, 60.0, 80.0, 30.0, 0.0, 10.0, 20.0, 30.0, 100.0, 10.0, 10.0, 20.0, 70.0, 60.0, 0.0, 20.0, 20.0, 20.0, 20.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 30.0, 20.0, 70.0, 20.0, 20.0, 10.0, 40.0, 50.0, 70.0, 0.0, 10.0, 30.0, 20.0, 10.0, 30.0, 0.0, 70.0, 30.0, 0.0, 60.0, 10.0, 10.0, 20.0, 0.0, 30.0, 60.0, 30.0, 20.0, 0.0, 30.0, 40.0], (6500, 5200): [30.0, 0.0, 10.0, 30.0, 10.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 10.0, 100.0, 0.0, 10.0, 0.0, 20.0, 70.0, 10.0, 100.0, 50.0, 100.0, 50.0], (3900, 1300): [20.0, 40.0, 30.0, 20.0, 30.0, 0.0, 40.0, 50.0, 40.0, 20.0, 80.0, 10.0, 40.0, 50.0, 30.0, 10.0, 60.0, 50.0, 30.0, 60.0, 10.0, 20.0, 0.0, 0.0, 10.0, 20.0, 60.0, 20.0, 30.0, 30.0, 0.0, 0.0, 10.0, 30.0, 10.0, 20.0, 30.0, 60.0, 80.0, 20.0, 20.0, 20.0, 40.0, 60.0, 20.0, 10.0, 10.0, 0.0, 40.0, 10.0, 30.0, 20.0, 40.0, 50.0, 0.0, 0.0, 30.0, 0.0, 30.0, 30.0, 40.0, 50.0, 0.0, 80.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 40.0, 10.0, 0.0, 60.0, 10.0, 20.0, 30.0, 0.0, 0.0, 40.0, 10.0, 20.0, 40.0, 40.0, 10.0, 20.0, 20.0, 10.0, 80.0, 20.0, 10.0, 60.0, 10.0, 10.0, 30.0, 40.0, 0.0, 30.0, -1.0, 30.0, 40.0, 60.0, 30.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, 20.0, 10.0, 40.0, 0.0, 0.0, 10.0, 0.0, 30.0, 50.0, 10.0, 20.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 40.0, 40.0, 10.0, 0.0, 20.0, 0.0, 10.0, 0.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 40.0, -1.0, 100.0, 10.0, 30.0, 10.0, 20.0, 40.0, 40.0, 0.0, -1.0, 0.0, 50.0, 40.0, 0.0, 10.0, 50.0, 10.0, 20.0, 10.0, 10.0, 30.0, 90.0, 0.0, 90.0, 20.0, 10.0, 30.0, 0.0, 10.0, 40.0, 40.0, 0.0, -1.0, 80.0, 0.0, 10.0, 20.0, 20.0, 40.0, 60.0, 40.0, 50.0, 0.0, 10.0, 30.0, 10.0, 50.0, 70.0, 10.0, 20.0, 20.0, 40.0, 20.0, 30.0, 70.0, 10.0, 60.0, 30.0, 0.0, 10.0, 30.0, 10.0, -1.0, 10.0, 60.0, 0.0, -1.0, 30.0, -1.0, 20.0, 10.0, -1.0, 20.0, 0.0, 30.0, 0.0, 40.0, 60.0, 50.0, 20.0, 40.0, 0.0, 10.0, 10.0, 0.0, 20.0, 60.0, 70.0, 0.0, 40.0, 0.0, 20.0, 10.0, 50.0, 50.0, 10.0, 50.0, 50.0, 40.0, 20.0, 40.0, 50.0, 10.0, 30.0, 20.0, 50.0, 50.0, 10.0, 50.0, 20.0, 0.0, 50.0, 30.0, 100.0, 0.0, 40.0, 10.0, 30.0, 10.0, 30.0, 30.0, 0.0, 20.0, 30.0, 0.0, 20.0, 0.0, 0.0, 30.0, 20.0, 10.0, 20.0, 30.0, 10.0, 30.0, 10.0, 0.0, 20.0, 0.0, 10.0, 90.0, 10.0, 60.0, 40.0], (5200, 0): [80.0, 70.0, 10.0, 40.0, 40.0, 60.0, 10.0, 10.0, 10.0, 40.0, 20.0, 40.0, 20.0, 50.0, 50.0, 60.0, 40.0, 20.0, 40.0, 10.0, 50.0, 30.0, 20.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 40.0, 30.0, 10.0, 40.0, 50.0, 30.0, 40.0, 20.0, 50.0, 40.0, 40.0, 10.0, 10.0, 60.0, 20.0, 40.0, 40.0, 30.0, 50.0, 40.0, 40.0, 10.0, 20.0, 50.0, 50.0, 40.0, 20.0, 30.0, 20.0, 40.0, 20.0, 10.0, 20.0, 70.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 10.0, 40.0, 40.0, 40.0, 20.0, 30.0, 0.0, 50.0, 60.0, 90.0, 30.0, 40.0, 60.0, 50.0, 40.0, 30.0, 70.0, 20.0, 10.0, 50.0, 30.0, 30.0, 60.0, 40.0, 60.0, 30.0, 30.0, 20.0, 30.0, 30.0, 60.0, 40.0, 0.0, 40.0, 10.0, 30.0, 40.0, 30.0, 50.0, 60.0, 20.0, 30.0, 40.0, 50.0, 10.0, 40.0, 40.0, 20.0, 30.0, 20.0, 0.0, 40.0, 0.0, 70.0, 20.0, 50.0, 50.0, 30.0, 30.0, 20.0, 60.0, 10.0, 40.0, 30.0, 40.0, 40.0, 0.0, 20.0, 20.0, 40.0, 20.0, 80.0, 80.0, 10.0, 10.0, 40.0, 50.0, 30.0, 20.0, 40.0, 10.0, 30.0, 50.0, 20.0, 40.0, 40.0, 40.0, 20.0, 30.0, 20.0], (7800, 0): [80.0, 60.0, 90.0, 80.0, 90.0, 60.0, 100.0, 70.0, 100.0, 60.0, 100.0, 80.0, 90.0, 70.0, 70.0, 70.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 80.0, 90.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 80.0, 90.0, 90.0, 100.0, 80.0, 100.0, 100.0, 70.0, 100.0, 90.0, 80.0, 90.0, 100.0, 80.0, 80.0, 50.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 80.0, 50.0, 90.0, 100.0, 100.0, 80.0, 100.0, 80.0, 90.0, 80.0, 90.0, 70.0, 100.0, 90.0, 80.0, 70.0, 80.0, 60.0, 90.0, 90.0, 80.0, 90.0, 100.0, 30.0, 100.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 70.0, 100.0, 80.0, 80.0, 60.0, 80.0, 100.0, 100.0, 80.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 90.0, 90.0, 80.0, 80.0, 90.0, 80.0, 90.0, 60.0, 90.0, 90.0, 100.0, 80.0, 90.0, 100.0, 90.0, 100.0, 90.0, 90.0, 100.0, 90.0, 70.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 60.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 90.0, 80.0, 70.0, 80.0, 90.0], (6500, 3900): [40.0, 90.0, 60.0, 50.0, 0.0, 100.0, 10.0, 10.0, 100.0, 100.0, 40.0, 20.0, 0.0, 100.0, 100.0, 60.0, 50.0, 90.0, 80.0, 40.0, 40.0, 100.0, 100.0, 10.0, 100.0, 70.0, 0.0, 70.0, 40.0, 90.0, 80.0, 10.0, 30.0, 0.0, 90.0, 50.0, 20.0, 20.0, 70.0, 10.0, 60.0, 0.0, 100.0, 50.0, 100.0, 0.0, 0.0, 70.0, 80.0, 100.0, 50.0, 10.0, 10.0, 10.0, 0.0, 20.0, 10.0, 10.0, 70.0, 100.0, 30.0, 50.0, 100.0, 50.0, 10.0, 60.0, 50.0, 40.0, 100.0, 40.0, 50.0, 0.0, 70.0, 40.0, 50.0, 80.0, 100.0, 40.0, 20.0, 0.0, 30.0, 70.0, 0.0, 50.0, 80.0, 100.0, 0.0, 0.0, 0.0, 0.0, 50.0, 0.0, 0.0, 100.0, 0.0, 10.0, 100.0, 10.0, 80.0, 0.0, 10.0, 100.0, 40.0, 0.0, 80.0, 50.0, 100.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 100.0, 0.0, 20.0, 0.0, 30.0, 10.0, 100.0, 80.0, 70.0, 90.0, 90.0, 100.0, 40.0, 50.0, 20.0, 60.0, 0.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 100.0, 0.0, 10.0, 50.0, 0.0, 100.0, 10.0, 0.0, 90.0, 100.0, 60.0, 30.0, 20.0, 100.0, 30.0, 100.0, 0.0, 20.0, 90.0, 100.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 100.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 100.0, 100.0, 20.0, 100.0, 100.0, 50.0, 20.0, 40.0, 20.0, 20.0, 100.0, 0.0, 80.0, 100.0, 70.0, 0.0, 0.0, 0.0, 70.0, 60.0, 0.0, 70.0, 20.0, 100.0, 0.0, 20.0, 0.0, 100.0, 70.0, 40.0, 0.0, 100.0, 60.0, 0.0, 10.0, 10.0, 100.0, 0.0, 0.0, 30.0, 80.0, 90.0, 100.0, 20.0, 30.0, 60.0, 10.0, 40.0, 80.0, 100.0, 20.0, 0.0, 100.0, 70.0, 100.0, 10.0, 100.0, 100.0, 90.0, 70.0, 10.0, 10.0, 80.0, 60.0, 90.0, 50.0, 90.0, 90.0, 40.0, 100.0, 100.0, 40.0, 70.0, 100.0, 0.0, 0.0, 20.0, 70.0, 100.0, 0.0, 0.0, 90.0, 10.0, 60.0, 100.0, 50.0, 30.0, 70.0, 100.0, 60.0, 60.0, 10.0, 10.0, 100.0, 60.0, 100.0, 0.0, 20.0, 90.0, 70.0, 50.0, 100.0, 90.0, 30.0, 10.0, 100.0, 90.0, 100.0, 0.0, 100.0, 50.0, 100.0, 70.0, 0.0, 20.0, 20.0, 30.0, 100.0, 100.0, 0.0, 50.0, 100.0, 0.0, 100.0, 70.0, 0.0, 100.0, 30.0, 100.0, 50.0, 20.0, 0.0, 100.0, 100.0, 90.0, 50.0, 100.0, 90.0, 10.0, 10.0, 100.0, 70.0, 30.0, 100.0, 50.0, 0.0, 20.0, 100.0, 100.0, 80.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 100.0, 0.0, 60.0, 80.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 0.0, 30.0, 40.0, 40.0, 0.0, 30.0, 70.0, 100.0, 0.0, 100.0, 100.0, 0.0, 20.0, 100.0, 0.0, 20.0, 20.0, 60.0, 50.0, 30.0, 0.0, 20.0, 40.0, 70.0, 80.0, 40.0, 40.0, 10.0, 0.0, 30.0, 100.0, 10.0, 100.0, 10.0, 30.0, 100.0, 30.0, 80.0, 80.0, 100.0, 60.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 90.0, 100.0, 60.0, 20.0, 0.0, 30.0, 10.0, 20.0, 10.0, 30.0, 0.0, 30.0, 40.0, 20.0, 100.0, 10.0, 50.0, 0.0, 100.0, 10.0, 20.0, 20.0, 70.0, 0.0, 20.0, 30.0, 60.0, 10.0, 90.0, 40.0, 40.0, 30.0, 30.0, 10.0, 100.0, 30.0, 20.0, 50.0, 100.0, 10.0, 100.0, 20.0, 60.0, 70.0, 10.0, 70.0, 0.0, 100.0, 90.0, 0.0, 100.0, 0.0, 50.0, 100.0, 10.0, 40.0, 0.0, 0.0, 20.0, 40.0, 20.0, 0.0, 0.0, 100.0, 40.0, 100.0, 70.0, 60.0, 60.0, 50.0, 70.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 100.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 90.0, 10.0, 10.0, 0.0, 100.0, 100.0, 10.0, 100.0, 20.0, 100.0, 20.0, 20.0, 100.0, 60.0, 100.0, 100.0, 100.0, 60.0, 0.0, 0.0, 30.0, 0.0, 90.0, 0.0, 100.0, 30.0, 60.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 40.0, 100.0, 100.0, 0.0, 80.0, 0.0, 70.0, 100.0, 40.0, 30.0, 100.0, 0.0, 100.0, 0.0, 30.0, 20.0, 100.0, 0.0, 10.0, 50.0, 20.0, 0.0, 100.0, 100.0, 50.0, 100.0, 90.0, 100.0, 20.0, 100.0, 80.0, 0.0, 0.0, 40.0, 70.0, 10.0, 10.0, 90.0, 100.0, 20.0, 0.0, 0.0, 70.0, 80.0, 50.0, 0.0, 30.0, 90.0, 50.0, 0.0, 90.0, 0.0, 100.0, 0.0, 70.0, 20.0, 40.0, 60.0, 60.0, 50.0, 60.0, 80.0, 20.0, 80.0, 40.0, 100.0, 10.0, -1.0, 100.0, 100.0, 90.0, 0.0, 30.0, 50.0, 60.0, 0.0, 100.0, 10.0, 80.0, 20.0, 0.0, 20.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 40.0, 0.0, 50.0, 40.0, 20.0, 100.0, 50.0, 0.0, 50.0, 0.0], (6500, 0): [80.0, 60.0, 80.0, 70.0, 60.0, 60.0, 50.0, 60.0, 40.0, 30.0, 50.0, 60.0, 90.0, 30.0, 60.0, 60.0, 30.0, 80.0, 70.0, 30.0, -1.0, 70.0, 80.0, 100.0, 70.0, 50.0, 70.0, 40.0, 80.0, 50.0, 70.0, 60.0, 30.0, 50.0, 80.0, 50.0, 50.0, 40.0, 60.0, 60.0, 60.0, 50.0, 60.0, 20.0, 40.0, 50.0, 50.0, 50.0, 30.0, 60.0, 50.0, 40.0, 50.0, 70.0, 40.0, 50.0, 60.0, 100.0, 40.0, 50.0, 40.0, 40.0, 60.0, 50.0, 70.0, 70.0, 60.0, 90.0, 90.0, 90.0, 60.0, 70.0, 70.0, 70.0, 20.0, 20.0, 70.0, 60.0, 60.0, 90.0, 80.0, 60.0, 100.0, 40.0, 100.0, 20.0, 70.0, 30.0, 60.0, 40.0, 60.0, 60.0, 50.0, 40.0, 50.0, 90.0, 80.0, 100.0, 70.0, 70.0, 60.0, 100.0, 40.0, 60.0, 60.0, 50.0, 50.0, 30.0, 60.0, 60.0, 50.0, 70.0, 90.0, 70.0, 50.0, 80.0, 90.0, 60.0, 70.0, 60.0, 60.0, 90.0, 40.0, 80.0, 60.0, 20.0, 70.0, 70.0, 50.0, 60.0, 40.0, 30.0, 60.0, 100.0, 50.0, 60.0, 60.0, 90.0, 60.0, 90.0, 70.0, 100.0, 20.0, 60.0, 50.0, 80.0, 80.0, 70.0, 70.0, 60.0, 70.0, 60.0, 70.0, 60.0, 60.0, 70.0, 70.0, 50.0, 30.0, 80.0, 60.0, 70.0, 80.0, 50.0, 30.0, 80.0, 70.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1400 = {(5600, 1400): [100.0, 30.0, 40.0, 70.0, 60.0, 10.0, 20.0, 70.0, 0.0, 100.0, 20.0, 20.0, 20.0, 80.0, 0.0, 80.0, 100.0, 40.0, 30.0, 60.0, 10.0, 30.0, 0.0, 30.0, 0.0, 40.0, 70.0, 80.0, 60.0, 30.0, 70.0, 50.0, 30.0, 20.0, 100.0, 0.0, 50.0, 90.0, 10.0, 90.0, 10.0, 30.0, 100.0, 30.0, 0.0, 90.0, 20.0, 20.0, 10.0, 30.0, 10.0, 50.0, 80.0, 10.0, 10.0, 40.0, -1.0, 50.0, 40.0, 0.0, 30.0, 0.0, 60.0, 100.0, 50.0, 60.0, 30.0, 10.0, 70.0, 20.0, 60.0, 50.0, 60.0, 60.0, 100.0, 50.0, 40.0, 40.0, 40.0, 30.0, 40.0, 90.0, 40.0, 50.0, 60.0, 70.0, 10.0, 60.0, 100.0, 50.0, 30.0, 60.0, 60.0, 0.0, 10.0, 60.0, 60.0, 60.0, 40.0, 30.0, 0.0, 20.0, 30.0, 50.0, 30.0, 70.0, 30.0, 10.0, 10.0, 30.0, 0.0, 40.0, 70.0, 40.0, 50.0, 100.0, 0.0, 20.0, 40.0, 10.0, 60.0, 20.0, 20.0, 40.0, 10.0, 40.0, 10.0, 20.0, 30.0, 70.0, 30.0, 40.0, 10.0, 10.0, 70.0, 10.0, 60.0, 50.0, 50.0, 10.0, 80.0, 0.0, 50.0, 30.0, 50.0, 20.0, 20.0, 100.0, 30.0, 40.0, 50.0, 100.0, 40.0, 20.0, 0.0, 70.0, 50.0, 60.0, 50.0, 40.0, 90.0, 10.0, 80.0, 0.0, 30.0, 20.0, 70.0, 60.0, 0.0, 70.0, 70.0, 0.0, 60.0, 30.0, 10.0, 100.0, 50.0, 80.0, 0.0, 10.0, 80.0, 30.0, 100.0, 20.0, 40.0, 60.0, 100.0, 100.0, 50.0, 10.0, 30.0, 0.0, 60.0, 10.0, 20.0, 0.0, 80.0, 0.0, 30.0, 60.0, 70.0, 30.0, 20.0, 100.0, 70.0, 30.0, 50.0, 100.0, 10.0, 100.0, 40.0, 70.0, 60.0, 30.0, 60.0, 70.0, 10.0, 60.0, 30.0, 50.0, 40.0, 10.0, 60.0, 100.0, 0.0, 20.0, 70.0, 10.0, 0.0, 40.0], (4200, 4200): [30.0, 30.0, 30.0, 70.0, 0.0, 50.0, 10.0, 0.0, 50.0, 10.0, 30.0, 10.0, 0.0], (2800, 2800): [30.0, -1.0, 90.0, 70.0, 60.0, 80.0, -1.0, 80.0, 20.0, 30.0, 20.0, 50.0, 50.0, 10.0, 10.0, 70.0, 20.0, 40.0, 20.0, 100.0, 30.0, 20.0, 70.0, 30.0, 20.0, 30.0, 30.0, 40.0, 30.0, 60.0, 30.0, 20.0, 50.0, 50.0, 30.0, 20.0, 30.0, 70.0, 20.0, 40.0, 80.0, 40.0, 20.0, 50.0, 20.0, 50.0, 40.0, 30.0, 20.0, 50.0, 30.0, 30.0, 80.0, 50.0, 60.0, 30.0, -1.0, 70.0, 50.0, 50.0, 30.0, 60.0, 50.0, 20.0, 50.0, 30.0, 50.0, 10.0, 20.0, 20.0, 40.0, 20.0, 10.0, 20.0, 40.0], (5600, 4200): [90.0, 60.0, 60.0, 0.0, 10.0, 100.0, 20.0, 100.0, 90.0, 30.0, 10.0, 40.0, 20.0, 10.0, 20.0, 40.0, 100.0, 70.0, 60.0, 80.0, 10.0, 30.0, 90.0, 40.0, 100.0, 70.0, 0.0, 0.0, 20.0, 0.0, 100.0, 10.0, 0.0, 80.0, 0.0, 50.0, 0.0, 40.0, 50.0, 50.0, 100.0, 40.0, 60.0, 40.0, 40.0, 0.0, 10.0, 40.0, 10.0, 60.0, 70.0, 0.0, 50.0, 30.0, 100.0, 0.0, 50.0, 30.0, 0.0, 80.0, 100.0, 50.0, 0.0, 40.0, 80.0, 20.0, 100.0, 70.0, 80.0, 40.0, 0.0, 100.0, 100.0, 10.0, 20.0, 100.0, 20.0, 0.0, 20.0, 10.0, 100.0, 90.0, 100.0, 50.0, 20.0, 70.0, 70.0, 10.0, 0.0, 0.0, 50.0, 60.0, 0.0, 0.0, 0.0, 0.0, 30.0, 40.0, 20.0, 20.0, 100.0, 20.0, 90.0, 60.0, 60.0, 0.0, 100.0, 10.0, 0.0, 0.0, 100.0, 50.0, 10.0, 20.0, 100.0, 0.0, 30.0, 80.0, 0.0, 0.0, 0.0, 70.0, 100.0, 0.0, 20.0, 0.0, 0.0, 100.0, 40.0, 60.0, 60.0, 40.0, 10.0, 0.0, 100.0, 0.0, 100.0, 30.0, 10.0, 10.0, 70.0, 10.0, 90.0, 0.0, 90.0, 100.0, 0.0, 100.0, 50.0, 0.0, 70.0, 0.0, 0.0, 60.0, 20.0, 0.0, 100.0, 70.0, 100.0, 0.0, 10.0, 60.0, 100.0, 10.0, 80.0, 90.0, 20.0, 50.0, 90.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 60.0, 50.0, 20.0, 0.0, 10.0, 20.0, 100.0, 100.0, 0.0, 10.0, 80.0, 0.0, 70.0, 20.0, 100.0, 60.0, 60.0, 10.0, 90.0, 100.0, 20.0, 0.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 60.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 60.0, 80.0, 40.0, 20.0, 80.0, 10.0, 100.0, 20.0, 40.0, 100.0, 40.0, 70.0, 0.0, 40.0, 20.0, 100.0, 0.0, 0.0, 0.0, 40.0, 60.0, 50.0, 60.0, 0.0, 40.0, 20.0, 20.0, 40.0, 70.0, 100.0, 0.0, 50.0, 80.0, 0.0, 40.0, 0.0, 100.0, 80.0, 100.0, 60.0, 30.0, 10.0, 50.0, 60.0, 10.0, 20.0, 10.0, 20.0, 10.0, 30.0, 0.0, 50.0, 90.0, -1.0, 0.0, 10.0, 10.0, 0.0, 10.0, 100.0, 0.0, 20.0, 10.0, 60.0, 10.0, 90.0, 40.0, 20.0, 90.0, 50.0, 30.0, 80.0, 10.0, 30.0, 80.0, 0.0, 60.0, 50.0, 20.0, 30.0, 40.0, 70.0, 40.0, 40.0, 70.0, 40.0, 10.0, 50.0, 100.0, 10.0, 0.0, 0.0, 20.0, 0.0, 0.0, 50.0, 100.0, 40.0, 10.0, 60.0, 60.0, 70.0, 0.0, 10.0, 60.0, 50.0, 0.0, 0.0, 50.0, 10.0, 10.0, 20.0, 10.0, 10.0, 100.0, 0.0, 20.0, 30.0, 20.0, 0.0, 20.0, 100.0, 30.0, 100.0, 70.0, 30.0, 30.0, 30.0, 100.0, 20.0, 100.0, 70.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 70.0, 100.0, 0.0, 0.0, 100.0, 100.0, 90.0, 90.0, 20.0, 100.0, 20.0, 100.0, 60.0, 40.0, 20.0, 100.0, 80.0, 40.0, 100.0, 70.0, 10.0, 100.0, 70.0, 80.0, 80.0, 0.0, 0.0, 0.0, 40.0, 10.0, 60.0, 80.0, 40.0, 0.0, 0.0, 0.0, 30.0, 10.0, 50.0, 100.0, 0.0, 20.0, 20.0, 70.0, 10.0, 0.0, 20.0, 40.0, 0.0, 40.0, 0.0, 0.0], (8400, 5600): [100.0, 30.0, 10.0, 10.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 0.0, 10.0, 10.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 60.0, 100.0, 60.0, 100.0], (4200, 1400): [20.0, 20.0, 40.0, 30.0, 20.0, 0.0, 50.0, 40.0, 20.0, 80.0, 10.0, 30.0, 10.0, 50.0, 40.0, 30.0, 10.0, 60.0, 30.0, 30.0, 60.0, 10.0, 30.0, 20.0, 0.0, 20.0, 30.0, 0.0, 30.0, 10.0, 10.0, 20.0, 60.0, 20.0, 0.0, 0.0, 0.0, 30.0, 50.0, 0.0, 30.0, 20.0, 30.0, 80.0, 20.0, 60.0, 20.0, 10.0, 20.0, 30.0, 0.0, 20.0, 70.0, 10.0, 0.0, 40.0, 0.0, 40.0, 30.0, 0.0, 10.0, 20.0, 40.0, 50.0, 30.0, 30.0, 0.0, 0.0, 0.0, 30.0, 30.0, 40.0, 60.0, 50.0, 50.0, 40.0, 0.0, 80.0, 0.0, 0.0, 10.0, 30.0, 0.0, 0.0, 30.0, 30.0, 0.0, 60.0, 40.0, 0.0, 70.0, 10.0, 0.0, 40.0, 10.0, 20.0, 0.0, 50.0, 20.0, 0.0, 10.0, 10.0, 50.0, 40.0, 40.0, 20.0, 20.0, 10.0, 20.0, 20.0, 10.0, 0.0, 20.0, 10.0, 40.0, 60.0, 10.0, 10.0, 30.0, 100.0, 0.0, 20.0, 0.0, 10.0, 40.0, 60.0, 30.0, 10.0, 0.0, 10.0, 10.0, 20.0, 0.0, 10.0, 40.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 50.0, 10.0, 20.0, 0.0, 30.0, 20.0, 0.0, 10.0, 10.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 30.0, 100.0, 0.0, 20.0, 0.0, 40.0, 10.0, 0.0, 30.0, 30.0, 10.0, 30.0, 10.0, 40.0, -1.0, 100.0, 100.0, 80.0, 10.0, 10.0, 0.0, 30.0, 30.0, 10.0, 10.0, 20.0, 80.0, 40.0, 40.0, 20.0, 0.0, 10.0, 0.0, 70.0, 50.0, 40.0, 20.0, 40.0, 0.0, 50.0, 60.0, 10.0, 60.0, 30.0, 90.0, 0.0, 40.0, 20.0, 30.0, 0.0, 0.0, 10.0, 60.0, 40.0, -1.0, 0.0, 20.0, 80.0, 0.0, 10.0, 20.0, 20.0, 40.0, 10.0, 20.0, 50.0, 10.0, 10.0, 50.0, 10.0, 20.0, 30.0, 20.0, 10.0, 60.0, 40.0, 20.0, 30.0, 70.0, 10.0, 0.0, 10.0, 20.0, 30.0, 10.0, 60.0, 0.0, 30.0, 30.0, 30.0, 20.0, 30.0, 10.0, 20.0, 20.0, 10.0, 0.0, 20.0, 0.0, 40.0, 10.0, 60.0, 60.0, 50.0, 50.0, 30.0, 0.0, 30.0, 10.0, 10.0, 40.0, 20.0, 60.0, 70.0, 0.0, 0.0, 20.0, 50.0, 30.0, 10.0, 40.0, 0.0, 20.0, 40.0, 50.0, 40.0, 0.0, 30.0, 80.0, 50.0, 10.0, 20.0, 0.0, 50.0, 40.0, 100.0, 50.0, 0.0, 40.0, 10.0, 30.0, 10.0, 30.0, 0.0, 30.0, 0.0, 20.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 10.0, 20.0, 30.0, 30.0, 30.0, 60.0, 0.0, 10.0, 20.0, 30.0, 20.0, 0.0, 10.0, 20.0, 20.0], (2800, 1400): [50.0, 60.0, 70.0, 30.0, 40.0, 30.0, 40.0, 20.0, 40.0, 80.0, -1.0, 40.0, 20.0, 30.0, 30.0, 40.0, 50.0, 40.0, 20.0, 40.0, 10.0, 30.0, 20.0, 20.0, 10.0, 60.0, -1.0, 80.0, 30.0, -1.0, 50.0, 90.0, 40.0, 30.0, 60.0, 70.0, 50.0, 30.0, 30.0, 30.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, 30.0, 30.0, 20.0, 90.0, 40.0, 40.0, 50.0, 80.0, 10.0, 40.0, 20.0, 20.0, 50.0, 50.0, 30.0, 40.0, 90.0, 30.0, 80.0, 30.0, -1.0, 30.0, 20.0, 80.0, 20.0, 20.0, 30.0, 30.0, 10.0, 10.0, 40.0, 40.0, 20.0, 20.0, 30.0, 70.0, 60.0, 10.0, 30.0, 30.0, 20.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, 20.0, -1.0, 30.0, 70.0, 90.0, 70.0, 40.0, 40.0, 80.0, 20.0, 40.0, 40.0, 30.0, 20.0, 30.0, 70.0, 20.0, 40.0, 80.0, 10.0, 50.0, 20.0, 100.0, 30.0, 40.0, 50.0, 30.0, 40.0, 30.0, 30.0, 20.0, 40.0, 30.0, 50.0, 60.0, 50.0, 40.0, 30.0, 20.0, 60.0, 60.0, 40.0, 40.0, 60.0, 60.0, 50.0, 20.0, 40.0, 80.0, -1.0, 10.0, 40.0, -1.0, 40.0, 30.0, 10.0, 30.0, 20.0, 20.0, -1.0, -1.0, 90.0, 60.0, 50.0, 40.0, 40.0, 30.0, 30.0, 90.0, 30.0, 40.0, 20.0, 40.0, 60.0, 30.0, 30.0, 30.0, 10.0, -1.0, 50.0, 40.0, 20.0, 50.0, 70.0, 40.0, 40.0, 20.0, 30.0, 30.0, 20.0, 20.0, 30.0, 20.0, 10.0, 30.0, 50.0, 20.0, 30.0, 20.0, 60.0, 70.0, 50.0, 10.0, 50.0, 80.0, 50.0, -1.0, 50.0, 50.0, 30.0, 40.0, 50.0, 60.0, 40.0, 30.0, 90.0, 30.0, -1.0, 30.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 60.0, 40.0, 60.0, 40.0, 50.0, 30.0, 60.0, 40.0, 30.0, 30.0, 40.0, 10.0, 40.0, 20.0, 30.0, 100.0, 40.0, 40.0, 20.0, 50.0, 40.0, 30.0, 30.0, 40.0, 40.0, 100.0, 40.0, 30.0, 100.0, 50.0, 0.0, 30.0, 30.0, 80.0, 50.0, 20.0, 20.0, 40.0, 30.0, 30.0, 30.0, 10.0, 40.0, 80.0, 40.0, 20.0, 40.0, 40.0, 10.0, 20.0, 80.0, 70.0, 60.0, 40.0, 80.0, -1.0, 100.0, 30.0, 20.0, 40.0, 40.0, 70.0, 30.0, 20.0, 50.0, 50.0, 60.0, 20.0, 40.0, 60.0, 40.0, 40.0, 30.0, 100.0, 30.0, 60.0, 30.0, 40.0, 30.0, 40.0, 60.0, 30.0, 80.0, 60.0, 20.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 80.0, 40.0, 30.0, 40.0, 100.0, 30.0, 90.0, 60.0, 10.0, 20.0, 50.0, 30.0, 60.0, 20.0, 30.0, -1.0, 20.0, 80.0, 40.0, 20.0, -1.0, 30.0, 70.0, 90.0, 20.0, 70.0, 30.0, 50.0, 60.0, 40.0, 20.0, 20.0, 40.0, 10.0, 60.0, 30.0, 40.0, 50.0, -1.0, 40.0, -1.0, 20.0, 30.0, 20.0, 60.0, 10.0, 10.0, 40.0, 70.0, 40.0, 90.0, 60.0, 30.0, 20.0, 50.0, 60.0, 70.0, 20.0, 20.0, 50.0, 10.0, 40.0, 40.0, 70.0, 20.0, 80.0, 50.0, 20.0, 10.0, 10.0, 40.0, 50.0, 30.0, 20.0, 40.0, 20.0, 10.0, 10.0, 40.0, 30.0, 30.0, 30.0, 20.0, 40.0, 30.0, 80.0, -1.0, 40.0, 30.0, 40.0, 30.0, 70.0, 100.0, 60.0, 40.0, 40.0, 80.0, 30.0, 50.0, 30.0, 90.0, 70.0, 30.0, 30.0, 50.0, 70.0, 30.0, 50.0, -1.0, 60.0, 80.0, 30.0, 40.0, 30.0, 40.0, 30.0, 50.0, 80.0, 40.0, 50.0, 30.0, 40.0, 100.0, 60.0, 30.0, -1.0, 30.0, 50.0, 30.0, -1.0, 60.0, 0.0, 60.0, 50.0, 30.0, 30.0, 20.0, -1.0, 10.0, 40.0, 50.0, -1.0, -1.0, 40.0, 20.0, 30.0, -1.0, 20.0, 50.0, 20.0, 30.0, -1.0, 40.0, 40.0, -1.0, -1.0, 40.0, 50.0, 20.0, 40.0, 40.0, 50.0, 80.0, 30.0, 30.0, 20.0, 50.0, 10.0, 20.0, 40.0, 10.0, 70.0, 60.0, 40.0, 10.0, 30.0, 70.0, 50.0, 60.0, 100.0, 40.0, 50.0, 20.0, 30.0, -1.0, 50.0, 40.0, 20.0, 40.0, 60.0, 0.0, 50.0, 50.0, 40.0, 30.0, 60.0, 50.0, 50.0, 10.0, 30.0, 20.0, 30.0, 40.0, 60.0, 40.0, 20.0, 60.0, 30.0, 10.0, 50.0, 20.0, -1.0, -1.0, 30.0, 30.0, 30.0, 40.0, 20.0, 50.0, 50.0, 90.0, 30.0, 50.0, 40.0, 10.0, 60.0, -1.0, 10.0, 40.0, -1.0, 40.0, -1.0, 10.0, 10.0, 20.0, 20.0, 30.0, 50.0, 40.0, 20.0, 90.0, 40.0, 50.0, 20.0, 70.0, 30.0, 20.0, 30.0, 20.0, 30.0, 70.0, 90.0, 50.0, 30.0, 40.0, 60.0, 80.0, 20.0, 20.0, 20.0, 20.0, 50.0, 30.0, 40.0, 30.0, 20.0, 60.0, 40.0, 30.0, 40.0, 100.0, 40.0, 60.0, 40.0, 100.0, 70.0, 20.0, 40.0, 40.0, 90.0, 20.0, 40.0, 40.0, 60.0, 70.0, 100.0, 40.0, 20.0, 40.0, 70.0, 70.0, 30.0, 30.0, 30.0, 10.0, 50.0, 10.0, 0.0, 10.0, 30.0, 40.0, 90.0, 40.0, 50.0, 40.0, 50.0, 60.0, 40.0], (0, 0): [60.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 20.0, 50.0, 100.0, 50.0, 100.0, 40.0, 40.0, 60.0, 40.0, 20.0, -1.0, 0.0, 50.0, 20.0, 70.0, 30.0, 50.0, 20.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 10.0, 10.0, 30.0, 20.0, 20.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, -1.0, 80.0, 50.0, 100.0, 60.0, 10.0, 10.0, 40.0, 10.0, 20.0, 60.0, -1.0, 30.0, 20.0, 10.0, -1.0, -1.0, 30.0, 20.0, 40.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 80.0, 70.0, 20.0, 40.0, 40.0, 50.0, 30.0, 50.0, 50.0, 50.0, 30.0, 0.0, 10.0, 0.0, 50.0, 20.0, 40.0, 30.0, 30.0, 60.0, 20.0, 80.0, 10.0, 40.0, 0.0, 20.0, 20.0, 60.0, 40.0, 80.0, 20.0, 10.0, 10.0, 60.0, 20.0, 50.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 10.0, 50.0, 40.0, 40.0, 10.0, 50.0, -1.0, 60.0, 10.0, 0.0, 100.0, -1.0, 50.0, 40.0, 20.0, 100.0, 40.0, 70.0, 10.0, 50.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 20.0, 100.0, 40.0, -1.0, 30.0, 50.0, 40.0, 10.0, 30.0, 30.0, 10.0, 10.0, 50.0, 40.0, 40.0, 10.0, 0.0, 60.0, 40.0, 70.0, 40.0, 40.0, 30.0, 20.0, 70.0, 50.0, 10.0, 30.0, 40.0, 10.0, 10.0, 30.0], (8400, 0): [60.0, 90.0, 40.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 50.0, 80.0, 90.0, 90.0, 80.0, 70.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 90.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 90.0, 80.0, 90.0], (2800, 0): [10.0, 10.0, 0.0, 30.0, 10.0, 20.0, 10.0, 20.0, 10.0, 10.0, 10.0, 0.0, -1.0, -1.0, 10.0, -1.0, -1.0, 10.0, 40.0, -1.0, 10.0, 10.0, 20.0, 0.0, -1.0, 60.0, 10.0, 20.0, 50.0, 10.0, 20.0, -1.0, 10.0, 20.0, -1.0, 40.0, -1.0, -1.0, 10.0, 10.0, 10.0, 10.0, 40.0, 20.0, 20.0, 10.0, 30.0, 10.0, 30.0, 10.0, 10.0, 20.0, -1.0, 10.0, 10.0, 20.0, 0.0, 10.0, 20.0, 20.0, 40.0, -1.0, 10.0, 10.0, -1.0, 20.0, -1.0, -1.0, 10.0, -1.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 20.0, 0.0, -1.0, -1.0, 20.0, 10.0, 20.0, 30.0, 0.0, 40.0, 10.0, -1.0, 10.0, 10.0, 30.0, 40.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, 30.0, 30.0, 10.0, -1.0, -1.0, -1.0, 10.0, 50.0, 20.0, 0.0, 20.0, 10.0, -1.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 30.0, 10.0, 0.0, -1.0, 40.0, 20.0, 10.0, 30.0, -1.0, 10.0, 0.0, 10.0, 20.0, -1.0, 10.0, 10.0, -1.0, 20.0, 20.0, 20.0, 40.0, 10.0, -1.0, 10.0, 20.0, 40.0, 10.0, -1.0, 30.0, 10.0, 30.0, -1.0, 50.0, 20.0, -1.0, -1.0, 10.0, 0.0, 10.0, 10.0, 0.0, 30.0, 30.0, 30.0, 10.0, 20.0, -1.0, 10.0, 0.0, 10.0, 90.0, 50.0, 0.0, 20.0, 10.0, 20.0, 20.0, 10.0, 10.0, 40.0, 10.0, 20.0, 10.0, 0.0, -1.0, 30.0, 10.0, 20.0, 30.0, 20.0, 50.0, 40.0, 40.0, -1.0, 0.0, 20.0, 30.0, 10.0, 20.0, 10.0, 10.0], (4200, 2800): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 90.0, 0.0, 40.0, 100.0, 40.0, 0.0, 80.0, 60.0, 40.0, 20.0, 50.0, 30.0, 10.0, 60.0, 10.0, 10.0, 0.0, 50.0, 100.0, 10.0, 20.0, 70.0, 20.0, 0.0, 100.0, 60.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 40.0, 40.0, 0.0, 10.0, 20.0, 20.0, 0.0, 60.0, 0.0, 90.0, 10.0, 10.0, 10.0, 0.0, 50.0, 40.0, 10.0, 30.0, 80.0, 40.0, 100.0, 90.0, 100.0, 0.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 80.0, 0.0, 60.0, 50.0, 30.0, 80.0, 0.0, 10.0, 10.0, 0.0, 20.0, 30.0, 0.0, 0.0, 0.0, 0.0, 20.0, 10.0, 10.0, 40.0, 40.0, 40.0, 0.0, 0.0, 30.0, 20.0, 20.0, 10.0, 0.0, 0.0, 0.0, 0.0, 40.0, 20.0, 0.0, 0.0, 0.0, 20.0, 30.0, 70.0, 40.0, 50.0, 80.0, 40.0, 0.0, 20.0, 0.0, 50.0, 40.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 30.0, 20.0, 40.0, 80.0, 10.0, 10.0, 0.0, 10.0, 20.0, 100.0, 60.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 20.0, 100.0, 10.0, 50.0, 50.0, 20.0, 20.0, 50.0, 40.0, 20.0, 20.0, 80.0, 70.0, 0.0, 100.0, 0.0, 0.0, 10.0, 100.0, 30.0, 90.0, 0.0, 30.0, 100.0, 40.0, 50.0, 40.0, 10.0, 0.0, 20.0, 0.0, 10.0, 50.0, 10.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 50.0, 0.0, 10.0, 40.0, 30.0, 40.0, 0.0, 30.0, 10.0, 90.0, 0.0, 90.0, 10.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 60.0, 100.0, 10.0, 80.0, 0.0, 0.0, 40.0, 20.0, 0.0, 10.0, 80.0, 20.0, 0.0, 30.0, 60.0, 100.0, 20.0, 20.0, 20.0, 0.0, 70.0, 30.0, 10.0, 0.0, 0.0, 10.0, 30.0, 10.0, 20.0, 40.0, 40.0, 0.0, 70.0, 10.0, 10.0, 20.0, 40.0, 30.0, 100.0, 60.0, 50.0, 60.0, 0.0, 60.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 60.0, 10.0, 60.0, 20.0, 20.0, 20.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 30.0, 60.0, 50.0, 20.0, 80.0, 10.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 40.0, 60.0, 70.0, 30.0, 90.0, 0.0, 100.0, 10.0, 80.0, 10.0, 90.0, 70.0, 70.0, 0.0, 0.0, -1.0, 20.0, 20.0, 30.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 60.0, 10.0, 60.0, 40.0, 0.0, 40.0, 0.0, 100.0, 40.0, 60.0, 0.0, 0.0, 30.0, 70.0, 10.0, 90.0, 70.0, 0.0, 0.0, 40.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 20.0, 10.0, 20.0, 100.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 20.0, 20.0, 10.0, 0.0, 50.0, 0.0, 50.0, 0.0, 60.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 20.0, 10.0, 90.0, 10.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 30.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 10.0, 0.0, 50.0, 10.0, 10.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 80.0, 60.0, 20.0, 30.0, 60.0, 20.0, 20.0, 0.0, 40.0, 10.0, 10.0, 80.0, 10.0, 20.0, 30.0, 0.0, 0.0, 20.0, 90.0, 0.0, 30.0, 100.0, 20.0, 30.0, 80.0, 0.0, 10.0, 10.0, 50.0, 0.0, 50.0, 30.0, 0.0, 10.0, 20.0, 0.0, 70.0, 0.0, 10.0, 90.0, 100.0, 10.0, 0.0, 30.0, 20.0, 10.0, 70.0, 80.0, 70.0, 30.0, 20.0, 10.0, 0.0, 0.0, 70.0, 30.0, 30.0, 30.0, 100.0, 30.0, 30.0, 0.0, 20.0, 10.0, 10.0, 30.0, 60.0, 100.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 80.0, 0.0, 0.0, 30.0, 60.0, 0.0, 20.0, 30.0, 20.0, 60.0, 20.0, 10.0, 0.0, 0.0, 40.0, 30.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 50.0, 100.0, 10.0, 0.0, 60.0, 50.0, -1.0, 20.0, 60.0, 40.0, 10.0, 0.0, 10.0, 0.0, 10.0, 50.0, 70.0, 20.0, 20.0, 40.0, 20.0, 20.0, 0.0, 0.0, 30.0, 0.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 20.0, 80.0, 40.0, 30.0, 60.0, 0.0, 40.0, 0.0, 10.0, 50.0, 0.0, 0.0, 20.0, 10.0, 0.0, 40.0, 0.0, 10.0, 0.0, 90.0, 50.0, 10.0, 30.0, 70.0, 20.0, 0.0, 10.0, 80.0, 20.0, 60.0, 0.0, 20.0, 0.0, 0.0, 10.0, 40.0, 20.0, 10.0, 0.0, 60.0, 70.0, 20.0, 40.0, 10.0, 20.0, 50.0, 10.0, 0.0, 0.0, 40.0, 0.0, 50.0, 0.0, 70.0, 50.0, 0.0, 40.0, 0.0, 0.0, 20.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 100.0, 40.0, 0.0, 40.0, 0.0, 20.0, 30.0, 0.0, 40.0, 40.0, 0.0, 0.0, 30.0, 30.0, 70.0, 0.0, 0.0, 30.0, 10.0, 10.0, 30.0, 90.0, 20.0, 10.0, 0.0, 30.0, 60.0, 100.0, 30.0, 0.0, 20.0, 40.0, 60.0, 0.0, 80.0, 0.0, 20.0, 20.0, 20.0, 0.0, -1.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 0.0, 40.0, 0.0, 30.0, 0.0, 10.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 30.0, 0.0, 20.0, 50.0, 0.0, 50.0, 30.0, 20.0, 10.0, 0.0, -1.0, 20.0, 30.0, 60.0, 60.0, 30.0, 0.0, 40.0, 0.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 20.0, 70.0, 0.0, 30.0, 100.0, 10.0, 10.0, 20.0, 70.0, 60.0, 0.0, 20.0, 0.0, 20.0, 20.0, 30.0, 40.0, 0.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 20.0, 0.0, 30.0, 20.0, 0.0, 40.0, 100.0, 20.0, 40.0, 50.0, 70.0, 0.0, 30.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 0.0, 60.0, 10.0, 10.0, 20.0, 0.0, 30.0, 60.0, 0.0, 60.0, 10.0, 0.0, 30.0, 30.0, 10.0], (8400, 4200): [100.0, 100.0, 90.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 10.0, 0.0, 100.0, 70.0, 0.0, 10.0, 100.0, 20.0, 30.0, 100.0, 100.0, 100.0, 20.0, 40.0, 60.0, 10.0, 100.0, 80.0, 40.0, 100.0, 90.0, 100.0, 0.0, 100.0, 80.0, 80.0, 80.0, 100.0, 90.0, 30.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 10.0, 100.0, 100.0, 40.0, 50.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 0.0, 10.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 0.0, 100.0, 80.0, 80.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 80.0, 100.0, 90.0, 30.0, 100.0, 0.0, 70.0, 10.0, 20.0, 90.0, 0.0, 0.0, 100.0, 100.0, 40.0, 100.0, 100.0, 0.0, 100.0, 0.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 80.0, 10.0, 100.0, 90.0, 100.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 0.0, 100.0, 40.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 90.0, 80.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 100.0, 90.0, 30.0, 100.0, 0.0, 100.0, 20.0, 100.0, 80.0, 100.0, 0.0, 20.0, 10.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 40.0, 60.0, 0.0, 40.0, 70.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 90.0, 100.0, 100.0, 50.0, 100.0], (7000, 2800): [100.0, 20.0, 70.0, 60.0, 70.0, 0.0, 30.0, 100.0, 80.0, 30.0, 70.0, 30.0, 100.0, 40.0, 90.0, 10.0, 30.0, 50.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 0.0, 70.0, 10.0, 10.0, 100.0, 30.0, 10.0, 10.0, 50.0, 100.0, 30.0, 20.0, 20.0, 100.0, 30.0, 60.0, 20.0, 100.0, 60.0, 100.0, 10.0, 100.0, 80.0, 10.0, 100.0, 40.0, 100.0, 40.0, 90.0, 30.0, 100.0, 100.0, 0.0, 0.0, 10.0, 100.0, 70.0, 0.0, 90.0, 80.0, 50.0, 20.0, 70.0, 10.0, 0.0, 100.0, 40.0, 90.0, 100.0, 70.0, 10.0, 100.0, 10.0, 0.0, 40.0, 30.0, 100.0, 70.0, 50.0, 90.0, 100.0, 50.0, 90.0, 100.0, 30.0, 90.0, 20.0, 40.0, 10.0, 40.0, 100.0, 70.0, 0.0, 30.0, 100.0, 10.0, 10.0, 80.0, 20.0, 50.0, 50.0, 100.0, 0.0, 100.0, 100.0, 70.0, 30.0, 60.0, 20.0, 30.0, 100.0, 100.0, 100.0, 10.0, 10.0, 90.0, 100.0, 20.0, 70.0, 10.0, 20.0, 70.0, 0.0, 100.0, 10.0, 60.0, 90.0, 0.0, 40.0, 60.0, 100.0, 0.0, 30.0, 0.0, 100.0, 100.0, 50.0, 70.0, 100.0, 90.0, 0.0, 90.0, 100.0, 70.0, 100.0, 0.0, 50.0, 20.0, 70.0, 100.0, 100.0, 10.0, 40.0, 60.0, 100.0, 30.0, 80.0, 50.0, 100.0, 10.0, 100.0, 40.0, 70.0, 0.0, 0.0, 60.0, 100.0, 60.0, 90.0, 20.0, 70.0, 20.0, 50.0, 0.0, 20.0, 0.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 70.0, 100.0, 90.0, 100.0, 60.0, 80.0, 70.0, 0.0, 30.0, 0.0, 10.0, 40.0, 20.0, 100.0, 100.0, 60.0, 0.0, 20.0, 20.0, 90.0, 100.0, 20.0, 100.0, 90.0, 70.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 100.0, 100.0, 80.0, 0.0, 80.0, 30.0, 100.0, 100.0, 100.0, 0.0, 10.0, 70.0, 20.0, 30.0, 10.0, 60.0, 80.0, 100.0, 20.0, 60.0, 100.0, 70.0, 60.0, 70.0, 100.0, 100.0, 90.0, 60.0, 80.0, 100.0, 0.0, 60.0, 100.0, 60.0, 0.0, 0.0, 100.0, 80.0, 60.0, 30.0, 30.0, 0.0, 100.0, 40.0, 80.0, 90.0, 60.0, 100.0, 90.0, 60.0, 50.0, 100.0, 100.0, 60.0, 100.0, 10.0, 100.0, 30.0, 70.0, 0.0, 60.0, 10.0, 100.0, 70.0, 20.0, 30.0, 30.0, 70.0, 0.0, 0.0, 100.0, 100.0, 40.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 0.0, 50.0, 100.0, 30.0, 100.0, 90.0, 80.0, 0.0, 100.0, 100.0, 60.0, 30.0, 0.0, 90.0, 90.0, 100.0, 10.0, 70.0, 100.0, 40.0, 70.0, 60.0, 40.0, 20.0, 60.0, 90.0, 50.0, 40.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 40.0, 0.0, 0.0], (7000, 4200): [40.0, 90.0, 40.0, 20.0, 50.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 30.0, 70.0, 100.0, 50.0, 80.0, 100.0, 50.0, 100.0, 40.0, 100.0, 100.0, 100.0, 70.0, 0.0, 100.0, 10.0, 90.0, 70.0, 20.0, 10.0, 90.0, 10.0, 0.0, 60.0, 20.0, 80.0, 100.0, 50.0, 20.0, 20.0, 0.0, 60.0, 0.0, 100.0, 100.0, 50.0, 100.0, 0.0, 100.0, 30.0, 80.0, 20.0, 10.0, 0.0, 10.0, 20.0, 10.0, 90.0, 0.0, 40.0, 70.0, 100.0, 30.0, 50.0, 10.0, 100.0, 10.0, 20.0, 100.0, 0.0, 100.0, 70.0, 50.0, 80.0, 100.0, 70.0, 70.0, 0.0, 70.0, 0.0, 80.0, 100.0, 100.0, 0.0, 0.0, 0.0, 100.0, 100.0, 70.0, 0.0, 70.0, 30.0, 90.0, 30.0, 90.0, 0.0, 10.0, 100.0, 80.0, 30.0, 80.0, 30.0, 40.0, 10.0, 100.0, 10.0, 100.0, 20.0, 30.0, 80.0, 10.0, 0.0, 0.0, 100.0, 80.0, 0.0, 80.0, 90.0, 50.0, 40.0, 90.0, 0.0, 30.0, 60.0, 10.0, 0.0, 50.0, 10.0, 50.0, 0.0, 50.0, 60.0, 90.0, 100.0, 30.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 20.0, 70.0, 100.0, 60.0, 0.0, 0.0, 10.0, 100.0, 90.0, 80.0, 0.0, 0.0, 30.0, 0.0, 20.0, 90.0, 0.0, 0.0, 60.0, 0.0, 100.0, 20.0, 50.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 70.0, 100.0, 100.0, 70.0, 40.0, 10.0, 100.0, 100.0, 0.0, 70.0, 70.0, 100.0, 0.0, 70.0, 100.0, 0.0, 100.0, 0.0, 60.0, 10.0, 0.0, 0.0, 0.0, 30.0, 80.0, 90.0, 20.0, 10.0, 10.0, 80.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 30.0, 10.0, 10.0, 10.0, 80.0, 70.0, 30.0, 0.0, 100.0, 60.0, 50.0, 90.0, 100.0, 40.0, 100.0, 40.0, 30.0, 70.0, 100.0, 80.0, 100.0, 20.0, 10.0, 100.0, 50.0, 40.0, 30.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 0.0, 20.0, 30.0, 0.0, 100.0, 20.0, 20.0, 10.0, 100.0, 70.0, 100.0, 60.0, 100.0, 0.0, 30.0, 10.0, 50.0, 100.0, 100.0, 90.0, 100.0, 0.0, 100.0, 30.0, 70.0, 20.0, 20.0, 30.0, 50.0, 100.0, 100.0, 0.0, 0.0, 100.0, 30.0, 50.0, 100.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 60.0, 100.0, 90.0, 10.0, 100.0, 30.0, 30.0, 100.0, 50.0, 80.0, 100.0, 80.0, 10.0, 50.0, 40.0, 20.0, 0.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 60.0, 0.0, 100.0, 0.0, 30.0, 30.0, 100.0, 0.0, 100.0, 10.0, 30.0, 0.0, 80.0, 60.0, 0.0, 20.0, 0.0, 70.0, 20.0, 40.0, 10.0, 80.0, 30.0, 30.0, 50.0, 40.0, 10.0, 100.0, 30.0, 100.0, 80.0, 10.0, 50.0, 30.0, 20.0, 80.0, 70.0, 100.0, 80.0, 10.0, 90.0, 100.0, 60.0, 100.0, 20.0, 100.0, 0.0, 10.0, 0.0, 0.0, 0.0, 100.0, 90.0, 100.0, 0.0, 30.0, 100.0, 10.0, 40.0, 30.0, 100.0, 30.0, 50.0, 40.0, 20.0, 0.0, 100.0, 100.0, 100.0, 70.0, 50.0, 0.0, 100.0, 20.0, 20.0, 30.0, 100.0, 10.0, 60.0, 40.0, 100.0, 0.0, 20.0, 20.0, 20.0, 50.0, 100.0, 10.0, 40.0, 100.0, 0.0, 20.0, 0.0, 100.0, 100.0, 0.0, 100.0, 0.0, 20.0, 100.0, 40.0, 20.0, 30.0, 70.0, 20.0, 100.0, 50.0, 60.0, 50.0, 50.0, 0.0, 10.0, 10.0, 100.0, 0.0, 0.0, 0.0, 90.0, 20.0, 0.0, 10.0, 0.0, 0.0, 90.0, 30.0, 20.0, 100.0, 0.0, 100.0, 0.0, 10.0, 100.0, 100.0, 50.0, 20.0, 100.0, 10.0, 10.0, 100.0, 60.0, 70.0, 0.0, 0.0, 0.0, 100.0, 0.0, 50.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 10.0, 100.0, 90.0, 100.0, 0.0, 100.0, 0.0, 30.0, 50.0, 0.0, 100.0, 100.0, 40.0, 90.0, 30.0, 80.0, 70.0, 0.0, 20.0, 100.0, 10.0, 10.0, 60.0, 0.0, 10.0, 70.0, 20.0, 100.0, 100.0, 0.0, 100.0, 40.0, 0.0, 50.0, 90.0, 20.0, 20.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 50.0, 100.0, 90.0, 60.0, 0.0, 100.0, 0.0, 100.0, 100.0, 20.0, 20.0, 100.0, 60.0, 60.0, 50.0, 20.0, 40.0, 50.0, 10.0, 20.0, 100.0, 100.0, 100.0, 70.0, 90.0, 10.0, 50.0, 70.0, 10.0, 20.0, 100.0, 100.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 50.0, 100.0, 100.0, 50.0, 100.0, 40.0, 50.0, 100.0, 100.0, 90.0, 20.0, 20.0, 100.0, 50.0, 10.0, 20.0, 0.0, 0.0], (1400, 1400): [0.0, 60.0, 30.0, 50.0, 40.0, -1.0, 40.0, 20.0, 50.0, 20.0, 90.0, 30.0, 20.0, 10.0, 30.0, 80.0, 30.0, 50.0, 70.0, -1.0, 40.0, 40.0, 40.0, 50.0, 40.0, 20.0, 90.0, 30.0, 30.0, -1.0, 20.0, 100.0, 70.0, 50.0, -1.0, 20.0, 20.0, 50.0, 90.0, 80.0, 70.0, 50.0, 70.0, 40.0, 50.0, 60.0, 70.0, 60.0, 60.0, 40.0, 50.0, 20.0, 30.0, 80.0, 40.0, 60.0, 70.0, 50.0, -1.0, -1.0, 30.0, -1.0, -1.0, 60.0, 20.0, 60.0, 40.0, 80.0, 60.0, 40.0, 50.0, 20.0, 20.0, 80.0, 40.0, 80.0, 40.0, 40.0, 60.0, 30.0, 30.0, 70.0, 20.0, 60.0, 10.0, 40.0, 30.0, 20.0, 30.0, 70.0, 30.0, 50.0, 80.0, 30.0, 70.0, 20.0, -1.0, 30.0, 20.0, 30.0, 90.0, 20.0, 70.0, 20.0, 30.0, 50.0, 60.0, 50.0, 50.0, 50.0, 30.0, 40.0, -1.0, 40.0, 100.0, 70.0, 20.0, 50.0, 10.0, 30.0, 80.0, 60.0, 30.0, 40.0, 50.0, 50.0, 50.0, 50.0, 40.0, 30.0, 20.0, 20.0, 60.0, -1.0, 50.0, 60.0, 20.0, 60.0, -1.0, 60.0, 50.0, -1.0, 40.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 50.0, 60.0, 50.0, 50.0, 70.0, 30.0, 30.0, 50.0, 40.0, 50.0, 40.0, 40.0, 10.0, 70.0, 60.0, 60.0, -1.0, 60.0, 50.0, 50.0, 20.0, 70.0, 60.0, -1.0, 40.0, 60.0, 60.0, 30.0, 40.0, 40.0, 70.0, 60.0, -1.0, 70.0, 20.0, 20.0, 50.0, 80.0, 60.0, 30.0, 90.0, 30.0, 60.0, 60.0, 20.0, 40.0, 50.0, 20.0, 50.0, 20.0, 50.0, 60.0, 30.0, 20.0, -1.0, -1.0, 50.0, 50.0, 30.0, 40.0], (7000, 0): [80.0, 80.0, 90.0, 80.0, 70.0, 80.0, 60.0, 40.0, 50.0, 60.0, 60.0, 90.0, 30.0, 60.0, 60.0, 70.0, 100.0, 60.0, 80.0, 70.0, 70.0, 100.0, 80.0, 90.0, 70.0, 100.0, 70.0, 70.0, 50.0, 70.0, 80.0, 50.0, 70.0, 80.0, 30.0, 100.0, 80.0, 40.0, 80.0, 60.0, 80.0, 60.0, 60.0, 90.0, 100.0, 50.0, 80.0, 40.0, 70.0, 50.0, 90.0, 100.0, 60.0, 80.0, 80.0, 50.0, 70.0, 80.0, 100.0, 100.0, 100.0, 90.0, 80.0, 50.0, 90.0, 70.0, 100.0, 70.0, 80.0, 60.0, 90.0, 90.0, 70.0, 70.0, 70.0, 70.0, 20.0, 100.0, 60.0, 90.0, 80.0, 60.0, 90.0, 90.0, 80.0, 100.0, 100.0, 20.0, 70.0, 80.0, 60.0, 90.0, 60.0, 30.0, 40.0, 100.0, 50.0, 40.0, 90.0, 100.0, 80.0, 80.0, 60.0, 70.0, 70.0, 80.0, 70.0, 100.0, 80.0, 40.0, 60.0, 60.0, 50.0, 70.0, 80.0, 30.0, 60.0, 60.0, 50.0, 80.0, 50.0, 90.0, 70.0, 50.0, 80.0, 90.0, 90.0, 60.0, 70.0, 90.0, 60.0, 90.0, 90.0, 80.0, 80.0, 80.0, 60.0, 90.0, 80.0, 20.0, 70.0, 90.0, 60.0, 70.0, 90.0, 30.0, 90.0, 100.0, 50.0, 60.0, 90.0, 60.0, 100.0, 90.0, 90.0, 90.0, 60.0, 90.0, 70.0, 90.0, 70.0, 20.0, 60.0, 80.0, 90.0, 80.0, 70.0, 100.0, 70.0, 60.0, 70.0, 60.0, 80.0, 90.0, 100.0, 90.0, 100.0, 70.0, 60.0, 100.0, 70.0, 60.0, 30.0, 100.0, 60.0, 70.0, 80.0, 50.0, 80.0, 30.0, 70.0, 80.0, 80.0, 70.0], (5600, 0): [80.0, 70.0, 60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 30.0, 30.0, 60.0, 10.0, 40.0, 20.0, 40.0, 30.0, 20.0, 50.0, 50.0, 30.0, -1.0, 60.0, 40.0, 20.0, 80.0, 40.0, 10.0, 50.0, 80.0, 50.0, 30.0, 90.0, 30.0, 60.0, 40.0, 40.0, 30.0, 40.0, 60.0, 40.0, 50.0, 30.0, 40.0, 30.0, 10.0, 40.0, 40.0, 60.0, 50.0, 30.0, 50.0, 40.0, 40.0, 50.0, 50.0, 50.0, 40.0, 20.0, 60.0, 40.0, 50.0, 30.0, 50.0, 40.0, 20.0, 50.0, 50.0, 30.0, 10.0, 20.0, 50.0, 50.0, 40.0, 50.0, 40.0, 50.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 40.0, 70.0, 70.0, 20.0, 50.0, 50.0, 30.0, 40.0, 50.0, 40.0, 40.0, 40.0, 20.0, 30.0, 40.0, 60.0, 50.0, 0.0, 10.0, 50.0, 60.0, 90.0, 0.0, 90.0, 60.0, 30.0, 40.0, 60.0, 20.0, 50.0, 70.0, 40.0, 30.0, 70.0, 60.0, 10.0, 50.0, 60.0, 40.0, 60.0, 60.0, 40.0, 30.0, 30.0, 20.0, 40.0, 60.0, 30.0, 30.0, 60.0, 50.0, 40.0, 40.0, 30.0, 40.0, 100.0, 30.0, 60.0, 50.0, 40.0, 60.0, 20.0, 30.0, 40.0, 50.0, 70.0, 40.0, 20.0, 90.0, 30.0, 60.0, 40.0, 30.0, 40.0, 70.0, 50.0, 60.0, 40.0, 20.0, 50.0, 40.0, 60.0, 50.0, 60.0, 40.0, 30.0, 40.0, 40.0, 20.0, 100.0, 50.0, 40.0, 80.0, 80.0, 70.0, 40.0, 60.0, 50.0, 60.0, 30.0, 70.0, 40.0, 50.0, 10.0, 30.0, 80.0, 50.0, 20.0, 40.0, 40.0, 40.0, 20.0, 30.0, 20.0], (8400, 2800): [0.0, 100.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 40.0, 100.0, 40.0, 100.0, 20.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 20.0, 100.0, 100.0, 50.0, 100.0, 100.0, 80.0, 0.0, 100.0, 30.0, 100.0, 0.0, 100.0, 60.0, 100.0, 100.0, 100.0, 20.0, 40.0, 10.0, 30.0, 50.0, 50.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 10.0, 100.0, 100.0, 60.0, 100.0, 100.0, 60.0, 50.0, 100.0, 50.0, 10.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 90.0, 60.0, 100.0, 30.0, 80.0, 100.0, 0.0, 100.0, 60.0, 0.0, 80.0, 100.0, 30.0, 70.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 30.0, 100.0, 0.0, 90.0, 60.0, 90.0, 20.0, 100.0, 100.0, 100.0, 10.0, 20.0, 40.0, 100.0, 0.0], (4200, 0): [10.0, 10.0, 30.0, 0.0, 20.0, 10.0, 30.0, 40.0, 20.0, 10.0, 30.0, 10.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 30.0, 20.0, 0.0, 10.0, 30.0, 30.0, 10.0, 40.0, 10.0, 10.0, 0.0, 10.0, 0.0, 10.0, 30.0, 20.0, 40.0, 40.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 60.0, 30.0, 0.0, 10.0, 40.0, -1.0, 60.0, 20.0, 0.0, 0.0, 40.0, 10.0, 0.0, 10.0, 0.0, 10.0, 10.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 20.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 50.0, -1.0, 10.0, 10.0, 0.0, 0.0, 20.0, 10.0, 20.0, 30.0, 20.0, 30.0, 30.0, 0.0, -1.0, 10.0, 0.0, -1.0, -1.0, 10.0, 30.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 30.0, 30.0, 10.0, 50.0, 10.0, 40.0, 10.0, 0.0, 30.0, 10.0, 20.0, 10.0, 20.0, 0.0, 0.0, 0.0, 30.0, 10.0, -1.0, 10.0, 30.0, 30.0, 10.0, 20.0, 20.0, 30.0, 10.0, 20.0, 10.0, 20.0, 0.0, 20.0, 10.0, 40.0, -1.0, 10.0, 0.0, 20.0, 10.0, 20.0, 20.0, 40.0, 20.0, 20.0, 20.0, 10.0, 30.0, -1.0, 30.0, 50.0, 10.0, 50.0, 0.0, 10.0, 10.0, 20.0, 0.0, 20.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0], (7000, 1400): [30.0, 90.0, 100.0, 90.0, 30.0, 100.0, 20.0, 50.0, 80.0, 60.0, 90.0, 90.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 40.0, 30.0, 100.0, 100.0, 0.0, 60.0, 100.0, 100.0, 70.0, 30.0, 40.0, 70.0, 20.0, 60.0, 20.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 80.0, 30.0, 100.0, 100.0, 0.0, 90.0, 100.0, 60.0, 100.0, 0.0, 80.0, 80.0, 100.0, 100.0, 20.0, 10.0, 90.0, 50.0, 70.0, 70.0, 10.0, 80.0, 100.0, 80.0, 100.0, 30.0, 50.0, 90.0, 60.0, 70.0, 30.0, 100.0, 80.0, 10.0, 50.0, 100.0, 30.0, 10.0, 10.0, 90.0, 40.0, 30.0, 100.0, 70.0, 60.0, 70.0, 100.0, 100.0, 30.0, 60.0, 60.0, 10.0, 80.0, 0.0, 70.0, 80.0, 100.0, 100.0, 80.0, 50.0, 10.0, 40.0, 80.0, 20.0, 30.0, 60.0, 70.0, 50.0, 100.0, 100.0, 70.0, 80.0, 70.0, 10.0, 50.0, 70.0, 20.0, 0.0, 80.0, 90.0, 80.0, 50.0, 20.0, 80.0, 20.0, 100.0, 80.0, 100.0, 10.0, 80.0, 100.0, 50.0, 30.0, 100.0, 20.0, 80.0, 90.0, 20.0, 50.0, 100.0, 100.0, 100.0, 70.0, 20.0, 100.0, 60.0, 80.0, 100.0, 80.0, 50.0, 90.0, 80.0, 100.0, 100.0, 70.0, 30.0, 90.0, 60.0, 40.0, 100.0, 70.0, 100.0, 10.0, 100.0, 100.0, 100.0, 0.0, 60.0, 60.0, 30.0, 90.0, 100.0, 90.0, 30.0, 50.0, 90.0, 30.0, 100.0, 100.0, 40.0, 100.0, 80.0, 100.0, 100.0, 20.0], (7000, 5600): [100.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 10.0, 0.0], (5600, 2800): [50.0, 70.0, 0.0, 20.0, 0.0, 100.0, 0.0, 100.0, 0.0, 20.0, 100.0, 10.0, 0.0, 0.0, 60.0, 40.0, 0.0, 40.0, 50.0, 20.0, 100.0, 10.0, 100.0, 50.0, 100.0, 10.0, 20.0, 30.0, 50.0, 0.0, 60.0, 10.0, 30.0, 10.0, 100.0, 60.0, 70.0, 100.0, 20.0, 50.0, 20.0, 0.0, 100.0, 0.0, 0.0, 0.0, 10.0, 50.0, 20.0, 100.0, 60.0, 0.0, 100.0, 40.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 40.0, 20.0, 0.0, 50.0, 0.0, 20.0, 0.0, 60.0, 10.0, 0.0, 10.0, 100.0, 40.0, 30.0, 10.0, 60.0, 10.0, 10.0, 100.0, 0.0, 100.0, 40.0, 70.0, 40.0, 0.0, 70.0, 0.0, 30.0, 30.0, 90.0, 30.0, 40.0, 30.0, 80.0, 30.0, 0.0, 20.0, 0.0, 10.0, 30.0, 90.0, 30.0, 80.0, 20.0, 20.0, 10.0, 0.0, 0.0, 30.0, 40.0, 100.0, 10.0, 0.0, 10.0, 60.0, 10.0, 70.0, 10.0, 10.0, 0.0, 90.0, 0.0, 30.0, 10.0, 80.0, 90.0, 90.0, 0.0, 10.0, 0.0, 60.0, 10.0, 40.0, 10.0, 100.0, 100.0, 0.0, 50.0, 20.0, 90.0, 20.0, 0.0, 60.0, 10.0, 50.0, 0.0, 70.0, 20.0, 10.0, 40.0, 0.0, 10.0, 0.0, 0.0, 0.0, 90.0, 0.0, 0.0, 10.0, 10.0, 0.0, 90.0, 10.0, 100.0, 60.0, 80.0, 100.0, 100.0, 40.0, 30.0, 10.0, 40.0, 20.0, 10.0, 80.0, 70.0, 20.0, 100.0, 10.0, 0.0, 0.0, 90.0, 60.0, 90.0, 80.0, 20.0, 0.0, 50.0, 100.0, 0.0, 100.0, 40.0, 0.0, 60.0, 90.0, 60.0, 0.0, 30.0, 30.0, 40.0, 0.0, 50.0, 80.0, 40.0, 60.0, 0.0, 20.0, 0.0, 30.0, 80.0, 80.0, 100.0, 100.0, 10.0, 10.0, 20.0, 30.0, 100.0, 90.0, 0.0, 60.0, 10.0, 0.0, 40.0, 40.0, 0.0, 0.0, 100.0, 10.0, 30.0, 10.0, 70.0, 60.0, 30.0, 0.0, 70.0, 30.0, 60.0, 90.0, 100.0, 0.0, 80.0, 80.0, 0.0, 100.0, 0.0, 40.0, 0.0, 20.0, 100.0, 100.0, 0.0, 40.0, 90.0, 90.0, 90.0, 30.0, 10.0, 0.0, 20.0, 80.0, 0.0, 30.0, 10.0, 50.0, 0.0, 0.0, 60.0, 0.0, 0.0, 10.0, 60.0, 40.0, 40.0, 100.0, 0.0, 10.0, 0.0, 10.0, 40.0, 30.0, 90.0, 90.0, 0.0, 100.0, 40.0, 10.0, 20.0, 50.0, 40.0, 100.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 40.0, 100.0, 0.0, 80.0, 30.0, 50.0, 10.0, 70.0, 10.0, 30.0, 60.0, 50.0, 100.0, 0.0, 100.0, 50.0, 0.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0, 10.0, 20.0, 40.0, 0.0, 10.0, 30.0, 0.0, 20.0, 90.0, 100.0, 30.0, 0.0, 100.0, 50.0, 40.0, 70.0, 30.0, 10.0, 0.0, 100.0, 0.0, 80.0, 0.0, 0.0, 10.0, 90.0, 30.0, 0.0, 70.0, 60.0, 10.0, 20.0, 0.0, 0.0, 80.0, 90.0, 40.0, 70.0, 0.0, 40.0, 40.0, 50.0, 40.0, 40.0, 100.0, 10.0, 100.0, 40.0, 0.0, 0.0, 30.0, 10.0, 30.0, 20.0, 50.0, 30.0, 10.0, 0.0, 0.0, 100.0, 10.0, 100.0, 20.0, 90.0, 10.0, 100.0, 0.0, 80.0, 20.0, 100.0, 0.0, 30.0, 60.0, 20.0, 100.0, 40.0, 10.0, 0.0, 40.0, 20.0, 80.0, 100.0, 30.0, 10.0, 50.0, 20.0, 30.0, 70.0, 10.0, 0.0, 20.0, 70.0, 0.0, 0.0, 20.0, 90.0, 70.0, 0.0, 50.0, 20.0, 20.0, 0.0, 10.0, 10.0, 90.0, 70.0, 0.0, 20.0, 80.0, 60.0, 20.0, 50.0, 100.0, 10.0, 20.0, 0.0, 0.0, 70.0, 20.0, 80.0, 90.0, 100.0, 0.0, 10.0, 60.0, 70.0, 0.0, 80.0, 90.0, 0.0, 70.0, 0.0, 50.0, 60.0, 40.0, 70.0, 50.0, 0.0, 0.0, 20.0, 70.0, 70.0, 10.0, 0.0, 50.0, 10.0, 100.0, 0.0, 100.0, 0.0, 20.0, 20.0, 0.0, 20.0, 0.0, 10.0, 20.0, 0.0, 30.0, 0.0, 20.0, 10.0, 90.0, 20.0, 0.0, 20.0, 70.0, 90.0, 20.0, 0.0, 10.0, 0.0, 60.0, 100.0, 10.0, 60.0, 40.0, 100.0, 40.0, 50.0, 60.0, 20.0, 40.0, 100.0, 90.0, 80.0, 100.0, 100.0, 50.0, 80.0, 0.0, 100.0, 0.0, 0.0, 0.0, 100.0, 0.0, 50.0, 30.0, 90.0, 0.0, 100.0, 10.0, 100.0, 50.0, 100.0, 20.0, 100.0, 0.0, 10.0, 40.0, 50.0, 100.0, 40.0, 10.0, 100.0, 50.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 0.0, 0.0, 0.0, 10.0, 70.0, 50.0, 100.0, 0.0, 20.0, 30.0, 40.0, 0.0, 60.0, 0.0, 100.0, 100.0, 100.0, 0.0, 20.0, 30.0, 0.0, 10.0, 10.0, 0.0, 40.0, 40.0, 60.0, 30.0, 80.0, 50.0, 30.0, 100.0, -1.0, 10.0, 100.0, 80.0, 60.0, 10.0, 0.0, 90.0, 70.0, 30.0, 80.0, 20.0, 0.0, 90.0, 30.0, 50.0, 20.0, 0.0, 100.0, 10.0, 0.0, 100.0, 30.0, 0.0, 60.0, 0.0, 20.0, 50.0, 10.0, 100.0], (8400, 1400): [100.0, 100.0, 30.0, 50.0, 20.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 10.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 50.0, 50.0, 100.0, 70.0, 10.0, 100.0, 100.0, 100.0, 80.0, 50.0, 10.0, 60.0, 100.0, 100.0, 100.0, 100.0, 50.0, 90.0, 10.0, 100.0, 30.0, 100.0, 100.0, 70.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 10.0, 100.0, 40.0, 100.0, 20.0, 100.0, 80.0, 100.0, 100.0], (1400, 0): [10.0, 40.0, -1.0, 10.0, 50.0, 50.0, 20.0, 10.0, 20.0, 10.0, -1.0, 90.0, 10.0, -1.0, 30.0, -1.0, -1.0, 70.0, 30.0, 50.0, 50.0, -1.0, 20.0, 30.0, -1.0, 10.0, -1.0, 70.0, 30.0, 40.0, 20.0, 20.0, -1.0, -1.0, 0.0, 20.0, 50.0, 30.0, 30.0, 10.0, 60.0, 40.0, 10.0, 20.0, 40.0, 30.0, 20.0, 0.0, 20.0, 10.0, 20.0, -1.0, 20.0, 80.0, 40.0, -1.0, 10.0, 40.0, 30.0, 40.0, 70.0, 50.0, 20.0, 20.0, -1.0, 20.0, 30.0, 20.0, 60.0, 50.0, 10.0, -1.0, 10.0, 90.0, 10.0, 10.0, 100.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 50.0, 10.0, 20.0, 10.0, 60.0, 10.0, 30.0, 30.0, 40.0, -1.0, 10.0, 0.0, 20.0, 50.0, 10.0, -1.0, -1.0, 10.0, 30.0, 10.0, 60.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, 10.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 80.0, 50.0, 40.0, 30.0, 60.0, 20.0, -1.0, 20.0, -1.0, 10.0, 40.0, 10.0, 20.0, 30.0, 20.0, 0.0, 40.0, 40.0, -1.0, 50.0, 40.0, 20.0, 30.0, 40.0, -1.0, 30.0, 30.0, 70.0, 40.0, 20.0, 40.0, 50.0, 10.0, -1.0, 30.0, 10.0, 50.0, 90.0, 10.0, 10.0, 40.0, 70.0, 30.0, 40.0, 10.0, 50.0, 0.0, 40.0, 40.0, -1.0, 20.0, 10.0, 0.0, 30.0, 20.0, 20.0, 40.0, 10.0, 70.0, -1.0, 40.0, 90.0, 0.0, 10.0, 0.0, 0.0, -1.0, -1.0, 10.0, 20.0, -1.0, 10.0, 40.0, 30.0, 10.0, 10.0, 40.0, 40.0, 0.0, 20.0, 40.0, 40.0, 10.0, 40.0, 10.0, 30.0, 0.0, 10.0, 0.0, 30.0, 30.0, -1.0, 0.0, 10.0, 20.0, 20.0, 40.0, 30.0, 20.0, 20.0, 40.0, 10.0, 30.0, 10.0, 10.0, 20.0, 50.0, 20.0, 0.0, 30.0, 50.0, 50.0, 10.0, 40.0, 80.0, 40.0, 70.0, 10.0, 80.0, 10.0, 20.0, 10.0, 10.0, 30.0, 40.0, 30.0, 50.0, 40.0, 0.0, 70.0, 30.0, 30.0, 10.0, 0.0, 40.0, 40.0, 30.0, 20.0, 20.0, 20.0, 20.0, 10.0, 40.0, 40.0, 50.0, 10.0, 40.0, 70.0, 20.0, 20.0, 30.0, 20.0, -1.0, 20.0, 10.0, 40.0, 60.0, 10.0, 30.0, 0.0, 10.0, 40.0, 60.0, 20.0, 50.0, 30.0, 10.0, 20.0, 30.0, 20.0, 10.0, 40.0, 30.0, 50.0, 60.0, 20.0, -1.0, -1.0, -1.0, 60.0, 20.0, 20.0, 20.0, 20.0, 30.0, -1.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 40.0, -1.0, 0.0, 30.0, -1.0, 10.0, 30.0, 50.0, 0.0, 40.0, 40.0, 60.0, 10.0, 10.0, 20.0, 40.0, 40.0, 20.0, 30.0, 0.0, 0.0, 10.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1500 = {(4500, 4500): [0.0, 0.0, 50.0, 50.0, 0.0, 40.0, 0.0, 10.0, 0.0], (4500, 0): [80.0, 70.0, 10.0, 30.0, 10.0, 10.0, 30.0, 0.0, 20.0, 10.0, 60.0, 20.0, 10.0, 10.0, 30.0, 10.0, 10.0, 40.0, 0.0, 10.0, 10.0, 10.0, 40.0, 10.0, 20.0, 10.0, 30.0, 30.0, 20.0, 0.0, 10.0, 40.0, 30.0, 30.0, 40.0, 10.0, 30.0, 20.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 0.0, 20.0, 40.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 60.0, 30.0, 20.0, 0.0, 40.0, 50.0, 40.0, 30.0, 0.0, 40.0, 0.0, 40.0, 40.0, 20.0, 50.0, 50.0, 0.0, 0.0, 10.0, 40.0, 10.0, 20.0, 40.0, 20.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, 20.0, 30.0, 10.0, 40.0, 10.0, 10.0, 40.0, 20.0, 20.0, 30.0, 10.0, 0.0, 0.0, 10.0, 10.0, 10.0, 50.0, 30.0, 10.0, 0.0, 40.0, 0.0, 10.0, 30.0, 100.0, 20.0, 30.0, 20.0, 50.0, 30.0, 30.0, 0.0, -1.0, 0.0, 60.0, 10.0, 30.0, 30.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 30.0, 40.0, 10.0, 30.0, 30.0, 50.0, 30.0, 50.0, 10.0, 40.0, 10.0, 0.0, 40.0, 20.0, 30.0, 10.0, 30.0, 20.0, 10.0, 30.0, 20.0, 0.0, 0.0, 40.0, 0.0, 30.0, 10.0, 20.0, 20.0, 50.0, 30.0, 30.0, 10.0, 20.0, 60.0, 30.0, 10.0, 20.0, 30.0, 10.0, 20.0, 0.0, 20.0, 40.0, -1.0, 20.0, 0.0, 20.0, 10.0, 20.0, 20.0, 20.0, 40.0, 20.0, 30.0, 50.0, 30.0, 50.0, 10.0, 50.0, 0.0, 10.0, 10.0, 40.0, 50.0, 20.0, 30.0, 0.0, 20.0, 40.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 30.0, 10.0, 20.0], (3000, 0): [10.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 10.0, 10.0, 0.0, -1.0, -1.0, 30.0, 40.0, 10.0, -1.0, -1.0, 10.0, 40.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 0.0, -1.0, 60.0, 10.0, 20.0, 50.0, 10.0, 20.0, -1.0, 10.0, 10.0, 10.0, 10.0, 20.0, -1.0, 40.0, -1.0, -1.0, 10.0, 10.0, 10.0, 10.0, 40.0, 20.0, 20.0, 10.0, 30.0, 10.0, 30.0, 10.0, 50.0, 10.0, 30.0, 10.0, 40.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, 20.0, -1.0, 60.0, 20.0, -1.0, 0.0, 10.0, 10.0, 20.0, 20.0, 40.0, 10.0, 10.0, -1.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, 10.0, 0.0, -1.0, -1.0, 30.0, 20.0, 10.0, 40.0, 30.0, 0.0, 40.0, -1.0, 20.0, 10.0, 30.0, 40.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 30.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 40.0, 50.0, 0.0, 20.0, 10.0, 10.0, -1.0, -1.0, 30.0, -1.0, 10.0, 10.0, 0.0, 20.0, 10.0, 20.0, 20.0, 10.0, 30.0, 10.0, 10.0, 0.0, 10.0, 40.0, 20.0, 30.0, -1.0, 10.0, 20.0, 0.0, 10.0, 10.0, 20.0, 30.0, -1.0, 10.0, 10.0, -1.0, 20.0, 10.0, 20.0, 20.0, 40.0, 10.0, -1.0, 10.0, 10.0, -1.0, 30.0, 10.0, -1.0, 50.0, 20.0, 30.0, -1.0, 10.0, 10.0, -1.0, 10.0, 0.0, 10.0, 30.0, 30.0, 30.0, 20.0, 10.0, -1.0, 10.0, 0.0, 10.0, 10.0, 50.0, 10.0, 90.0, 10.0, 50.0, 0.0, 20.0, 20.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, 40.0, 20.0, 20.0, 10.0, 0.0, 20.0, -1.0, 30.0, 10.0, 30.0, 20.0, 10.0, 50.0, 10.0, 40.0, -1.0, 20.0, 10.0, 20.0, 10.0, 10.0, 10.0], (1500, 1500): [0.0, 60.0, 40.0, 30.0, 40.0, 30.0, 50.0, 40.0, 50.0, 10.0, -1.0, 20.0, 40.0, 20.0, 50.0, 90.0, 80.0, 30.0, 20.0, 10.0, 30.0, 80.0, 30.0, 50.0, 70.0, 40.0, -1.0, 40.0, 40.0, 40.0, 20.0, 50.0, 40.0, 40.0, 50.0, 40.0, 20.0, 90.0, 30.0, 30.0, -1.0, 20.0, 100.0, 20.0, -1.0, 50.0, -1.0, 70.0, 20.0, 20.0, 20.0, 70.0, 50.0, 80.0, 70.0, 50.0, 30.0, 70.0, 40.0, 50.0, 60.0, 20.0, 70.0, 60.0, 60.0, 40.0, 50.0, 20.0, 30.0, 80.0, 40.0, 40.0, 60.0, 60.0, 60.0, 80.0, 50.0, -1.0, -1.0, 30.0, -1.0, 60.0, 20.0, -1.0, 60.0, 40.0, 80.0, 40.0, 60.0, 40.0, 20.0, 20.0, 50.0, 20.0, 80.0, 40.0, 80.0, 60.0, 50.0, 40.0, 30.0, 30.0, 70.0, 60.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 20.0, 30.0, 70.0, 50.0, 40.0, 50.0, 80.0, 0.0, 20.0, 20.0, 70.0, 30.0, 20.0, -1.0, 30.0, 30.0, 90.0, 70.0, 30.0, 10.0, 60.0, 80.0, 30.0, 40.0, 50.0, 50.0, 30.0, 40.0, -1.0, 40.0, 100.0, 70.0, 20.0, 80.0, 40.0, 50.0, 10.0, 30.0, 80.0, 60.0, 30.0, 40.0, 50.0, 50.0, 20.0, 30.0, 50.0, 50.0, 40.0, 60.0, -1.0, 30.0, 20.0, 60.0, 60.0, -1.0, 50.0, 20.0, 80.0, 10.0, 60.0, 60.0, 50.0, -1.0, 40.0, 60.0, 30.0, 40.0, 50.0, 50.0, 40.0, 50.0, 60.0, 30.0, 50.0, 50.0, 70.0, 30.0, 50.0, 50.0, 40.0, 40.0, 10.0, -1.0, 40.0, 70.0, 20.0, 50.0, 60.0, 40.0, 40.0, -1.0, 60.0, 50.0, 50.0, 50.0, 100.0, 20.0, 60.0, 50.0, 20.0, 30.0, 40.0, 40.0, 60.0, 60.0, 30.0, 60.0, 40.0, 40.0, 70.0, 60.0, 60.0, 70.0, 20.0, 30.0, 50.0, 80.0, 60.0, 30.0, 60.0, 60.0, 20.0, 20.0, 40.0, 20.0, 70.0, 30.0, 50.0, 20.0, 20.0, 50.0, 60.0, 40.0, 30.0, 30.0, 40.0, 100.0, 20.0, 100.0, 40.0, -1.0, -1.0, 50.0, 100.0, 40.0, 50.0, 70.0, 30.0, 40.0, 40.0, 50.0, 40.0], (6000, 0): [80.0, 60.0, 80.0, 70.0, 60.0, 50.0, 40.0, 60.0, 40.0, 30.0, 90.0, 30.0, 50.0, 60.0, 30.0, 60.0, 60.0, 20.0, 40.0, 30.0, 80.0, 20.0, 70.0, 50.0, 50.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 80.0, 100.0, 10.0, 50.0, 100.0, 90.0, 80.0, 50.0, 90.0, 30.0, 60.0, 40.0, 30.0, 70.0, 40.0, 60.0, 40.0, 50.0, 30.0, 50.0, 40.0, 10.0, 70.0, 40.0, 60.0, 70.0, 30.0, 30.0, 20.0, 30.0, 50.0, 40.0, 80.0, 40.0, 50.0, 50.0, 50.0, 40.0, 60.0, 60.0, 60.0, 50.0, 60.0, 50.0, 20.0, 40.0, 50.0, 50.0, 50.0, 30.0, 10.0, 60.0, 40.0, 50.0, 40.0, 50.0, 70.0, 30.0, 40.0, 40.0, 50.0, 60.0, 100.0, 20.0, 40.0, 70.0, 70.0, 50.0, 50.0, 50.0, 40.0, 30.0, 40.0, 40.0, 60.0, 50.0, 70.0, 50.0, 60.0, 60.0, 90.0, 90.0, 0.0, 90.0, 60.0, 70.0, 30.0, 60.0, 70.0, 20.0, 20.0, 50.0, 70.0, 30.0, 40.0, 60.0, 70.0, 60.0, 10.0, 60.0, 40.0, 80.0, 60.0, 100.0, 40.0, 20.0, 70.0, 30.0, 20.0, 40.0, 60.0, 30.0, 60.0, 60.0, 50.0, 40.0, 50.0, 40.0, 80.0, 100.0, 50.0, 60.0, 100.0, 40.0, 60.0, 60.0, 70.0, 20.0, 40.0, 50.0, 30.0, 60.0, 60.0, 50.0, 70.0, 50.0, 50.0, 80.0, 90.0, 60.0, 60.0, 60.0, 40.0, 30.0, 60.0, 20.0, 70.0, 70.0, 50.0, 60.0, 40.0, 20.0, 40.0, 60.0, 90.0, 60.0, 50.0, 50.0, 40.0, 40.0, 40.0, 100.0, 60.0, 70.0, 100.0, 20.0, 60.0, 50.0, 40.0, 80.0, 70.0, 30.0, 80.0, 80.0, 60.0, 70.0, 60.0, 60.0, 70.0, 50.0, 30.0, 30.0, 80.0, 50.0, 60.0, 70.0, 40.0, 40.0, 80.0, 40.0, 80.0], (4500, 3000): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 0.0, 90.0, 0.0, 100.0, 20.0, 40.0, 80.0, 60.0, 40.0, 20.0, 50.0, 60.0, 10.0, 10.0, 0.0, 50.0, 100.0, 10.0, 50.0, 20.0, 20.0, 70.0, 20.0, 10.0, 50.0, 100.0, 0.0, 100.0, 60.0, 70.0, 20.0, 20.0, 0.0, 0.0, 50.0, 40.0, 60.0, 10.0, 60.0, 10.0, 10.0, 30.0, 0.0, 0.0, 0.0, 40.0, 70.0, 30.0, 30.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 40.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 0.0, 60.0, 90.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 20.0, 40.0, 10.0, 30.0, 40.0, 0.0, 20.0, 90.0, 100.0, 10.0, 0.0, 0.0, 20.0, 40.0, 0.0, 10.0, 0.0, 50.0, 60.0, 50.0, 0.0, 30.0, 100.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 0.0, 80.0, 0.0, 30.0, 0.0, 0.0, 20.0, 10.0, 40.0, 10.0, 0.0, 40.0, 10.0, 40.0, 40.0, 0.0, 0.0, 20.0, 20.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 40.0, 20.0, 0.0, 0.0, 0.0, 30.0, 0.0, 20.0, 30.0, 50.0, 80.0, 40.0, 90.0, 0.0, 0.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 0.0, 10.0, 50.0, 30.0, 100.0, 20.0, 20.0, 20.0, 90.0, 80.0, 20.0, 60.0, 10.0, 0.0, 50.0, 10.0, 20.0, 100.0, 0.0, 100.0, 0.0, 10.0, 0.0, 20.0, 10.0, 50.0, 20.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 20.0, 80.0, 0.0, 0.0, 70.0, 0.0, 100.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 90.0, 0.0, 10.0, 30.0, 10.0, 90.0, 0.0, 30.0, 100.0, 40.0, 10.0, 60.0, 80.0, 0.0, 20.0, 0.0, 10.0, 40.0, 20.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 10.0, 50.0, 0.0, 20.0, 0.0, 30.0, 90.0, 0.0, 30.0, 10.0, 0.0, 50.0, 90.0, 50.0, 20.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 30.0, 0.0, 40.0, 50.0, 20.0, 80.0, 40.0, 100.0, 0.0, 10.0, 0.0, 20.0, 30.0, 20.0, 20.0, 0.0, 30.0, 80.0, 20.0, 0.0, 70.0, 30.0, 10.0, 0.0, 0.0, 10.0, 20.0, 10.0, 40.0, 0.0, 30.0, 10.0, 30.0, 90.0, 0.0, 30.0, 100.0, 50.0, 60.0, 0.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 30.0, 0.0, 100.0, 100.0, 30.0, 100.0, 60.0, 10.0, 60.0, 20.0, 70.0, 30.0, 20.0, 100.0, 100.0, 50.0, 10.0, 10.0, 40.0, 30.0, 80.0, 50.0, 0.0, 40.0, 20.0, 80.0, 10.0, 0.0, 70.0, 80.0, 40.0, 70.0, 90.0, 30.0, 10.0, 100.0, 0.0, 90.0, 0.0, 80.0, 100.0, 10.0, 0.0, 50.0, 0.0, 80.0, 0.0, 10.0, 0.0, 70.0, 70.0, 0.0, 0.0, -1.0, 40.0, 20.0, 20.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 60.0, 10.0, 30.0, 60.0, 40.0, 0.0, 40.0, 0.0, 100.0, 0.0, 60.0, 0.0, 30.0, 70.0, 10.0, 90.0, 10.0, 0.0, 20.0, 0.0, 40.0, 70.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 60.0, 0.0, 100.0, 0.0, 0.0, 0.0, 70.0, 0.0, 40.0, 100.0, 10.0, 0.0, 20.0, 10.0, 20.0, 0.0, 50.0, 0.0, 50.0, 0.0, 10.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 90.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 10.0, 40.0, 20.0, 10.0, 0.0, 10.0, 0.0, 50.0, 60.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 10.0, 60.0, 30.0, 10.0, 60.0, 20.0, 40.0, 0.0, 20.0, 0.0, 10.0, 80.0, 20.0, 0.0, 0.0, 10.0, 10.0, 20.0, 30.0, 0.0, 0.0, 0.0, 20.0, 90.0, 0.0, 100.0, 0.0, 30.0, 80.0, 30.0, 0.0, 10.0, 0.0, 50.0, 20.0, 30.0, 0.0, 10.0, 0.0, 80.0, 90.0, 0.0, 70.0, 0.0, 0.0, 10.0, 90.0, 100.0, 10.0, 0.0, 30.0, 20.0, 0.0, 20.0, 10.0, 70.0, 70.0, 30.0, 20.0, 10.0, 0.0, 0.0, 70.0, 30.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 10.0, 10.0, 100.0, 30.0, 10.0, 0.0, 50.0, 70.0, 30.0, 80.0, 80.0, 0.0, 60.0, 0.0, 10.0, 20.0, 0.0, 20.0, 30.0, 10.0, 20.0, 60.0, 20.0, 10.0, 80.0, 0.0, 0.0, 40.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 0.0, 100.0, 10.0, 0.0, 0.0, 60.0, 70.0, 0.0, 20.0, 60.0, 0.0, 10.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 50.0, 70.0, 20.0, 70.0, 40.0, 20.0, 20.0, 0.0, 80.0, 20.0, 0.0, 0.0, 0.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 20.0, 0.0, 70.0, 80.0, 80.0, 0.0, 40.0, 30.0, 20.0, 60.0, 40.0, 0.0, 40.0, 0.0, 0.0, 50.0, 0.0, 90.0, 0.0, 10.0, 70.0, 0.0, 10.0, 0.0, 0.0, 50.0, 90.0, 50.0, 50.0, 0.0, 10.0, 20.0, 70.0, 20.0, 0.0, 80.0, 20.0, 60.0, 20.0, 0.0, 0.0, 0.0, 10.0, 20.0, 60.0, 0.0, 70.0, 60.0, 40.0, 10.0, 20.0, 50.0, 0.0, 50.0, 10.0, 0.0, 0.0, 40.0, 0.0, 50.0, 0.0, 70.0, 50.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 100.0, 40.0, 10.0, 0.0, 20.0, 40.0, 20.0, 20.0, 30.0, 0.0, 40.0, 20.0, 0.0, 10.0, 40.0, 0.0, 0.0, 30.0, 70.0, 0.0, 30.0, 100.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 20.0, 10.0, 20.0, 0.0, 30.0, 60.0, 100.0, 100.0, 100.0, 0.0, 50.0, 0.0, 20.0, 0.0, 90.0, 0.0, -1.0, 100.0, 0.0, 40.0, 10.0, 0.0, 0.0, 30.0, 90.0, 40.0, 0.0, 30.0, 100.0, 10.0, 10.0, 100.0, 20.0, 0.0, 10.0, 20.0, 50.0, 0.0, 40.0, 50.0, 50.0, 50.0, 50.0, 20.0, 30.0, 60.0, 0.0, 60.0, 30.0, 0.0, 0.0, 70.0, 40.0, 50.0, 0.0, 60.0, 0.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 40.0, 0.0, 10.0, 20.0, 70.0, 60.0, 100.0, 0.0, 20.0, 30.0, 10.0, 0.0, 10.0, 40.0, 0.0, 20.0, 20.0, 10.0, 60.0, 30.0, 40.0, 30.0, 0.0, 50.0, 50.0, 0.0, 100.0, 20.0, 0.0, 10.0, 20.0, 0.0, 40.0, 100.0, 20.0, 10.0, 40.0, 50.0, 70.0, 0.0, 30.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 50.0, 0.0, 60.0, 20.0, 0.0, 20.0, 0.0, 100.0, 60.0, 0.0, 60.0, 10.0, 0.0, 30.0, 0.0, 10.0, 10.0], (7500, 1500): [100.0, 90.0, 100.0, 100.0, 30.0, 50.0, 20.0, 100.0, 50.0, 70.0, 100.0, 100.0, 90.0, 50.0, 100.0, 80.0, 100.0, 100.0, 70.0, 100.0, 100.0, 10.0, 20.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 70.0, 30.0, 100.0, 100.0, 100.0, 100.0, 0.0, 60.0, 100.0, 100.0, 100.0, 100.0, 80.0, 40.0, 40.0, 70.0, 20.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 0.0, 90.0, 60.0, 80.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 90.0, 50.0, 80.0, 20.0, 90.0, 70.0, 10.0, 80.0, 100.0, 80.0, 100.0, 30.0, 90.0, 100.0, 100.0, 80.0, 10.0, 50.0, 100.0, 30.0, 10.0, 100.0, 10.0, 100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 100.0, 20.0, 50.0, 60.0, 100.0, 50.0, 100.0, 100.0, 60.0, 70.0, 10.0, 80.0, 100.0, 100.0, 100.0, 80.0, 0.0, 80.0, 100.0, 80.0, 50.0, 50.0, 100.0, 10.0, 80.0, 10.0, 20.0, 60.0, 30.0, 60.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 70.0, 80.0, 70.0, 10.0, 100.0, 70.0, 100.0, 20.0, 80.0, 90.0, 0.0, 80.0, 100.0, 10.0, 20.0, 100.0, 80.0, 60.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 70.0, 20.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 40.0, 100.0, 100.0, 70.0, 30.0, 90.0, 20.0, 100.0, 70.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 90.0, 100.0, 50.0, 100.0, 40.0, 100.0, 40.0, 80.0, 100.0, 100.0, 20.0], (3000, 1500): [50.0, 60.0, 70.0, 30.0, 30.0, 40.0, 20.0, 40.0, 80.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 30.0, 40.0, 20.0, 40.0, 40.0, 30.0, 20.0, 90.0, 10.0, 20.0, 60.0, 80.0, -1.0, 70.0, 30.0, 50.0, 60.0, 30.0, 90.0, 40.0, 30.0, 40.0, 60.0, 10.0, 70.0, 50.0, 30.0, 30.0, 30.0, 20.0, 10.0, 60.0, 40.0, -1.0, 30.0, 20.0, 50.0, 30.0, -1.0, 30.0, 20.0, 90.0, 20.0, 40.0, 10.0, 80.0, 50.0, 80.0, 10.0, 20.0, 50.0, 10.0, 30.0, 90.0, 60.0, 30.0, 0.0, 80.0, 30.0, 20.0, -1.0, 30.0, 20.0, 80.0, 20.0, 20.0, 30.0, 50.0, 30.0, 30.0, 10.0, 30.0, 30.0, 0.0, 10.0, 40.0, 40.0, 20.0, 20.0, 20.0, 30.0, 70.0, 60.0, 30.0, 30.0, 20.0, 50.0, 20.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, 30.0, 70.0, 60.0, 90.0, 30.0, 40.0, 40.0, 80.0, 40.0, 40.0, 30.0, 30.0, 20.0, 10.0, 30.0, 0.0, 20.0, 40.0, 10.0, 10.0, 80.0, 40.0, 40.0, 10.0, 50.0, 20.0, 20.0, 100.0, 40.0, 10.0, 50.0, 30.0, 70.0, 40.0, 40.0, 50.0, 30.0, 20.0, 30.0, 40.0, 30.0, 60.0, 50.0, 40.0, 30.0, 20.0, 60.0, 60.0, 10.0, 40.0, 20.0, 40.0, 50.0, 50.0, 50.0, 20.0, 40.0, -1.0, 10.0, 40.0, 40.0, -1.0, 80.0, 40.0, 30.0, 10.0, 30.0, 20.0, 0.0, 20.0, -1.0, 30.0, 90.0, 60.0, 40.0, 50.0, 40.0, 10.0, 30.0, 10.0, 30.0, 20.0, 90.0, 30.0, 40.0, 40.0, 10.0, 60.0, 30.0, 30.0, 30.0, 20.0, 10.0, 50.0, 40.0, 50.0, 70.0, 40.0, 40.0, 20.0, 30.0, 40.0, 30.0, 20.0, 20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 50.0, 20.0, 30.0, 20.0, 70.0, 50.0, 100.0, 10.0, 30.0, 10.0, 80.0, 50.0, -1.0, 50.0, 20.0, 40.0, 50.0, 30.0, 30.0, 40.0, 10.0, 50.0, 60.0, 40.0, 30.0, 90.0, 20.0, 30.0, -1.0, 20.0, 40.0, 30.0, 40.0, 40.0, 60.0, 60.0, 30.0, 60.0, 0.0, 10.0, 40.0, 60.0, 50.0, 30.0, 60.0, 40.0, 30.0, 30.0, 40.0, 10.0, 40.0, 20.0, 30.0, 40.0, 100.0, 40.0, 50.0, 0.0, 40.0, 30.0, 30.0, 40.0, 50.0, 40.0, 100.0, 10.0, 30.0, 100.0, 100.0, 30.0, 30.0, 80.0, 50.0, 40.0, 30.0, 30.0, 20.0, 30.0, 10.0, 40.0, 80.0, 40.0, 0.0, 30.0, 20.0, 40.0, 40.0, 20.0, 30.0, 100.0, 80.0, 40.0, 70.0, 20.0, 60.0, 40.0, 0.0, -1.0, 100.0, 20.0, 40.0, 40.0, 70.0, 30.0, 20.0, 0.0, 20.0, 30.0, 50.0, 50.0, 60.0, 20.0, 40.0, 60.0, 40.0, 30.0, 100.0, 30.0, 60.0, 30.0, 40.0, 30.0, 40.0, 60.0, 30.0, 80.0, 60.0, 20.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 40.0, 10.0, 10.0, 100.0, 30.0, 20.0, 90.0, 60.0, 20.0, 30.0, 50.0, 30.0, 60.0, 20.0, 20.0, 0.0, 30.0, -1.0, 20.0, 80.0, 10.0, 40.0, -1.0, 70.0, 90.0, 20.0, 70.0, 30.0, 60.0, 40.0, 20.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 40.0, 50.0, 40.0, -1.0, 60.0, 20.0, 30.0, 20.0, 10.0, 10.0, 40.0, 70.0, 40.0, 90.0, 60.0, 30.0, 20.0, 50.0, 60.0, 70.0, 20.0, 20.0, 50.0, 10.0, 40.0, 40.0, 20.0, 70.0, 20.0, 50.0, 20.0, 10.0, 40.0, 50.0, 30.0, 0.0, 20.0, 40.0, 20.0, 10.0, 10.0, 40.0, 30.0, 30.0, 30.0, 20.0, 40.0, 0.0, 30.0, 80.0, -1.0, 40.0, 80.0, 40.0, 0.0, 10.0, 30.0, 40.0, 70.0, 100.0, 60.0, 20.0, 40.0, 50.0, 80.0, 30.0, 10.0, 50.0, 30.0, 90.0, 70.0, 50.0, 10.0, 30.0, 50.0, 70.0, 50.0, 30.0, 50.0, -1.0, 20.0, 20.0, 50.0, 60.0, 80.0, 30.0, 20.0, 30.0, 40.0, 30.0, 40.0, 50.0, 80.0, 40.0, 30.0, 50.0, 30.0, 40.0, 50.0, 30.0, 100.0, 60.0, 30.0, 30.0, -1.0, 30.0, 80.0, 50.0, 30.0, -1.0, 60.0, 10.0, 0.0, 60.0, 30.0, 50.0, 50.0, 30.0, 20.0, -1.0, 10.0, 40.0, 50.0, 10.0, -1.0, 20.0, 30.0, -1.0, 30.0, 20.0, 30.0, -1.0, 40.0, -1.0, 10.0, -1.0, 50.0, 20.0, 40.0, 50.0, 80.0, 30.0, 30.0, 20.0, 50.0, 40.0, 10.0, 20.0, 40.0, 10.0, 70.0, 60.0, 40.0, 10.0, 30.0, 70.0, 60.0, 60.0, 30.0, 50.0, 50.0, 70.0, 50.0, 40.0, 30.0, -1.0, 50.0, 40.0, 20.0, 30.0, 60.0, 40.0, 0.0, 60.0, 50.0, 50.0, 40.0, 30.0, 50.0, 10.0, 30.0, 20.0, 30.0, 40.0, 40.0, 20.0, 60.0, 30.0, 10.0, 50.0, 50.0, 20.0, -1.0, -1.0, 30.0, 30.0, 40.0, 20.0, 50.0, 50.0, 40.0, 90.0, 30.0, 50.0, 20.0, 40.0, 10.0, 20.0, 60.0, 20.0, -1.0, 20.0, 40.0, 40.0, -1.0, 40.0, 50.0, -1.0, 10.0, 10.0, 20.0, 0.0, 30.0, 50.0, 40.0, 30.0, 50.0, 10.0, 90.0, 40.0, 50.0, 30.0, 0.0, 20.0, 50.0, 20.0, 30.0, 40.0, 70.0, 90.0, 50.0, 30.0, 40.0, 60.0, 80.0, 20.0, 30.0, 100.0, 20.0, 20.0, 10.0, 50.0, 30.0, 30.0, 20.0, 60.0, 30.0, 40.0, 30.0, 20.0, 40.0, 0.0, 40.0, 60.0, 40.0, 70.0, 20.0, 40.0, 40.0, 90.0, 20.0, 40.0, 60.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 10.0, 20.0, 20.0, 70.0, 30.0, 30.0, 30.0, 30.0, 10.0, 50.0, 30.0, 10.0, 0.0, 10.0, 30.0, 10.0, 20.0, 90.0, 40.0, 50.0, 60.0, 40.0], (7500, 0): [100.0, 80.0, 60.0, 90.0, 80.0, 60.0, 40.0, 90.0, 100.0, 60.0, 40.0, 90.0, 100.0, 70.0, 100.0, 60.0, 100.0, 100.0, 80.0, 90.0, 70.0, 70.0, 70.0, 70.0, 50.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 80.0, 90.0, 100.0, 100.0, 100.0, 90.0, 40.0, 80.0, 100.0, 80.0, 60.0, 90.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 70.0, 100.0, 90.0, 100.0, 80.0, 90.0, 70.0, 100.0, 80.0, 80.0, 50.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 80.0, 50.0, 90.0, 100.0, 60.0, 100.0, 70.0, 80.0, 100.0, 90.0, 80.0, 90.0, 50.0, 80.0, 90.0, 70.0, 70.0, 100.0, 90.0, 40.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 90.0, 90.0, 100.0, 80.0, 60.0, 90.0, 100.0, 30.0, 40.0, 100.0, 40.0, 90.0, 100.0, 90.0, 100.0, 100.0, 80.0, 60.0, 100.0, 100.0, 70.0, 70.0, 100.0, 80.0, 70.0, 80.0, 40.0, 60.0, 50.0, 60.0, 80.0, 100.0, 100.0, 100.0, 80.0, 50.0, 90.0, 70.0, 100.0, 90.0, 90.0, 100.0, 90.0, 70.0, 90.0, 50.0, 90.0, 100.0, 90.0, 90.0, 80.0, 80.0, 80.0, 100.0, 90.0, 80.0, 70.0, 90.0, 60.0, 90.0, 90.0, 30.0, 100.0, 100.0, 60.0, 80.0, 90.0, 100.0, 90.0, 60.0, 100.0, 100.0, 90.0, 90.0, 90.0, 90.0, 100.0, 90.0, 70.0, 90.0, 100.0, 100.0, 100.0, 90.0, 80.0, 70.0, 100.0, 100.0, 90.0, 60.0, 70.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 70.0, 60.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 90.0, 50.0, 80.0, 30.0, 70.0, 80.0, 80.0, 70.0, 90.0], (0, 0): [60.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 20.0, 50.0, 100.0, 50.0, 100.0, 40.0, 40.0, 40.0, 60.0, 40.0, 20.0, -1.0, 0.0, 50.0, 20.0, 70.0, 30.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 10.0, 10.0, 30.0, 20.0, 20.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, 60.0, -1.0, 80.0, 30.0, 50.0, 100.0, 60.0, 10.0, 10.0, 40.0, 10.0, 20.0, 60.0, -1.0, 30.0, 20.0, 10.0, -1.0, -1.0, 30.0, 20.0, 40.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 80.0, 40.0, 70.0, 20.0, 70.0, 40.0, 40.0, 10.0, 50.0, 30.0, 50.0, 50.0, 50.0, 30.0, 0.0, 10.0, 10.0, 0.0, 50.0, 20.0, 40.0, 30.0, 30.0, 30.0, 70.0, 0.0, 60.0, 20.0, 80.0, 10.0, 40.0, 0.0, 20.0, 20.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 60.0, 20.0, 50.0, 50.0, -1.0, 10.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 10.0, 50.0, 40.0, 40.0, 10.0, 30.0, 40.0, 50.0, -1.0, 60.0, 10.0, 10.0, 0.0, 100.0, -1.0, 50.0, 40.0, 20.0, 100.0, 0.0, 40.0, 70.0, 40.0, 10.0, 20.0, 50.0, 20.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 10.0, 20.0, 100.0, 40.0, -1.0, 30.0, 50.0, 60.0, 40.0, 10.0, 30.0, 30.0, 60.0, 10.0, 10.0, 50.0, 40.0, 40.0, 10.0, 0.0, 60.0, 40.0, 50.0, 0.0, 70.0, 40.0, -1.0, 40.0, 40.0, 30.0, 20.0, 70.0, 50.0, 10.0, 30.0, 20.0, 40.0, 10.0, 10.0, 30.0], (7500, 3000): [40.0, 90.0, 0.0, 40.0, 20.0, 100.0, 100.0, 70.0, 60.0, 30.0, 100.0, 50.0, 30.0, 100.0, 90.0, 30.0, 70.0, 20.0, 40.0, 20.0, 90.0, 30.0, 100.0, 80.0, 50.0, 100.0, 0.0, 100.0, 80.0, 60.0, 100.0, 0.0, 100.0, 10.0, 10.0, 0.0, 100.0, 30.0, 60.0, 100.0, 100.0, 60.0, 40.0, 100.0, 20.0, 20.0, 100.0, 60.0, 100.0, 20.0, 10.0, 100.0, 40.0, 100.0, 40.0, 100.0, 40.0, 90.0, 100.0, 100.0, 40.0, 100.0, 0.0, 20.0, 70.0, 100.0, 100.0, 70.0, 100.0, 80.0, 30.0, 50.0, 70.0, 10.0, 40.0, 100.0, 40.0, 90.0, 100.0, 100.0, 0.0, 80.0, 100.0, 70.0, 10.0, 100.0, 30.0, 20.0, 50.0, 100.0, 30.0, 100.0, 50.0, 100.0, 50.0, 100.0, 20.0, 40.0, 50.0, 100.0, 30.0, 70.0, 100.0, 100.0, 30.0, 0.0, 100.0, 10.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 40.0, 30.0, 100.0, 0.0, 30.0, 100.0, 70.0, 0.0, 100.0, 30.0, 100.0, 90.0, 10.0, 80.0, 100.0, 100.0, 0.0, 70.0, 100.0, 60.0, 0.0, 70.0, 40.0, 60.0, 60.0, 100.0, 100.0, 30.0, 90.0, 100.0, 100.0, 100.0, 100.0, 30.0, 50.0, 100.0, 20.0, 90.0, 100.0, 40.0, 40.0, 10.0, 100.0, 0.0, 0.0, 50.0, 20.0, 100.0, 50.0, 100.0, 50.0, 10.0, 60.0, 100.0, 100.0, 60.0, 70.0, 80.0, 50.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 100.0, 60.0, 80.0, 90.0, 100.0, 100.0, 20.0, 10.0, 100.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 60.0, 100.0, 90.0, 50.0, 100.0, 60.0, 100.0, 80.0, 50.0, 0.0, 10.0, 30.0, 10.0, 100.0, 30.0, 100.0, 60.0, 10.0, 100.0, 20.0, 20.0, 90.0, 100.0, 20.0, 90.0, 10.0, 70.0, 100.0, 30.0, 90.0, 100.0, 100.0, 80.0, 90.0, 20.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 70.0, 100.0, 30.0, 100.0, 100.0, 20.0, 0.0, 80.0, 0.0, 30.0, 50.0, 100.0, 30.0, 100.0, 100.0, 10.0, 90.0, 60.0, 60.0, 70.0, 20.0, 10.0, 100.0, 60.0, 30.0, 20.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 0.0, 100.0, 80.0, 100.0, 0.0, 80.0, 60.0, 0.0, 100.0, 60.0, 50.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 40.0, 80.0, 50.0, 100.0, 70.0, 90.0, 50.0, 20.0, 100.0, 60.0, 100.0, 10.0, 100.0, 100.0, 100.0, 30.0, 70.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 30.0, 70.0, 100.0, 100.0, 100.0, 40.0, 10.0, 0.0, 100.0, 10.0, 100.0, 50.0, 100.0, 100.0, 70.0, 20.0, 30.0, 30.0, 100.0, 70.0, 90.0, 0.0, 100.0, 100.0, 0.0, 80.0, 100.0, 0.0, 0.0, 60.0, 100.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 40.0, 20.0, 60.0, 40.0, 10.0, 100.0, 20.0, 100.0, 60.0, 10.0, 50.0, 40.0, 10.0, 100.0, 60.0, 0.0, 20.0, 100.0, 50.0, 100.0, 40.0, 50.0, 100.0, 0.0, 20.0], (6000, 1500): [30.0, 100.0, 70.0, 40.0, 70.0, 60.0, 20.0, 80.0, 30.0, 0.0, 100.0, 20.0, 20.0, 20.0, 80.0, 0.0, 60.0, 80.0, 90.0, 90.0, 40.0, 60.0, 10.0, 30.0, 70.0, 0.0, 80.0, 30.0, 0.0, 40.0, 70.0, 80.0, 70.0, 50.0, 100.0, 50.0, 100.0, 90.0, 10.0, 90.0, 70.0, 100.0, 90.0, 30.0, 90.0, 10.0, 80.0, 20.0, 40.0, -1.0, 60.0, 50.0, 40.0, 30.0, 60.0, 100.0, 50.0, 30.0, 80.0, 10.0, 70.0, 60.0, 50.0, 60.0, 80.0, 60.0, 100.0, 30.0, 100.0, 50.0, 100.0, 0.0, 40.0, 100.0, 40.0, 90.0, 10.0, 50.0, 20.0, 90.0, 60.0, 10.0, 70.0, 70.0, 10.0, 60.0, 100.0, 50.0, 50.0, 60.0, 60.0, 0.0, 10.0, 60.0, 70.0, 60.0, 30.0, 30.0, 30.0, 100.0, 70.0, 0.0, 10.0, 90.0, 10.0, 0.0, 40.0, 70.0, 30.0, 50.0, 100.0, 40.0, 70.0, 10.0, 20.0, 70.0, 20.0, 100.0, 40.0, 20.0, 100.0, 30.0, 70.0, 30.0, 40.0, 30.0, 30.0, 60.0, 10.0, 10.0, 70.0, 10.0, 0.0, 60.0, 50.0, 50.0, 0.0, 70.0, 100.0, 80.0, 0.0, 40.0, 50.0, 70.0, 20.0, 40.0, 30.0, 10.0, 50.0, 20.0, 70.0, 100.0, 10.0, 50.0, 0.0, 70.0, 60.0, 50.0, 0.0, 40.0, 90.0, 90.0, 10.0, 0.0, 20.0, 70.0, 50.0, 70.0, 70.0, 0.0, 60.0, 20.0, 100.0, 80.0, 70.0, 50.0, 80.0, 100.0, 100.0, 80.0, 100.0, 80.0, 20.0, 50.0, 30.0, 100.0, 100.0, 50.0, 20.0, 90.0, 80.0, 10.0, 30.0, 50.0, 10.0, 20.0, 100.0, 0.0, 70.0, 0.0, 100.0, 80.0, 30.0, 70.0, 80.0, 30.0, 100.0, 0.0, 70.0, 60.0, 40.0, 100.0, 100.0, 10.0, 100.0, 10.0, 60.0, 60.0, 100.0, 30.0, 60.0, 0.0, 70.0, 10.0, 60.0, 60.0, 60.0, 50.0, 30.0, 40.0, 10.0, 100.0, 20.0, 70.0, 10.0, 90.0, 30.0, 90.0, 30.0, 100.0, 0.0, 0.0, 100.0, 40.0], (4500, 1500): [20.0, 20.0, 0.0, 0.0, 30.0, 50.0, 10.0, 10.0, 70.0, 10.0, 0.0, 30.0, 50.0, 30.0, 30.0, 60.0, 30.0, 30.0, 20.0, 60.0, 20.0, 0.0, 100.0, 30.0, 0.0, 0.0, 10.0, 30.0, 50.0, 80.0, 20.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 80.0, 70.0, 30.0, 40.0, 80.0, 0.0, 30.0, 60.0, 30.0, 20.0, 10.0, 20.0, 0.0, 40.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 30.0, 0.0, 20.0, 0.0, 30.0, 0.0, 20.0, 30.0, 0.0, 0.0, 40.0, 30.0, 0.0, 10.0, 30.0, 10.0, 60.0, 30.0, 50.0, 60.0, 50.0, 40.0, 10.0, 0.0, 10.0, 0.0, 0.0, 10.0, 30.0, 0.0, 100.0, 30.0, 0.0, 60.0, 0.0, 70.0, 40.0, 50.0, 40.0, 0.0, 0.0, 10.0, 50.0, 0.0, 40.0, 60.0, 0.0, 50.0, 40.0, 20.0, 0.0, 10.0, 10.0, 10.0, 50.0, 40.0, 20.0, 0.0, 20.0, 10.0, 20.0, 80.0, 20.0, 0.0, 40.0, 10.0, 60.0, 30.0, 10.0, 10.0, 10.0, 40.0, 30.0, 70.0, 20.0, 100.0, 0.0, 0.0, 10.0, 60.0, 40.0, 30.0, 10.0, 100.0, 20.0, 0.0, 60.0, 0.0, 10.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 90.0, 30.0, 20.0, 10.0, 0.0, 0.0, 30.0, 20.0, 0.0, 10.0, 60.0, 40.0, 0.0, 20.0, 70.0, 50.0, 10.0, 10.0, 0.0, 0.0, 0.0, 20.0, 10.0, 30.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 30.0, 10.0, 30.0, 10.0, 60.0, 10.0, -1.0, 20.0, 10.0, 40.0, 100.0, 80.0, 30.0, 10.0, 0.0, 10.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 10.0, 60.0, 30.0, 30.0, 10.0, 10.0, 40.0, 80.0, 10.0, 20.0, 80.0, 40.0, 40.0, 20.0, 20.0, 10.0, 10.0, 0.0, 70.0, 50.0, 30.0, 20.0, 40.0, 20.0, 10.0, 40.0, 0.0, 50.0, 60.0, 10.0, 10.0, 30.0, 90.0, 0.0, 40.0, 80.0, 20.0, 30.0, 0.0, 0.0, 30.0, 30.0, 20.0, 10.0, 60.0, 30.0, 20.0, 20.0, 40.0, -1.0, 0.0, 20.0, 60.0, 30.0, 20.0, 20.0, 40.0, 20.0, 100.0, 10.0, 20.0, 40.0, 40.0, 20.0, 50.0, 50.0, 10.0, 20.0, 30.0, 10.0, 60.0, 80.0, 40.0, 20.0, 30.0, 20.0, 70.0, 10.0, 0.0, 20.0, 60.0, 0.0, 10.0, 20.0, 10.0, 30.0, 70.0, 10.0, 0.0, 60.0, 0.0, 30.0, 0.0, 10.0, 30.0, 20.0, 30.0, 0.0, 20.0, 10.0, 50.0, 0.0, 30.0, 100.0, 20.0, 0.0, 0.0, 10.0, 60.0, 40.0, 60.0, 20.0, 50.0, 0.0, 0.0, 60.0, 10.0, 80.0, 0.0, 20.0, 30.0, 70.0, 0.0, 0.0, 0.0, 30.0, 20.0, 60.0, 30.0, 10.0, 0.0, 0.0, 20.0, 40.0, 0.0, 0.0, 30.0, 0.0, 30.0, 50.0, 80.0, 20.0, 10.0, 0.0, 20.0, -1.0, 50.0, 10.0, 40.0, 0.0, 100.0, 50.0, 0.0, 70.0, 40.0, 10.0, 30.0, 0.0, 50.0, 0.0, 20.0, 10.0, 30.0, 0.0, 0.0, 60.0, 0.0, 10.0, 0.0, 10.0, 30.0, 0.0, 10.0, 60.0, 0.0, 10.0, 20.0, 30.0, 20.0, 0.0, 20.0, 0.0], (7500, 6000): [100.0], (6000, 4500): [90.0, 100.0, 10.0, 100.0, 20.0, 90.0, 100.0, 20.0, 10.0, 70.0, 0.0, 40.0, 100.0, 80.0, 10.0, 30.0, 0.0, 0.0, 0.0, 50.0, 0.0, 100.0, 0.0, 100.0, 10.0, 70.0, 50.0, 50.0, 40.0, 50.0, 50.0, 70.0, 50.0, 80.0, 100.0, 40.0, 60.0, 70.0, 0.0, 0.0, 0.0, 0.0, 50.0, 30.0, 100.0, 0.0, 30.0, 100.0, 0.0, 40.0, 0.0, 0.0, 80.0, 100.0, 30.0, 100.0, 10.0, 20.0, 20.0, 0.0, 100.0, 90.0, 90.0, 40.0, 50.0, 0.0, 70.0, 50.0, 60.0, 10.0, 0.0, 60.0, 0.0, 100.0, 0.0, 100.0, 60.0, 30.0, 20.0, 0.0, 20.0, 0.0, 10.0, 0.0, 0.0, 0.0, 60.0, 100.0, 20.0, 50.0, 100.0, 30.0, 80.0, 0.0, 70.0, 100.0, 0.0, 0.0, 100.0, 40.0, 60.0, 10.0, 10.0, 100.0, 0.0, 100.0, 30.0, 100.0, 0.0, 90.0, 90.0, 100.0, 40.0, 100.0, 70.0, 100.0, 0.0, 10.0, 60.0, 100.0, 50.0, 30.0, 100.0, 10.0, 60.0, 100.0, 0.0, 90.0, 20.0, 70.0, 50.0, 90.0, 0.0, 30.0, 10.0, 0.0, 0.0, 90.0, 0.0, 50.0, 100.0, 70.0, 20.0, 50.0, 10.0, 100.0, 0.0, 10.0, 100.0, 0.0, 70.0, 0.0, 100.0, 30.0, 50.0, 100.0, 90.0, 60.0, 10.0, 90.0, 100.0, 100.0, 50.0, 20.0, 60.0, 100.0, 80.0, 100.0, 0.0, 0.0, 40.0, 0.0, 0.0, 100.0, 0.0, 0.0, 80.0, 100.0, 100.0, 100.0, 0.0, 40.0, 30.0, 70.0, 100.0, 40.0, 100.0, 0.0, 20.0, 20.0, 40.0, 60.0, 50.0, 30.0, 60.0, 0.0, 40.0, 70.0, 50.0, 40.0, 40.0, 30.0, 100.0, 10.0, 100.0, 80.0, 10.0, 30.0, 100.0, 10.0, 0.0, 60.0, 20.0, 10.0, 10.0, 30.0, 0.0, 30.0, 20.0, 10.0, 0.0, 10.0, 100.0, 20.0, 30.0, 10.0, 10.0, 50.0, 10.0, 30.0, 20.0, 80.0, 10.0, 50.0, 30.0, 70.0, 0.0, 40.0, 50.0, 100.0, 10.0, 0.0, 0.0, 40.0, 20.0, 0.0, 50.0, 100.0, 70.0, 10.0, 60.0, 0.0, 10.0, 0.0, 50.0, 10.0, 10.0, 10.0, 100.0, 0.0, 10.0, 100.0, 100.0, 20.0, 0.0, 10.0, 100.0, 60.0, 0.0, 0.0, 70.0, 30.0, 70.0, 30.0, 30.0, 100.0, 40.0, 100.0, 10.0, 90.0, 0.0, 0.0, 20.0, 0.0, 100.0, 40.0, 30.0, 0.0, 100.0, 0.0, 20.0, 100.0, 100.0, 20.0, 100.0, 20.0, 100.0, 10.0, 100.0, 0.0, 70.0, 80.0, 80.0, 0.0, 0.0, 0.0, 100.0, 20.0, 40.0, 50.0, 60.0, 40.0, 40.0, 100.0, 30.0, 10.0, 20.0, 20.0, 60.0, 100.0, 10.0, 0.0, 0.0, 100.0, 50.0, 40.0, 0.0, 40.0, 0.0], (3000, 3000): [40.0, 30.0, -1.0, 20.0, 40.0, 0.0, 40.0, 80.0, 40.0, 100.0, 0.0, 10.0, 80.0, 20.0, 50.0, 70.0, 40.0, 20.0, 20.0, 100.0, 40.0, 90.0, 20.0, 20.0, 60.0, 100.0, 40.0, 60.0, 70.0, 20.0, 10.0, 0.0, 30.0, 60.0, 30.0, 0.0, 100.0, 40.0, 0.0, 30.0, 10.0, 0.0, 30.0, 10.0, 0.0, 10.0, 60.0, 30.0, 50.0, 40.0, 10.0, 50.0, 30.0, 50.0, 20.0, 60.0, 40.0, 30.0, 20.0, 80.0, 40.0, 30.0, -1.0, 40.0, 0.0, 40.0, 20.0, 20.0, 20.0, 40.0, 30.0, 70.0, 10.0, 40.0, 10.0, 20.0, -1.0, 20.0, 0.0, 50.0, 30.0, 20.0, 40.0, 60.0, 60.0, 80.0, 20.0, 50.0, 30.0, 0.0, 10.0, 30.0, 80.0, 30.0, 10.0, 20.0, 20.0, 40.0, 10.0, 30.0, 30.0, 40.0], (6000, 3000): [60.0, 60.0, 50.0, 70.0, 0.0, 0.0, 20.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 10.0, 0.0, 100.0, 0.0, 60.0, 80.0, 40.0, 0.0, 40.0, 100.0, 30.0, 10.0, 100.0, 40.0, 10.0, 70.0, 0.0, 70.0, 10.0, 100.0, 10.0, 60.0, 90.0, 90.0, 100.0, 10.0, 100.0, 20.0, 20.0, 50.0, 20.0, 70.0, 100.0, 0.0, 10.0, 20.0, 60.0, 100.0, 100.0, 100.0, 100.0, 40.0, 70.0, 100.0, 0.0, 20.0, 40.0, 20.0, 0.0, 50.0, 0.0, 10.0, 60.0, 0.0, 20.0, 10.0, 10.0, 10.0, 80.0, 100.0, 10.0, 50.0, 100.0, 30.0, 0.0, 30.0, 20.0, 60.0, 10.0, 10.0, 100.0, 60.0, 100.0, 10.0, 100.0, 40.0, 100.0, 40.0, 0.0, 0.0, 30.0, 40.0, 60.0, 90.0, 30.0, 40.0, 40.0, 30.0, 10.0, 30.0, 20.0, 10.0, 0.0, 0.0, 30.0, 90.0, 50.0, 30.0, 80.0, 20.0, 10.0, 30.0, 30.0, 0.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 0.0, 10.0, 0.0, 80.0, 60.0, 10.0, 70.0, 50.0, 0.0, 10.0, 10.0, 80.0, 90.0, 100.0, 0.0, 70.0, 80.0, 10.0, 40.0, 80.0, 90.0, 20.0, 10.0, 0.0, 60.0, 10.0, 100.0, 100.0, 40.0, 0.0, 100.0, 0.0, 50.0, 20.0, 0.0, 10.0, 0.0, 10.0, 70.0, 100.0, 10.0, 10.0, 20.0, 0.0, 0.0, 0.0, 40.0, 70.0, 10.0, 0.0, 100.0, 70.0, 0.0, 50.0, 90.0, 10.0, 90.0, 0.0, 90.0, 40.0, 20.0, 100.0, 30.0, 100.0, 90.0, 90.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 0.0, 100.0, 40.0, 30.0, 100.0, 10.0, 0.0, 70.0, 100.0, 10.0, 0.0, 60.0, 90.0, 0.0, 80.0, 20.0, 100.0, 0.0, 0.0, 100.0, 10.0, 20.0, 40.0, 50.0, 20.0, 0.0, 50.0, 0.0, 60.0, 90.0, 100.0, 30.0, 40.0, 0.0, 0.0, 70.0, 60.0, 0.0, 0.0, 20.0, 60.0, 20.0, 0.0, 0.0, 80.0, 100.0, 60.0, 40.0, 100.0, 10.0, 0.0, 0.0, 20.0, 0.0, 90.0, 100.0, 10.0, 60.0, 10.0, 0.0, 40.0, 40.0, 80.0, 100.0, 20.0, 0.0, 100.0, 70.0, 100.0, 10.0, 10.0, 20.0, 10.0, 0.0, 10.0, 10.0, 90.0, 70.0, 70.0, 60.0, 10.0, 10.0, 30.0, 60.0, 90.0, 50.0, 0.0, 0.0, 80.0, 0.0, 0.0, 40.0, 100.0, 0.0, 100.0, 50.0, 0.0, 0.0, 20.0, 70.0, 100.0, 70.0, 100.0, 0.0, 0.0, 40.0, 90.0, 0.0, 90.0, 30.0, 20.0, 0.0, 20.0, 70.0, 70.0, 30.0, 10.0, 70.0, 60.0, 100.0, 0.0, 60.0, 40.0, 100.0, 10.0, 40.0, 10.0, 40.0, 90.0, 90.0, 10.0, 80.0, 40.0, 100.0, 30.0, 50.0, 100.0, 10.0, 30.0, 40.0, 100.0, 0.0, 0.0, 70.0, 70.0, 0.0, 20.0, 0.0, 30.0, 100.0, 80.0, 30.0, 50.0, 80.0, 70.0, 100.0, 30.0, 20.0, 60.0, 50.0, 100.0, 100.0, 0.0, 20.0, 100.0, 50.0, 60.0, 0.0, 80.0, 100.0, 100.0, 50.0, 0.0, 20.0, 0.0, 20.0, 70.0, 40.0, 0.0, 100.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0, 100.0, 90.0, 30.0, 100.0, 50.0, 0.0, 40.0, 70.0, 60.0, 0.0, 100.0, 80.0, 60.0, 80.0, 70.0, 40.0, 100.0, 0.0, 10.0, 0.0, 20.0, 90.0, 40.0, 0.0, 70.0, 60.0, 10.0, 20.0, 100.0, 0.0, 100.0, 0.0, 40.0, 70.0, 40.0, 40.0, 50.0, 20.0, 40.0, 100.0, 80.0, 40.0, 0.0, 100.0, 10.0, 100.0, 100.0, 40.0, 0.0, 30.0, 100.0, 10.0, 80.0, 30.0, 100.0, 30.0, 0.0, 60.0, 100.0, 100.0, 20.0, 90.0, 100.0, 100.0, 90.0, 100.0, 20.0, 100.0, 0.0, 30.0, 30.0, 100.0, 100.0, 10.0, 100.0, 0.0, 40.0, 50.0, 100.0, 100.0, 90.0, 30.0, -1.0, 50.0, 30.0, 80.0, 20.0, 100.0, 0.0, 0.0, 20.0, 10.0, 90.0, 20.0, 70.0, 0.0, 50.0, 10.0, 0.0, 10.0, 10.0, 60.0, 90.0, 90.0, 40.0, 40.0, 30.0, 20.0, 90.0, 60.0, 50.0, 80.0, 100.0, 30.0, 10.0, 80.0, 100.0, 50.0, 0.0, 0.0, 20.0, 60.0, 90.0, 100.0, 60.0, 70.0, 60.0, 10.0, 60.0, 70.0, 70.0, 0.0, 40.0, 80.0, 100.0, 100.0, 40.0, 90.0, 0.0, 100.0, 60.0, 40.0, 0.0, 0.0, 20.0, 60.0, 0.0, 70.0, 40.0, 100.0, 60.0, 10.0, 80.0, 70.0, 0.0, 10.0, 60.0, 10.0, 0.0, 30.0, 100.0, 0.0, 90.0, 20.0, 0.0, 0.0, 10.0, 20.0, 10.0, 0.0, 10.0, 20.0, 20.0, 30.0, 0.0, 20.0, 20.0, 30.0, 20.0, 90.0, 100.0, 60.0, 100.0, 60.0, 0.0, 20.0, 30.0, 100.0, 70.0, 90.0, 100.0, 60.0, 100.0, 10.0, 60.0, 40.0, 100.0, 20.0, 70.0, 40.0, 100.0, 20.0, 40.0, 30.0, 100.0, 90.0, 30.0, 80.0, 70.0, 100.0, 100.0, 70.0, 0.0, 100.0, 80.0, 20.0, 30.0, 20.0, 0.0, 0.0, 100.0, 0.0, 0.0, 90.0, 0.0, 50.0, 0.0, 0.0, 100.0, 10.0, 100.0, 0.0, 50.0, 50.0, 100.0, 0.0, 100.0, 60.0, 40.0, 80.0, 0.0, 100.0, 40.0, 40.0, 100.0, 70.0, 10.0, 100.0, 90.0, 100.0, 90.0, 100.0, 90.0, 100.0, 20.0, 60.0, 50.0, 30.0, 0.0, 90.0, 90.0, 100.0, 0.0, 0.0, 20.0, 30.0, 90.0, 0.0, 10.0, 100.0, 100.0, 70.0, 100.0, 0.0, 0.0, 60.0, 40.0, 60.0, 30.0, 80.0, 70.0, 80.0, 100.0, 0.0, -1.0, 90.0, 0.0, 0.0, 100.0, 50.0, 80.0, 60.0, 0.0, 90.0, 70.0, 100.0, 10.0, 100.0, 30.0, 80.0, 20.0, 0.0, 0.0, 90.0, 70.0, 20.0, 0.0, 100.0, 20.0, 10.0, 100.0, 30.0, 0.0, 0.0, 0.0, 60.0, 20.0, 50.0], (1500, 0): [30.0, 10.0, 40.0, -1.0, 10.0, 50.0, 50.0, 10.0, 40.0, 20.0, 10.0, 20.0, -1.0, 20.0, 10.0, -1.0, 90.0, 10.0, -1.0, 30.0, -1.0, -1.0, 70.0, 30.0, 50.0, 50.0, -1.0, 20.0, 30.0, -1.0, 10.0, -1.0, 70.0, 30.0, 20.0, 20.0, -1.0, -1.0, 0.0, 20.0, 50.0, 30.0, 30.0, 10.0, 60.0, 40.0, 10.0, 20.0, 40.0, 30.0, 20.0, 0.0, 20.0, 10.0, 20.0, -1.0, 70.0, 20.0, 80.0, -1.0, 40.0, 30.0, 40.0, 90.0, 70.0, 50.0, 20.0, 20.0, -1.0, 20.0, 30.0, 20.0, 60.0, 50.0, 10.0, -1.0, 10.0, 90.0, 70.0, 10.0, 10.0, 100.0, -1.0, 20.0, 30.0, 30.0, 70.0, 10.0, 50.0, 10.0, 20.0, 10.0, 60.0, 10.0, 30.0, 40.0, -1.0, 10.0, 0.0, 20.0, 50.0, 10.0, -1.0, 20.0, -1.0, -1.0, -1.0, -1.0, 10.0, 30.0, 40.0, 10.0, 60.0, -1.0, 10.0, 60.0, 40.0, 0.0, 10.0, 20.0, 10.0, 10.0, 20.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 80.0, 50.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, -1.0, 60.0, 10.0, 40.0, 10.0, 20.0, 30.0, 20.0, 0.0, 40.0, 40.0, -1.0, 50.0, 40.0, 20.0, 10.0, 30.0, 30.0, -1.0, 30.0, 30.0, 10.0, 40.0, 30.0, 20.0, 20.0, 40.0, 50.0, -1.0, 20.0, 20.0, 30.0, 10.0, 50.0, 20.0, 90.0, 10.0, 10.0, 50.0, 40.0, 70.0, 30.0, 40.0, 50.0, 50.0, 0.0, 40.0, 20.0, 40.0, -1.0, 20.0, 10.0, 0.0, 20.0, 20.0, 40.0, 10.0, -1.0, 40.0, 90.0, 10.0, 0.0, 0.0, -1.0, -1.0, 10.0, 20.0, -1.0, 40.0, 50.0, 10.0, 20.0, 10.0, 40.0, 40.0, -1.0, 10.0, 0.0, 20.0, 40.0, 40.0, 10.0, 40.0, 10.0, 60.0, 30.0, 0.0, 10.0, -1.0, 0.0, 30.0, 30.0, -1.0, 0.0, 10.0, 20.0, 20.0, 40.0, 60.0, 60.0, 50.0, 40.0, 70.0, 10.0, 30.0, 10.0, 10.0, 20.0, 50.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 50.0, 50.0, 10.0, 40.0, 80.0, 40.0, 70.0, 10.0, 30.0, 80.0, 20.0, 10.0, 10.0, -1.0, 30.0, 40.0, 30.0, 50.0, 0.0, 40.0, 40.0, 60.0, 70.0, 30.0, 30.0, 10.0, 0.0, 40.0, 30.0, 20.0, 20.0, 10.0, 40.0, 40.0, 50.0, 40.0, 70.0, 70.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, -1.0, 20.0, 10.0, 40.0, 30.0, 10.0, 30.0, 0.0, 10.0, -1.0, 40.0, 20.0, 10.0, 20.0, 20.0, 50.0, 30.0, 30.0, 90.0, 10.0, 20.0, 10.0, 30.0, 20.0, 10.0, 40.0, 30.0, 50.0, 60.0, 20.0, -1.0, -1.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, 30.0, 10.0, 10.0, 60.0, 0.0, 30.0, -1.0, 10.0, 30.0, 50.0, 0.0, 30.0, 40.0, 20.0, 40.0, 60.0, 10.0, 40.0, 10.0, 20.0, 0.0, 30.0, 40.0, 40.0, 30.0, 0.0, 0.0, 10.0], (7500, 4500): [20.0, 100.0, 50.0, 100.0, 100.0, 10.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 30.0, 70.0, 100.0, 30.0, 50.0, 100.0, 50.0, 40.0, 10.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 30.0, 100.0, 10.0, 60.0, 20.0, 100.0, 100.0, 100.0, 10.0, 0.0, 50.0, 20.0, 100.0, 70.0, 0.0, 10.0, 100.0, 10.0, 60.0, 20.0, 100.0, 30.0, 0.0, 100.0, 30.0, 80.0, 20.0, 100.0, 100.0, 20.0, 10.0, 40.0, 10.0, 80.0, 90.0, 40.0, 0.0, 20.0, 100.0, 30.0, 10.0, 100.0, 10.0, 100.0, 100.0, 100.0, 90.0, 100.0, 40.0, 80.0, 70.0, 70.0, 0.0, 70.0, 80.0, 100.0, 80.0, 80.0, 80.0, 0.0, 100.0, 70.0, 10.0, 100.0, 90.0, 90.0, 30.0, 90.0, 100.0, 10.0, 100.0, 90.0, 80.0, 30.0, 100.0, 10.0, 10.0, 10.0, 100.0, 100.0, 0.0, 100.0, 20.0, 30.0, 0.0, 80.0, 0.0, 10.0, 0.0, 0.0, 80.0, 100.0, 10.0, 50.0, 100.0, 90.0, 0.0, 60.0, 10.0, 10.0, 50.0, 100.0, 90.0, 100.0, 40.0, 30.0, 100.0, 50.0, 40.0, 100.0, 100.0, 20.0, 10.0, 70.0, 100.0, 100.0, 0.0, 10.0, 100.0, 100.0, 90.0, 0.0, 100.0, 70.0, 20.0, 90.0, 0.0, 0.0, 10.0, 50.0, 100.0, 100.0, 0.0, 20.0, 100.0, 70.0, 100.0, 100.0, 10.0, 100.0, 70.0, 10.0, 90.0, 100.0, 100.0, 0.0, 70.0, 70.0, 100.0, 100.0, 100.0, 10.0, 0.0, 60.0, 100.0, 0.0, 30.0, 80.0, 20.0, 10.0, 80.0, 100.0, 100.0, 100.0, 30.0, 100.0, 100.0, 0.0, 30.0, 10.0, 10.0, 80.0, 100.0, 70.0, 30.0, 0.0, 80.0, 100.0, 60.0, 100.0, 100.0, 30.0, 100.0, 100.0, 0.0, 70.0, 80.0, 10.0, 20.0, 20.0, 90.0, 90.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 30.0, 100.0, 0.0, 100.0, 20.0, 20.0, 40.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 50.0, 100.0, 0.0, 0.0, 30.0, 100.0, 0.0, 20.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 10.0, 100.0, 0.0, 100.0, 60.0, 90.0, 100.0, 80.0, 100.0, 100.0, 10.0, 30.0, 30.0, 80.0, 100.0, 100.0, 10.0, 10.0, 20.0, 10.0, 90.0, 30.0, 100.0, 100.0, 100.0, 0.0, 30.0, 100.0, 100.0, 10.0, 100.0, 30.0, 10.0, 100.0, 0.0, 80.0, 100.0, 0.0, 60.0, 100.0, 0.0, 0.0, 70.0, 40.0, 80.0, 30.0, 100.0, 50.0, 100.0, 80.0, 100.0, 50.0, 100.0, 100.0, 30.0, 20.0, 100.0, 70.0, 100.0, 100.0, 60.0, 30.0, 20.0, 100.0, 0.0, 10.0, 100.0, 0.0, 0.0, 20.0, 30.0, 100.0, 0.0, 0.0, 100.0, 40.0, 30.0, 100.0, 10.0, 40.0, 50.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 70.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 20.0, 30.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 0.0, 20.0, 100.0, 100.0, 100.0, 0.0, 60.0, 30.0, 100.0, 20.0, 100.0, 50.0, 50.0, 10.0, 0.0, 0.0, 10.0, 90.0, 0.0, 30.0, 0.0, 100.0, 0.0, 90.0, 30.0, 100.0, 20.0, 100.0, 60.0, 0.0, 20.0, 100.0, 100.0, 100.0, 80.0, 10.0, 100.0, 0.0, 0.0, 20.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 10.0, 20.0, 0.0, 100.0, 50.0, 0.0, 0.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 80.0, 70.0, 100.0, 40.0, 10.0, 60.0, 60.0, 0.0, 10.0, 60.0, 40.0, 40.0, 0.0, 50.0, 20.0, 100.0, 100.0, 20.0, 0.0, 20.0, 0.0, 50.0, 100.0, 60.0, 0.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 50.0, 20.0, 100.0, 70.0, 0.0, 90.0, 10.0, 0.0, 50.0, 70.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 10.0, 50.0, 50.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 10.0, 0.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1600 = {(4800, 3200): [40.0, 20.0, 60.0, 30.0, 50.0, 70.0, 0.0, 0.0, 0.0, 90.0, 100.0, 0.0, 0.0, 100.0, 20.0, 20.0, 80.0, 60.0, 40.0, 10.0, 0.0, 20.0, 60.0, 10.0, 10.0, 0.0, 50.0, 0.0, 50.0, 20.0, 20.0, 100.0, 30.0, 10.0, 10.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 20.0, 20.0, 20.0, 50.0, 40.0, 0.0, 60.0, 10.0, 60.0, 10.0, 10.0, 30.0, 0.0, 100.0, 10.0, 60.0, 90.0, 0.0, 40.0, 70.0, 100.0, 30.0, 0.0, 100.0, 20.0, 20.0, 30.0, 20.0, 40.0, 40.0, 40.0, 0.0, 10.0, 0.0, 20.0, 100.0, 0.0, 0.0, 0.0, 60.0, 50.0, 20.0, 0.0, 0.0, 60.0, 90.0, 10.0, 20.0, 10.0, 0.0, 0.0, 20.0, 0.0, 20.0, 40.0, 0.0, 20.0, 60.0, 90.0, 10.0, 0.0, 0.0, 20.0, 10.0, 80.0, 100.0, 40.0, 0.0, 0.0, 10.0, 0.0, 50.0, 10.0, 10.0, 0.0, 40.0, 100.0, 0.0, 100.0, 0.0, 30.0, 10.0, 10.0, 60.0, 90.0, 40.0, 40.0, 0.0, 0.0, 30.0, 80.0, 10.0, 30.0, 0.0, 0.0, 30.0, 10.0, 40.0, 0.0, 10.0, 0.0, 40.0, 0.0, 0.0, 20.0, 30.0, 20.0, 20.0, 30.0, 0.0, 100.0, 10.0, 30.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 40.0, 20.0, 0.0, 60.0, 50.0, 40.0, 0.0, 30.0, 0.0, 20.0, 90.0, 100.0, 0.0, 30.0, 70.0, 80.0, 10.0, 80.0, 90.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 0.0, 10.0, 100.0, 30.0, 100.0, 20.0, 20.0, 50.0, 20.0, 90.0, 20.0, 80.0, 20.0, 60.0, 10.0, 0.0, 50.0, 10.0, 20.0, 0.0, 0.0, 100.0, 0.0, 0.0, 20.0, 10.0, 50.0, 20.0, 10.0, 40.0, 20.0, 10.0, 50.0, 20.0, 80.0, 0.0, 0.0, 70.0, 0.0, 100.0, 0.0, 60.0, 90.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 90.0, 0.0, 30.0, 10.0, 40.0, 90.0, 20.0, 100.0, 40.0, 10.0, 60.0, 60.0, 80.0, 60.0, 20.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 10.0, 10.0, 10.0, 50.0, 70.0, 20.0, 0.0, 30.0, 90.0, 30.0, 90.0, 20.0, 0.0, 50.0, 0.0, 100.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 60.0, 100.0, 60.0, 10.0, 30.0, 30.0, 0.0, 40.0, 20.0, 40.0, 100.0, 0.0, 10.0, 0.0, 20.0, 0.0, 20.0, 0.0, 30.0, 80.0, 0.0, 20.0, 0.0, 60.0, 70.0, 30.0, 0.0, 0.0, 40.0, 10.0, 100.0, 20.0, 0.0, 0.0, 20.0, 30.0, 10.0, 30.0, 100.0, 90.0, 0.0, 40.0, 30.0, 100.0, 50.0, 60.0, 20.0, 90.0, 0.0, 0.0, 10.0, 10.0, 30.0, 100.0, 100.0, 30.0, 100.0, 10.0, 60.0, 10.0, 60.0, 70.0, 20.0, 70.0, 30.0, 20.0, 100.0, 0.0, 100.0, 0.0, 10.0, 100.0, 80.0, 0.0, 40.0, 80.0, 50.0, 0.0, 50.0, 40.0, 80.0, 10.0, 0.0, 0.0, 40.0, 70.0, 90.0, 30.0, 10.0, 0.0, 100.0, 0.0, 0.0, 20.0, 80.0, 100.0, 10.0, 70.0, 0.0, 10.0, 50.0, 0.0, 80.0, 0.0, 10.0, 0.0, 0.0, 0.0, 40.0, 20.0, 20.0, 0.0, 10.0, 10.0, 0.0, 0.0, 60.0, 40.0, 10.0, 30.0, 90.0, 40.0, 0.0, 90.0, 0.0, 100.0, 80.0, 60.0, 0.0, 30.0, 70.0, 10.0, 0.0, 20.0, 0.0, 40.0, 70.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 20.0, 60.0, 40.0, 100.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 70.0, 40.0, 100.0, 50.0, 10.0, 0.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 50.0, 0.0, 30.0, 0.0, 80.0, 10.0, 50.0, 60.0, 10.0, 0.0, 0.0, 20.0, 90.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 10.0, 0.0, 10.0, 0.0, 50.0, 60.0, 0.0, 60.0, 90.0, 30.0, 30.0, 10.0, 0.0, 0.0, 100.0, 40.0, 60.0, 30.0, 10.0, 60.0, 40.0, 20.0, 80.0, 0.0, 10.0, 80.0, 20.0, 0.0, 100.0, 0.0, 10.0, 0.0, 10.0, 0.0, 20.0, 90.0, 0.0, 100.0, 0.0, 30.0, 80.0, 30.0, 0.0, 0.0, 70.0, 60.0, 10.0, 0.0, 50.0, 50.0, 20.0, 0.0, 0.0, 0.0, 0.0, 80.0, 90.0, 0.0, 60.0, 70.0, 0.0, 10.0, 90.0, 10.0, 50.0, 20.0, 20.0, 40.0, 0.0, 50.0, 0.0, 20.0, 10.0, 70.0, 40.0, 100.0, 70.0, 30.0, 100.0, 0.0, 10.0, 0.0, 0.0, 30.0, 10.0, 30.0, 20.0, 50.0, 30.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 10.0, 30.0, 10.0, 10.0, 100.0, 100.0, 30.0, 0.0, 50.0, 80.0, 80.0, 0.0, 0.0, 60.0, 0.0, 10.0, 20.0, 100.0, 30.0, 10.0, 0.0, 20.0, 60.0, 20.0, 10.0, 80.0, 0.0, 0.0, 90.0, 30.0, -1.0, 0.0, 20.0, 30.0, 10.0, 0.0, 20.0, 70.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 70.0, 0.0, 60.0, 10.0, 90.0, 0.0, 10.0, 10.0, 100.0, 0.0, 20.0, 20.0, 0.0, 10.0, 10.0, 50.0, 70.0, 20.0, 70.0, 40.0, 20.0, 20.0, 0.0, 90.0, 80.0, 50.0, 20.0, 50.0, 0.0, 0.0, 100.0, 10.0, 60.0, 30.0, 80.0, 0.0, 80.0, 70.0, 0.0, 80.0, 90.0, 20.0, 60.0, 60.0, 30.0, 40.0, 0.0, 40.0, 0.0, 0.0, 50.0, 40.0, 80.0, 0.0, 40.0, 90.0, 0.0, 10.0, 10.0, 70.0, 0.0, 40.0, 10.0, 0.0, 50.0, 60.0, 90.0, 50.0, 50.0, 0.0, 0.0, 20.0, 70.0, 20.0, 50.0, 80.0, 60.0, 10.0, 60.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 20.0, 60.0, 0.0, 70.0, 60.0, 40.0, 10.0, 50.0, 0.0, 10.0, 40.0, 10.0, 0.0, 50.0, 0.0, 70.0, 0.0, 50.0, 0.0, 0.0, 10.0, 20.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 20.0, 30.0, 40.0, 0.0, 10.0, 0.0, 0.0, 20.0, 40.0, 20.0, 20.0, 0.0, 70.0, 40.0, 20.0, 0.0, 10.0, 0.0, 100.0, 30.0, 30.0, 60.0, 40.0, 20.0, 0.0, 70.0, 30.0, 100.0, 50.0, 20.0, 0.0, 60.0, 90.0, 20.0, 10.0, 20.0, 0.0, 30.0, 60.0, 100.0, 100.0, 100.0, 50.0, 0.0, 0.0, 80.0, 20.0, 0.0, 90.0, 100.0, 0.0, 0.0, 90.0, -1.0, 100.0, 0.0, 40.0, 0.0, 0.0, 90.0, 40.0, 0.0, 0.0, 30.0, 10.0, 100.0, 10.0, 50.0, 100.0, 20.0, 20.0, 100.0, 0.0, 0.0, 10.0, 20.0, 50.0, 40.0, 0.0, 40.0, 50.0, 100.0, 100.0, 100.0, 50.0, 50.0, 30.0, 60.0, 80.0, 0.0, 0.0, 70.0, 40.0, 50.0, 0.0, 60.0, 100.0, 0.0, 70.0, 0.0, 0.0, 20.0, 10.0, 40.0, 0.0, 10.0, 20.0, 70.0, 0.0, 20.0, 30.0, 10.0, 10.0, 40.0, 0.0, 20.0, 10.0, 60.0, 30.0, 40.0, 30.0, 50.0, 50.0, 0.0, 40.0, 100.0, 20.0, 0.0, 0.0, 10.0, 0.0, 40.0, 100.0, 20.0, 10.0, 10.0, 90.0, 40.0, 70.0, 100.0, 0.0, 30.0, 30.0, 10.0, 30.0, 30.0, 50.0, 0.0, 70.0, 0.0, 20.0, 0.0, 20.0, 100.0, 10.0, 100.0, 30.0, 0.0, 60.0, 10.0, 0.0, 0.0, 0.0, 20.0, 10.0, 10.0], (6400, 4800): [90.0, 20.0, 50.0, 10.0, 100.0, 30.0, 70.0, 50.0, 100.0, 40.0, 100.0, 10.0, 70.0, 100.0, 30.0, 0.0, 20.0, 50.0, 100.0, 50.0, 0.0, 0.0, 20.0, 10.0, 90.0, 0.0, 100.0, 30.0, 50.0, 50.0, 10.0, 10.0, 50.0, 100.0, 80.0, 100.0, 0.0, 50.0, 0.0, 30.0, 10.0, 100.0, 0.0, 100.0, 30.0, 10.0, 10.0, 20.0, 30.0, 100.0, 90.0, 90.0, 50.0, 50.0, 60.0, 10.0, 0.0, 50.0, 60.0, 90.0, 100.0, 30.0, 100.0, 20.0, 70.0, 60.0, 30.0, 20.0, 0.0, 0.0, 10.0, 100.0, 90.0, 0.0, 0.0, 60.0, 100.0, 50.0, 100.0, 50.0, 0.0, 100.0, 100.0, 70.0, 100.0, 0.0, 0.0, 0.0, 10.0, 80.0, 20.0, 100.0, 10.0, 0.0, 60.0, 90.0, 90.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 70.0, 100.0, 0.0, 10.0, 90.0, 50.0, 30.0, 50.0, 0.0, 100.0, 0.0, 0.0, 100.0, 30.0, 50.0, 100.0, 0.0, 100.0, 90.0, 60.0, 90.0, 20.0, 100.0, 100.0, 10.0, 0.0, 10.0, 100.0, 0.0, 100.0, 0.0, 40.0, 100.0, 20.0, 20.0, 40.0, 80.0, 30.0, 50.0, 100.0, 30.0, 30.0, 10.0, 100.0, 0.0, 0.0, 20.0, 40.0, 10.0, 30.0, 40.0, 20.0, 10.0, 0.0, 10.0, 20.0, 10.0, 100.0, 10.0, 30.0, 20.0, 10.0, 70.0, 100.0, 70.0, 60.0, 10.0, 0.0, 0.0, 90.0, 10.0, 100.0, 0.0, 0.0, 20.0, 10.0, 100.0, 0.0, 0.0, 100.0, 100.0, 100.0, 20.0, 10.0, 90.0, 100.0, 100.0, 90.0, 30.0, 80.0, 70.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 50.0, 100.0, 0.0, 100.0, 20.0, 40.0, 20.0, 20.0, 100.0, 100.0, 70.0, 90.0, 10.0, 50.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 50.0, 100.0, 0.0, 0.0], (6400, 0): [80.0, 60.0, 80.0, 70.0, 60.0, 60.0, 50.0, 60.0, 40.0, 90.0, 30.0, 50.0, 60.0, 90.0, 100.0, 30.0, 20.0, 60.0, 60.0, 70.0, 100.0, 30.0, 80.0, 60.0, 70.0, 30.0, -1.0, 60.0, 40.0, 70.0, 80.0, 100.0, 80.0, 100.0, 90.0, 70.0, 80.0, 50.0, 90.0, 30.0, 70.0, 40.0, 80.0, 50.0, 10.0, 70.0, 40.0, 60.0, 70.0, 30.0, 30.0, 20.0, 40.0, 50.0, 80.0, 40.0, 50.0, 50.0, 40.0, 40.0, 60.0, 80.0, 60.0, 60.0, 50.0, 60.0, 60.0, 100.0, 20.0, 40.0, 70.0, 50.0, 50.0, 50.0, 30.0, 10.0, 60.0, 50.0, 40.0, 50.0, 70.0, 40.0, 50.0, 60.0, 100.0, 40.0, 70.0, 60.0, 100.0, 90.0, 50.0, 40.0, 30.0, 40.0, 60.0, 50.0, 90.0, 60.0, 70.0, 70.0, 80.0, 50.0, 60.0, 90.0, 90.0, 90.0, 0.0, 60.0, 70.0, 70.0, 70.0, 20.0, 20.0, 70.0, 30.0, 60.0, 40.0, 70.0, 60.0, 90.0, 80.0, 60.0, 90.0, 40.0, 80.0, 60.0, 100.0, 40.0, 100.0, 20.0, 70.0, 70.0, 30.0, 80.0, 60.0, 40.0, 60.0, 90.0, 60.0, 60.0, 50.0, 40.0, 100.0, 50.0, 40.0, 90.0, 50.0, 40.0, 80.0, 80.0, 60.0, 70.0, 100.0, 50.0, 70.0, 80.0, 70.0, 50.0, 60.0, 100.0, 40.0, 40.0, 60.0, 60.0, 50.0, 70.0, 50.0, 30.0, 60.0, 50.0, 60.0, 50.0, 70.0, 90.0, 70.0, 50.0, 80.0, 90.0, 60.0, 70.0, 90.0, 60.0, 60.0, 90.0, 70.0, 40.0, 30.0, 80.0, 80.0, 60.0, 100.0, 20.0, 70.0, 70.0, 70.0, 50.0, 60.0, 40.0, 30.0, 60.0, 90.0, 60.0, 50.0, 100.0, 50.0, 20.0, 60.0, 60.0, 40.0, 100.0, 90.0, 60.0, 90.0, 70.0, 90.0, 100.0, 70.0, 20.0, 50.0, 90.0, 60.0, 30.0, 50.0, 80.0, 80.0, 70.0, 70.0, 100.0, 80.0, 60.0, 70.0, 60.0, 70.0, 60.0, 90.0, 60.0, 70.0, 70.0, 60.0, 50.0, 70.0, 60.0, 60.0, 30.0, 30.0, 80.0, 60.0, 70.0, 80.0, 50.0, 80.0, 30.0, 80.0, 80.0, 70.0], (8000, 0): [100.0, 80.0, 60.0, 90.0, 80.0, 90.0, 100.0, 60.0, 40.0, 100.0, 60.0, 100.0, 100.0, 90.0, 70.0, 70.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 80.0, 90.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 60.0, 90.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 80.0, 90.0, 70.0, 40.0, 100.0, 80.0, 80.0, 50.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 80.0, 50.0, 90.0, 100.0, 60.0, 100.0, 100.0, 80.0, 80.0, 90.0, 50.0, 80.0, 90.0, 70.0, 100.0, 90.0, 80.0, 70.0, 60.0, 90.0, 90.0, 10.0, 100.0, 30.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 80.0, 30.0, 60.0, 80.0, 100.0, 100.0, 100.0, 80.0, 50.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 50.0, 100.0, 90.0, 90.0, 80.0, 90.0, 80.0, 90.0, 60.0, 90.0, 90.0, 100.0, 20.0, 80.0, 90.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 100.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 90.0, 80.0, 70.0, 90.0], (3200, 0): [10.0, 10.0, 10.0, 20.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 10.0, 10.0, 20.0, 10.0, 0.0, -1.0, -1.0, 30.0, 40.0, -1.0, -1.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 20.0, 10.0, 20.0, 10.0, 50.0, 30.0, 10.0, 20.0, -1.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 20.0, 40.0, -1.0, 10.0, 10.0, 10.0, 10.0, 40.0, 20.0, 0.0, 10.0, 40.0, 20.0, 30.0, 30.0, 10.0, 50.0, 10.0, 30.0, 10.0, 40.0, 10.0, 0.0, 20.0, 10.0, 10.0, 10.0, 30.0, 30.0, 20.0, 10.0, 20.0, -1.0, 60.0, 20.0, 0.0, -1.0, 0.0, 10.0, 10.0, 20.0, 20.0, 20.0, 10.0, 10.0, -1.0, 20.0, 20.0, 10.0, 10.0, -1.0, 0.0, 10.0, 10.0, 10.0, 30.0, 10.0, 30.0, 20.0, 10.0, 10.0, -1.0, -1.0, 10.0, 30.0, 40.0, 10.0, 30.0, 0.0, 10.0, 40.0, -1.0, 20.0, 10.0, 30.0, 40.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 10.0, 0.0, 30.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 10.0, 40.0, -1.0, 50.0, 0.0, 20.0, -1.0, 10.0, 10.0, -1.0, -1.0, -1.0, 10.0, 0.0, 0.0, 30.0, 10.0, 0.0, 0.0, 20.0, 10.0, 20.0, 10.0, 30.0, 10.0, 20.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 0.0, 10.0, 10.0, 30.0, -1.0, 10.0, 10.0, -1.0, 20.0, 10.0, 20.0, 20.0, 40.0, 10.0, -1.0, 10.0, 10.0, 30.0, 30.0, 10.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 10.0, 10.0, 10.0, 20.0, -1.0, 0.0, 10.0, 0.0, 10.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, -1.0, 10.0, 10.0, 0.0, 10.0, 10.0, 50.0, 10.0, 40.0, -1.0, 90.0, 10.0, 50.0, 0.0, 20.0, 40.0, 20.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 10.0, 50.0, -1.0, 10.0, 40.0, 20.0, 20.0, 40.0, 10.0, 0.0, -1.0, 30.0, 10.0, 30.0, 10.0, 50.0, 10.0, -1.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0], (4800, 0): [80.0, 70.0, 10.0, 10.0, 10.0, 0.0, 40.0, 40.0, 30.0, 10.0, 60.0, 20.0, 10.0, 10.0, 30.0, 10.0, 10.0, 40.0, 20.0, 40.0, 10.0, 20.0, 50.0, 50.0, 30.0, 10.0, 30.0, 20.0, 10.0, 40.0, 10.0, 10.0, 20.0, 50.0, 50.0, 30.0, 20.0, 0.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 30.0, 40.0, 60.0, 40.0, 50.0, 30.0, 30.0, 20.0, 40.0, 30.0, 10.0, 30.0, 40.0, 50.0, 0.0, 30.0, 40.0, 20.0, 50.0, 40.0, 10.0, 10.0, 10.0, 60.0, 20.0, 0.0, 40.0, 50.0, 40.0, 30.0, 50.0, 40.0, 0.0, 40.0, 40.0, 20.0, 50.0, 50.0, 0.0, 40.0, 10.0, 40.0, 20.0, 40.0, 20.0, 10.0, 30.0, 20.0, 40.0, 20.0, 10.0, 10.0, 20.0, 70.0, 30.0, 10.0, 20.0, 50.0, 50.0, 30.0, 10.0, 40.0, 10.0, 0.0, 40.0, 20.0, 40.0, 20.0, 30.0, 10.0, 0.0, 0.0, 10.0, 60.0, 10.0, 90.0, 50.0, 30.0, 30.0, 40.0, 60.0, 0.0, 50.0, 40.0, 30.0, 100.0, 20.0, 30.0, 20.0, 10.0, 50.0, 30.0, 30.0, 0.0, 40.0, 0.0, 60.0, 10.0, 30.0, 30.0, 20.0, 10.0, 10.0, 20.0, 10.0, 0.0, 30.0, 30.0, 60.0, 40.0, 0.0, 60.0, 10.0, 30.0, 40.0, 30.0, 30.0, 50.0, 60.0, 20.0, 30.0, 40.0, 50.0, 10.0, 40.0, 10.0, 0.0, 40.0, 20.0, 10.0, 30.0, 50.0, 10.0, 30.0, 20.0, 10.0, 30.0, 20.0, 0.0, 0.0, 60.0, 40.0, 0.0, 20.0, 20.0, 20.0, 50.0, 40.0, 30.0, 30.0, 10.0, 20.0, 60.0, 30.0, 10.0, 30.0, 40.0, 30.0, 40.0, 20.0, 0.0, 20.0, 20.0, 0.0, 20.0, 10.0, 20.0, 20.0, 40.0, 20.0, 40.0, 20.0, 30.0, 30.0, 50.0, 30.0, 80.0, 50.0, 0.0, 10.0, 10.0, 40.0, 50.0, 20.0, 30.0, 0.0, 20.0, 40.0, 10.0, 50.0, 10.0, 20.0, 10.0, 40.0, 40.0, 10.0, 40.0, 20.0, 10.0, 0.0, 30.0, 20.0], (0, 0): [60.0, 40.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 20.0, 50.0, 100.0, 50.0, 100.0, 40.0, 40.0, 40.0, 60.0, 40.0, 20.0, -1.0, 0.0, 50.0, 20.0, 70.0, 30.0, 20.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 40.0, 10.0, 50.0, 10.0, 30.0, 20.0, 20.0, 60.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, 60.0, -1.0, 80.0, 30.0, 50.0, 100.0, 60.0, 10.0, 10.0, 40.0, -1.0, 10.0, 20.0, 60.0, -1.0, 30.0, -1.0, 20.0, 10.0, 10.0, -1.0, -1.0, -1.0, 30.0, 20.0, 40.0, 100.0, 40.0, 60.0, 40.0, 20.0, 20.0, 30.0, 80.0, 40.0, 70.0, 20.0, 70.0, 40.0, 40.0, 10.0, 50.0, 30.0, 50.0, 50.0, 90.0, 50.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 10.0, 0.0, 50.0, 20.0, 40.0, 30.0, 30.0, 30.0, 70.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 40.0, 0.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 40.0, 60.0, 20.0, 50.0, 50.0, -1.0, 10.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 40.0, 10.0, 50.0, 40.0, 40.0, 10.0, 30.0, 40.0, 50.0, -1.0, 70.0, 60.0, 10.0, 10.0, 0.0, 100.0, -1.0, 50.0, 40.0, 50.0, 20.0, 100.0, 0.0, 70.0, 40.0, 30.0, 70.0, 40.0, 40.0, 10.0, 20.0, 50.0, 20.0, 20.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 50.0, 10.0, 20.0, 100.0, 40.0, -1.0, -1.0, 30.0, 50.0, 60.0, 40.0, 10.0, 30.0, 30.0, 60.0, 10.0, 50.0, 10.0, 50.0, 40.0, 40.0, 10.0, 0.0, 60.0, 40.0, 60.0, 20.0, 50.0, 0.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 40.0, 30.0, 20.0, 70.0, 50.0, 10.0, 30.0, 20.0, 40.0, 10.0, 10.0, 30.0], (4800, 4800): [0.0, 10.0, 100.0, 0.0, 40.0, 50.0, 70.0, 10.0], (1600, 0): [0.0, 30.0, 10.0, 60.0, -1.0, 10.0, 50.0, 50.0, 10.0, 40.0, 20.0, 40.0, 20.0, 10.0, 20.0, -1.0, 20.0, 10.0, -1.0, 10.0, 90.0, 10.0, -1.0, 30.0, -1.0, -1.0, 70.0, 30.0, 50.0, 10.0, 50.0, -1.0, 20.0, 30.0, -1.0, 10.0, -1.0, 10.0, -1.0, 70.0, 30.0, 0.0, -1.0, 20.0, 20.0, 60.0, -1.0, -1.0, 0.0, 20.0, 50.0, 30.0, 30.0, 10.0, 50.0, 60.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 30.0, 20.0, 30.0, 10.0, -1.0, 70.0, 20.0, 80.0, -1.0, 40.0, -1.0, 20.0, 30.0, 20.0, -1.0, 90.0, 70.0, 20.0, 20.0, -1.0, 20.0, 30.0, 20.0, 50.0, 10.0, 10.0, 10.0, -1.0, 30.0, 10.0, 90.0, 60.0, 70.0, -1.0, 10.0, 10.0, -1.0, 10.0, 100.0, -1.0, -1.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 50.0, 10.0, 20.0, 10.0, 60.0, 10.0, 30.0, 40.0, -1.0, 10.0, 0.0, 20.0, 50.0, 40.0, 10.0, -1.0, 20.0, 10.0, -1.0, -1.0, -1.0, 10.0, 30.0, 40.0, 10.0, 60.0, 10.0, 60.0, 40.0, 0.0, 20.0, 10.0, 10.0, 20.0, 50.0, 0.0, 30.0, -1.0, -1.0, 30.0, 40.0, 80.0, 50.0, 40.0, 20.0, 10.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, -1.0, 60.0, 10.0, 40.0, 10.0, 20.0, 30.0, 20.0, 0.0, 40.0, 40.0, -1.0, 20.0, 50.0, 40.0, 20.0, 10.0, 30.0, -1.0, 30.0, 30.0, 10.0, 40.0, 30.0, 20.0, 20.0, 20.0, 40.0, 50.0, -1.0, 20.0, 20.0, 30.0, 10.0, 50.0, 20.0, 10.0, 10.0, 50.0, 10.0, 40.0, 50.0, 50.0, 0.0, 40.0, 20.0, 40.0, -1.0, 20.0, 10.0, 0.0, 20.0, 20.0, 40.0, 10.0, -1.0, 40.0, 90.0, 30.0, 0.0, 0.0, 50.0, -1.0, 30.0, -1.0, 10.0, 20.0, 30.0, 50.0, 10.0, 40.0, 50.0, 20.0, 10.0, 10.0, 20.0, 10.0, 20.0, 0.0, 40.0, -1.0, 40.0, 10.0, 0.0, 30.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 30.0, 20.0, 0.0, 10.0, -1.0, 0.0, 30.0, 40.0, 30.0, -1.0, 0.0, 10.0, 20.0, 20.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 10.0, 30.0, 10.0, 30.0, 10.0, 20.0, 50.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 50.0, 50.0, -1.0, 10.0, 40.0, 80.0, 40.0, 10.0, 30.0, 80.0, 20.0, 10.0, 10.0, -1.0, 30.0, 40.0, 30.0, 70.0, 0.0, 10.0, 40.0, 40.0, 60.0, 60.0, 30.0, 10.0, 0.0, 30.0, 20.0, -1.0, 10.0, 40.0, 50.0, 40.0, 40.0, 50.0, 20.0, 70.0, 70.0, 20.0, 20.0, 20.0, 30.0, -1.0, 40.0, 20.0, 20.0, 10.0, 40.0, 30.0, 10.0, 30.0, 40.0, 0.0, 10.0, -1.0, 40.0, 20.0, 10.0, 20.0, 20.0, 30.0, 50.0, 20.0, 30.0, 30.0, 90.0, 10.0, 30.0, 20.0, 60.0, 10.0, 30.0, 20.0, 10.0, 40.0, 30.0, 50.0, 60.0, 20.0, -1.0, -1.0, -1.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 0.0, 20.0, 30.0, 20.0, 10.0, 50.0, 0.0, 30.0, -1.0, 10.0, 20.0, 30.0, 50.0, 0.0, 30.0, 40.0, 20.0, 40.0, -1.0, 60.0, 10.0, 40.0, 40.0, 10.0, 20.0, 40.0, 0.0, 30.0, 20.0, 40.0, 40.0, 30.0, 0.0, 0.0, 10.0], (4800, 1600): [0.0, 0.0, 30.0, 20.0, 10.0, 100.0, 60.0, 70.0, 70.0, 0.0, 30.0, 0.0, 0.0, 50.0, 30.0, 60.0, 30.0, 30.0, 0.0, 20.0, 20.0, 60.0, 80.0, 0.0, 20.0, 0.0, 50.0, 100.0, 0.0, 10.0, 30.0, 0.0, 50.0, 40.0, 10.0, 80.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 0.0, 70.0, 30.0, 40.0, 80.0, 0.0, 30.0, 70.0, 20.0, 60.0, 10.0, 30.0, 10.0, 50.0, 0.0, 20.0, 0.0, 0.0, 50.0, 40.0, 100.0, 20.0, 70.0, 0.0, 90.0, 0.0, 10.0, 0.0, 100.0, 0.0, 90.0, 20.0, 30.0, 0.0, 30.0, 0.0, 90.0, 20.0, 30.0, 40.0, 0.0, 0.0, 30.0, 0.0, 10.0, 30.0, 10.0, 50.0, 60.0, 50.0, 80.0, 20.0, 40.0, 10.0, 10.0, 0.0, 30.0, 30.0, 0.0, 60.0, 0.0, 70.0, 40.0, 40.0, 0.0, 0.0, 0.0, 10.0, 50.0, 0.0, 40.0, 50.0, 60.0, 50.0, 60.0, 0.0, 50.0, 0.0, 40.0, 20.0, 60.0, 0.0, 0.0, 60.0, 10.0, 10.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, 50.0, 80.0, 10.0, 20.0, 40.0, 0.0, 40.0, 10.0, 60.0, 40.0, 30.0, 10.0, 10.0, 40.0, 70.0, 100.0, 0.0, 10.0, 0.0, 20.0, 40.0, 0.0, 10.0, 0.0, 20.0, 0.0, 90.0, 30.0, 60.0, 10.0, 0.0, 0.0, 80.0, 30.0, 10.0, 60.0, 40.0, 50.0, 30.0, 30.0, 90.0, 30.0, 0.0, 20.0, 10.0, 0.0, 0.0, 30.0, 10.0, 20.0, 0.0, 60.0, 40.0, 0.0, 20.0, 90.0, 10.0, 50.0, 10.0, 10.0, 0.0, 0.0, 30.0, 0.0, 20.0, 40.0, 70.0, 30.0, 30.0, 10.0, 10.0, 80.0, 30.0, 50.0, 10.0, 60.0, 10.0, 10.0, 0.0, 40.0, 10.0, 40.0, 50.0, 30.0, 80.0, 100.0, 10.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 40.0, 60.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 40.0, 80.0, 10.0, 30.0, 40.0, 40.0, 30.0, 20.0, 10.0, 10.0, 30.0, 70.0, 30.0, 20.0, 40.0, 20.0, 50.0, 10.0, 50.0, 0.0, 10.0, 40.0, 70.0, 90.0, 0.0, 0.0, 40.0, 0.0, 20.0, 30.0, 30.0, 30.0, 30.0, 100.0, 10.0, 60.0, 30.0, 20.0, 10.0, 20.0, 70.0, 20.0, -1.0, 0.0, 20.0, 60.0, 0.0, 30.0, 40.0, 100.0, 30.0, 10.0, 20.0, 40.0, 20.0, 70.0, 40.0, 20.0, 10.0, 50.0, 30.0, 50.0, 10.0, 10.0, 40.0, 90.0, 60.0, 80.0, 0.0, 20.0, 50.0, 20.0, 10.0, 20.0, 0.0, 0.0, 0.0, 20.0, 60.0, 0.0, 0.0, 20.0, 30.0, 70.0, 10.0, 0.0, 100.0, 0.0, 70.0, 50.0, 30.0, 0.0, 10.0, 70.0, 30.0, 20.0, 0.0, 20.0, 10.0, 50.0, 80.0, 0.0, 30.0, 100.0, 20.0, 0.0, 100.0, 10.0, 60.0, 0.0, 40.0, 60.0, 20.0, 100.0, 100.0, 50.0, 50.0, 100.0, 10.0, 0.0, 60.0, 10.0, 30.0, 10.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 30.0, 20.0, 60.0, 30.0, 10.0, 0.0, 0.0, 70.0, 0.0, 10.0, 30.0, 20.0, 40.0, 0.0, 30.0, 50.0, 10.0, 0.0, -1.0, 50.0, 10.0, 100.0, 40.0, 10.0, 0.0, 50.0, 70.0, 60.0, 0.0, 100.0, 30.0, 60.0, 70.0, 50.0, 10.0, 0.0, 60.0, 20.0, 10.0, 30.0, 0.0, 60.0, 100.0, 20.0, 0.0, 10.0, 0.0, 10.0, 20.0, 70.0, 30.0, 0.0, 10.0, 10.0, 30.0, 0.0, 0.0, 60.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 0.0, 20.0, 30.0, 0.0, 100.0, 40.0], (8000, 1600): [100.0, 100.0, 30.0, 50.0, 20.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 70.0, 100.0, 20.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 100.0, 80.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 50.0, 80.0, 20.0, 90.0, 70.0, 40.0, 30.0, 100.0, 50.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 10.0, 100.0, 20.0, 50.0, 50.0, 100.0, 100.0, 60.0, 100.0, 80.0, 70.0, 10.0, 30.0, 80.0, 100.0, 100.0, 100.0, 80.0, 50.0, 100.0, 10.0, 60.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 80.0, 70.0, 100.0, 90.0, 80.0, 60.0, 70.0, 20.0, 100.0, 90.0, 0.0, 100.0, 10.0, 20.0, 100.0, 60.0, 100.0, 30.0, 70.0, 30.0, 100.0, 100.0, 100.0, 90.0, 100.0, 70.0, 100.0, 60.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 40.0, 100.0, 30.0, 20.0, 70.0, 100.0, 90.0, 100.0, 80.0, 100.0, 100.0, 90.0, 40.0, 100.0, 50.0, 100.0, 40.0], (3200, 1600): [10.0, 20.0, 50.0, 60.0, 70.0, 20.0, 30.0, 30.0, 40.0, 40.0, 80.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 40.0, 40.0, 50.0, 40.0, 30.0, 30.0, 10.0, 90.0, 20.0, 60.0, 80.0, -1.0, 70.0, 30.0, 50.0, 60.0, 30.0, 10.0, 20.0, 0.0, 40.0, 30.0, 40.0, 30.0, 10.0, 70.0, 50.0, 30.0, 30.0, 30.0, 20.0, 0.0, 10.0, 40.0, 40.0, -1.0, 30.0, 20.0, 50.0, 30.0, 40.0, -1.0, 30.0, 20.0, 20.0, 0.0, 20.0, 40.0, 0.0, 10.0, 80.0, 50.0, 80.0, 20.0, 10.0, 30.0, 30.0, 100.0, 20.0, 90.0, 60.0, 30.0, 0.0, 100.0, 80.0, 30.0, 20.0, -1.0, 0.0, 30.0, 80.0, 20.0, 80.0, 30.0, 50.0, 30.0, 10.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 10.0, 40.0, 20.0, 70.0, 60.0, 30.0, 30.0, 20.0, 50.0, 20.0, 0.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, 30.0, 70.0, 60.0, 40.0, 20.0, 30.0, 50.0, 10.0, 40.0, 40.0, 80.0, 40.0, 40.0, 30.0, 30.0, 20.0, 10.0, 0.0, 30.0, 0.0, 20.0, 40.0, 10.0, 10.0, 80.0, 40.0, 40.0, 10.0, 50.0, 20.0, 30.0, 20.0, 100.0, 70.0, 10.0, 50.0, 30.0, 70.0, 40.0, 50.0, 30.0, 20.0, 30.0, 40.0, 30.0, 0.0, 50.0, 40.0, 20.0, 40.0, 30.0, 20.0, 60.0, 100.0, 60.0, 10.0, 30.0, 40.0, 20.0, 20.0, 40.0, 50.0, 50.0, 50.0, 20.0, 40.0, 10.0, 40.0, 40.0, 0.0, 80.0, 0.0, 40.0, 30.0, 0.0, 10.0, 10.0, 0.0, -1.0, 10.0, 0.0, 30.0, 90.0, 60.0, 100.0, 40.0, 50.0, 40.0, 30.0, 10.0, 50.0, 0.0, 30.0, 10.0, 30.0, 20.0, 90.0, 30.0, 40.0, 0.0, 40.0, 10.0, 60.0, 30.0, 30.0, 20.0, 10.0, 50.0, 50.0, 70.0, 40.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 30.0, 20.0, 20.0, 30.0, 50.0, 20.0, 30.0, 80.0, 70.0, 100.0, 0.0, 40.0, 10.0, 80.0, 20.0, 30.0, 60.0, 100.0, 80.0, 20.0, 40.0, 10.0, 30.0, 10.0, 40.0, 10.0, 20.0, 40.0, 60.0, 40.0, 30.0, 60.0, 90.0, 20.0, 0.0, 60.0, 30.0, -1.0, 20.0, 40.0, 30.0, 40.0, 40.0, 60.0, 0.0, 0.0, 30.0, 60.0, 30.0, 0.0, 10.0, 100.0, 70.0, 40.0, 60.0, 50.0, 30.0, 60.0, 40.0, 30.0, 30.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 30.0, 40.0, 0.0, 100.0, 0.0, 30.0, 40.0, 60.0, 50.0, 0.0, 40.0, 30.0, 90.0, 30.0, 40.0, 0.0, 50.0, 40.0, 100.0, 70.0, 70.0, 10.0, 30.0, 100.0, 30.0, 100.0, 30.0, 30.0, 80.0, 50.0, 40.0, 30.0, 60.0, 20.0, 40.0, 10.0, 0.0, 100.0, 0.0, 10.0, 40.0, 80.0, 40.0, 70.0, 0.0, 30.0, 20.0, 0.0, 40.0, 30.0, 40.0, 20.0, 10.0, 10.0, 20.0, 30.0, 100.0, 80.0, 40.0, 70.0, 20.0, 40.0, 0.0, 0.0, -1.0, 100.0, 20.0, 10.0, 30.0, 40.0, 40.0, 70.0, 0.0, 30.0, 20.0, 0.0, 20.0, 30.0, 50.0, 50.0, 60.0, 20.0, 40.0, 60.0, 40.0, 20.0, 100.0, 20.0, 10.0, 30.0, 100.0, 80.0, 60.0, 30.0, 40.0, 10.0, 0.0, 40.0, 40.0, 30.0, 10.0, 60.0, 80.0, 60.0, 20.0, 40.0, 40.0, 60.0, 30.0, 60.0, 40.0, 10.0, 10.0, 100.0, 30.0, 20.0, 90.0, 20.0, 80.0, 20.0, 30.0, 50.0, 30.0, 60.0, 20.0, 50.0, 20.0, 20.0, 0.0, 30.0, 10.0, 50.0, 80.0, 10.0, -1.0, 30.0, 70.0, 90.0, 20.0, 70.0, 30.0, 20.0, 50.0, 60.0, 10.0, 50.0, 40.0, 40.0, 0.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 40.0, 50.0, 40.0, 20.0, -1.0, 60.0, 20.0, 30.0, 10.0, 10.0, 30.0, 40.0, 40.0, 0.0, 90.0, 60.0, 30.0, 20.0, 50.0, 60.0, 70.0, 80.0, 20.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 50.0, 20.0, 0.0, 10.0, 0.0, 40.0, 50.0, 30.0, 0.0, 20.0, 60.0, 10.0, 10.0, 40.0, 30.0, 30.0, 20.0, 0.0, 30.0, 40.0, -1.0, 40.0, 30.0, 80.0, 40.0, 0.0, 10.0, 30.0, 40.0, 20.0, 70.0, 20.0, 20.0, 100.0, 20.0, 40.0, 60.0, 20.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 70.0, 50.0, 50.0, 100.0, 10.0, 30.0, 50.0, 70.0, 50.0, 30.0, 20.0, 40.0, 50.0, -1.0, 20.0, 20.0, 50.0, 0.0, 60.0, 80.0, 30.0, 20.0, 30.0, 40.0, 30.0, 50.0, 80.0, 20.0, 20.0, 30.0, 30.0, 0.0, 10.0, 70.0, 20.0, 40.0, 50.0, 30.0, 100.0, 60.0, 30.0, 30.0, 80.0, 30.0, 80.0, 50.0, 30.0, -1.0, 30.0, 60.0, 10.0, 10.0, 30.0, 50.0, 50.0, 30.0, 10.0, 20.0, 20.0, -1.0, 10.0, 40.0, 50.0, 60.0, 10.0, -1.0, 30.0, -1.0, 30.0, -1.0, 70.0, 10.0, 40.0, 20.0, -1.0, 30.0, 10.0, 20.0, -1.0, 50.0, 20.0, 40.0, 50.0, 40.0, 80.0, 30.0, 30.0, 20.0, 50.0, 40.0, 20.0, 10.0, 70.0, 60.0, 10.0, 30.0, 70.0, 60.0, 60.0, 30.0, -1.0, 50.0, 50.0, 70.0, 0.0, 50.0, 40.0, 30.0, 40.0, -1.0, 0.0, 30.0, 60.0, 40.0, 40.0, 0.0, 20.0, 60.0, 50.0, 70.0, 40.0, 30.0, 50.0, 10.0, 10.0, 30.0, 20.0, 40.0, 40.0, 20.0, 30.0, 10.0, 50.0, 50.0, -1.0, 30.0, 30.0, 20.0, 20.0, 50.0, 50.0, 60.0, 90.0, 0.0, 30.0, 50.0, 20.0, 20.0, 40.0, 10.0, 20.0, 60.0, 0.0, 20.0, -1.0, 20.0, 0.0, 40.0, 40.0, 10.0, 0.0, 40.0, 50.0, 30.0, -1.0, 0.0, 10.0, 10.0, 20.0, 0.0, 30.0, 80.0, 50.0, 40.0, 30.0, 20.0, 30.0, 50.0, 10.0, 90.0, 50.0, 20.0, 30.0, 20.0, 50.0, 20.0, 30.0, 40.0, 0.0, 70.0, 90.0, 50.0, 0.0, 80.0, 40.0, 10.0, 100.0, 20.0, 60.0, 80.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 10.0, 20.0, 10.0, 30.0, 30.0, 0.0, 20.0, 60.0, 30.0, 40.0, 30.0, 20.0, 20.0, 40.0, 0.0, 40.0, 60.0, 40.0, 20.0, 70.0, 20.0, 40.0, 40.0, 90.0, 0.0, 20.0, 40.0, 60.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 10.0, 20.0, 20.0, 70.0, 30.0, 30.0, 30.0, 30.0, 10.0, 50.0, 30.0, 10.0, 20.0, 0.0, 10.0, 0.0, 30.0, 10.0, 20.0, 90.0, 40.0, 30.0, 40.0, 50.0, 60.0, 40.0], (8000, 3200): [90.0, 0.0, 40.0, 100.0, 100.0, 70.0, 100.0, 30.0, 50.0, 100.0, 70.0, 30.0, 20.0, 60.0, 90.0, 30.0, 100.0, 80.0, 10.0, 0.0, 70.0, 100.0, 100.0, 60.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 60.0, 10.0, 100.0, 100.0, 60.0, 40.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 40.0, 80.0, 100.0, 40.0, 70.0, 100.0, 100.0, 100.0, 80.0, 90.0, 30.0, 10.0, 100.0, 90.0, 80.0, 100.0, 10.0, 10.0, 100.0, 70.0, 10.0, 100.0, 30.0, 20.0, 100.0, 30.0, 100.0, 40.0, 100.0, 100.0, 50.0, 100.0, 100.0, 40.0, 50.0, 70.0, 100.0, 90.0, 100.0, 30.0, 0.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 40.0, 30.0, 100.0, 0.0, 30.0, 100.0, 0.0, 0.0, 100.0, 80.0, 80.0, 100.0, 0.0, 70.0, 60.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 30.0, 100.0, 30.0, 50.0, 70.0, 100.0, 20.0, 90.0, 100.0, 40.0, 10.0, 0.0, 100.0, 50.0, 50.0, 100.0, 20.0, 100.0, 60.0, 70.0, 80.0, 50.0, 100.0, 10.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 80.0, 90.0, 10.0, 100.0, 20.0, 100.0, 0.0, 100.0, 10.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 10.0, 100.0, 100.0, 90.0, 50.0, 60.0, 50.0, 10.0, 100.0, 100.0, 100.0, 80.0, 100.0, 0.0, 60.0, 40.0, 10.0, 100.0, 20.0, 90.0, 100.0, 20.0, 90.0, 70.0, 100.0, 100.0, 70.0, 100.0, 100.0, 80.0, 30.0, 20.0, 100.0, 0.0, 30.0, 100.0, 0.0, 100.0, 50.0, 100.0, 20.0, 100.0, 0.0, 100.0, 30.0, 100.0, 100.0, 10.0, 100.0, 10.0, 60.0, 20.0, 0.0, 100.0, 30.0, 20.0, 20.0, 80.0, 30.0, 100.0, 100.0, 20.0, 0.0, 100.0, 80.0, 80.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 20.0, 40.0, 50.0, 70.0, 0.0, 90.0, 50.0, 20.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 40.0, 10.0, 0.0, 10.0, 100.0, 50.0, 100.0, 100.0, 70.0, 30.0, 40.0, 70.0, 100.0, 0.0, 20.0, 60.0, 90.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 60.0, 100.0, 100.0, 10.0, 50.0, 100.0, 100.0, 20.0, 100.0, 40.0, 100.0, 100.0, 0.0], (3200, 3200): [20.0, 40.0, 40.0, 50.0, -1.0, 100.0, 10.0, 70.0, 20.0, 40.0, 30.0, 80.0, 40.0, 10.0, 30.0, 20.0, 40.0, 10.0, 40.0, 50.0, 40.0, 50.0, 10.0, 100.0, 20.0, 0.0, 40.0, 90.0, 50.0, 30.0, 20.0, 10.0, 40.0, 0.0, 50.0, 10.0, 20.0, 70.0, -1.0, 0.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 30.0, 10.0, 40.0, 10.0, 20.0, 0.0, 10.0, 30.0, 10.0, 100.0, 30.0, 20.0, 70.0, 40.0, 30.0, 20.0, 80.0, 40.0, 30.0, -1.0, 20.0, 40.0, 0.0, 70.0, 40.0, 0.0, 10.0, 30.0, 0.0, 10.0, 20.0, 20.0, 50.0, 0.0, 40.0, 20.0, 0.0, 50.0, 70.0, 90.0, 30.0, 40.0, 60.0, 80.0, 50.0, 30.0, 10.0, 50.0, 60.0, 30.0, 30.0, 0.0, 60.0, 0.0, 20.0, 0.0, 50.0, 0.0, 0.0, 60.0, 10.0, 30.0, 60.0], (6400, 3200): [40.0, 60.0, 20.0, 0.0, 100.0, 20.0, 10.0, 100.0, 100.0, 60.0, 100.0, 40.0, 20.0, 0.0, 100.0, 100.0, 0.0, 60.0, 90.0, 80.0, 40.0, 40.0, 100.0, 100.0, 100.0, 0.0, 70.0, 40.0, 90.0, 30.0, 100.0, 70.0, 20.0, 40.0, 80.0, 10.0, 10.0, 90.0, 10.0, 100.0, 20.0, 50.0, 20.0, 70.0, 0.0, 0.0, 10.0, 60.0, 0.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 70.0, 80.0, 100.0, 100.0, 20.0, 0.0, 50.0, 10.0, 0.0, 0.0, 10.0, 100.0, 30.0, 10.0, 0.0, 20.0, 10.0, 10.0, 70.0, 10.0, 50.0, 100.0, 30.0, 20.0, 100.0, 20.0, 60.0, 100.0, 60.0, 40.0, 100.0, 40.0, 20.0, 50.0, 0.0, 70.0, 40.0, 50.0, 40.0, 100.0, 20.0, 40.0, 90.0, 0.0, 30.0, 60.0, 70.0, 0.0, 90.0, 50.0, 80.0, 20.0, 10.0, 100.0, 30.0, 100.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 100.0, 70.0, 70.0, 10.0, 100.0, 80.0, 70.0, 100.0, 0.0, 10.0, 10.0, 80.0, 90.0, 0.0, 40.0, 80.0, 80.0, 50.0, 70.0, 10.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 100.0, 0.0, 100.0, 0.0, 0.0, 10.0, 100.0, 10.0, 80.0, 70.0, 0.0, 80.0, 100.0, 40.0, 20.0, 0.0, 0.0, 50.0, 0.0, 40.0, 70.0, 70.0, 10.0, 0.0, 100.0, 70.0, 0.0, 100.0, 10.0, 50.0, 50.0, 0.0, 100.0, 10.0, 0.0, 90.0, 0.0, 100.0, 90.0, 100.0, 30.0, 100.0, 20.0, 90.0, 100.0, 10.0, 80.0, 0.0, 100.0, 30.0, 0.0, 0.0, 100.0, 30.0, 100.0, 10.0, 20.0, 0.0, 0.0, 0.0, 100.0, 20.0, 60.0, 10.0, 0.0, 80.0, 100.0, 100.0, 0.0, 10.0, 20.0, 40.0, 20.0, 50.0, 20.0, 100.0, 0.0, 30.0, 50.0, 80.0, 100.0, 70.0, 0.0, 100.0, 90.0, 0.0, 0.0, 70.0, 70.0, 60.0, 0.0, 70.0, 20.0, 60.0, 20.0, 100.0, 70.0, 40.0, 0.0, 80.0, 100.0, 100.0, 60.0, 10.0, 10.0, 100.0, 0.0, 0.0, 30.0, 90.0, 100.0, 30.0, 10.0, 60.0, 90.0, 10.0, 10.0, 0.0, 40.0, 80.0, 100.0, 20.0, 0.0, 100.0, 100.0, 70.0, 100.0, 10.0, 10.0, 20.0, 10.0, 70.0, 100.0, 100.0, 10.0, 10.0, 60.0, 90.0, 70.0, 10.0, 10.0, 0.0, 80.0, 40.0, 30.0, 60.0, 90.0, 50.0, 0.0, 40.0, 0.0, 100.0, 100.0, 40.0, 100.0, 0.0, 100.0, 70.0, 0.0, 0.0, 20.0, 70.0, 100.0, 70.0, 100.0, 100.0, 0.0, 0.0, 90.0, 10.0, 0.0, 60.0, 100.0, 90.0, 50.0, 30.0, 20.0, 70.0, 100.0, 50.0, 60.0, 100.0, 10.0, 60.0, 40.0, 100.0, 10.0, 10.0, 40.0, 60.0, 60.0, 0.0, 100.0, 0.0, 10.0, 40.0, 90.0, 20.0, 100.0, 50.0, 100.0, 90.0, 0.0, 30.0, 30.0, 50.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 40.0, 70.0, 70.0, 0.0, 70.0, 0.0, 20.0, 20.0, 30.0, 100.0, 100.0, 60.0, 50.0, 70.0, 100.0, 70.0, 30.0, 50.0, 100.0, 100.0, 20.0, 100.0, 50.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 10.0, 0.0, 20.0, 90.0, 10.0, 100.0, 70.0, 30.0, 0.0, 100.0, 100.0, 50.0, 0.0, 0.0, 20.0, 100.0, 80.0, 0.0, 0.0, 40.0, 50.0, 0.0, 70.0, 100.0, 70.0, 0.0, 60.0, 80.0, 100.0, 0.0, 100.0, 100.0, 60.0, 80.0, 100.0, 70.0, 30.0, 40.0, 0.0, 30.0, 70.0, 0.0, 100.0, 0.0, 40.0, 10.0, 90.0, 40.0, 100.0, 0.0, 30.0, 20.0, 100.0, 0.0, 100.0, 60.0, 50.0, 0.0, 40.0, 20.0, 40.0, 40.0, 70.0, 100.0, 80.0, 40.0, 40.0, 10.0, 0.0, 100.0, 10.0, 100.0, 40.0, 10.0, 50.0, 20.0, 100.0, 30.0, 80.0, 100.0, 80.0, 90.0, 100.0, 0.0, 60.0, 90.0, 100.0, 20.0, 100.0, 90.0, 100.0, 100.0, 100.0, 90.0, 100.0, 60.0, 20.0, 100.0, 0.0, 30.0, 30.0, 100.0, 10.0, 70.0, 10.0, 100.0, 10.0, 40.0, 30.0, 30.0, 0.0, 30.0, 50.0, 100.0, 100.0, 100.0, 50.0, 0.0, 80.0, 80.0, 30.0, 100.0, 20.0, 50.0, 100.0, 0.0, 20.0, 70.0, 0.0, 50.0, 10.0, 0.0, 20.0, 30.0, 60.0, 90.0, 10.0, 90.0, 40.0, 40.0, 30.0, 20.0, 60.0, 60.0, 80.0, 30.0, 100.0, 50.0, 100.0, 100.0, 20.0, 60.0, 100.0, 70.0, 60.0, 10.0, 70.0, 70.0, 0.0, 100.0, 90.0, 0.0, 0.0, 100.0, 0.0, 50.0, 100.0, 10.0, 100.0, 40.0, 0.0, 0.0, 20.0, 0.0, 40.0, 60.0, 20.0, 0.0, 60.0, 0.0, 0.0, 100.0, 40.0, 100.0, 50.0, 80.0, 60.0, 50.0, 70.0, 0.0, 10.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 0.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 20.0, 10.0, 10.0, 100.0, 100.0, 10.0, 100.0, 20.0, 100.0, 20.0, 100.0, 60.0, 100.0, 100.0, 60.0, 60.0, 0.0, 0.0, 20.0, 30.0, 100.0, 90.0, 0.0, 100.0, 30.0, 60.0, 70.0, 10.0, 30.0, 100.0, 40.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 20.0, 40.0, 30.0, 100.0, 0.0, 70.0, 30.0, 80.0, 20.0, 0.0, 70.0, 40.0, 100.0, 100.0, 0.0, 100.0, 0.0, 20.0, 30.0, 30.0, 70.0, 20.0, 100.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 10.0, 50.0, 20.0, 0.0, 100.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 60.0, 90.0, 0.0, 100.0, 20.0, 100.0, 80.0, 0.0, 40.0, 100.0, 40.0, 70.0, 10.0, 10.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 20.0, 60.0, 0.0, 0.0, 70.0, 80.0, 50.0, 30.0, 0.0, 0.0, 90.0, 90.0, 0.0, 0.0, 30.0, 90.0, 10.0, 0.0, 100.0, 70.0, 100.0, 0.0, 60.0, 40.0, 60.0, 50.0, 60.0, 30.0, 80.0, 20.0, 70.0, 40.0, 80.0, 40.0, 100.0, 10.0, 0.0, -1.0, 20.0, 90.0, 0.0, 30.0, 50.0, 80.0, 60.0, 0.0, 70.0, 100.0, 10.0, 20.0, 80.0, 20.0, 0.0, 20.0, 90.0, 20.0, 60.0, 60.0, 0.0, 20.0, 0.0, 100.0, 100.0, 40.0, 40.0, 0.0, 50.0, 40.0, 20.0, 0.0, 50.0, 0.0, 60.0, 20.0, 50.0], (6400, 1600): [30.0, 100.0, 90.0, 100.0, 70.0, 40.0, 70.0, 60.0, 80.0, 30.0, 30.0, 100.0, 20.0, 50.0, 80.0, 80.0, 90.0, 90.0, 40.0, 100.0, 100.0, 100.0, 10.0, 60.0, 10.0, 10.0, 100.0, 30.0, 20.0, 30.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 70.0, 80.0, 10.0, 30.0, 30.0, 0.0, 30.0, 40.0, 80.0, 70.0, 30.0, 100.0, 100.0, 30.0, 90.0, 60.0, 10.0, 70.0, 0.0, 90.0, 20.0, 10.0, 40.0, 70.0, 10.0, 60.0, 20.0, 40.0, -1.0, 100.0, 50.0, 100.0, 90.0, 40.0, 30.0, 40.0, 60.0, 100.0, 30.0, 80.0, 80.0, 10.0, 10.0, 70.0, 50.0, 80.0, 60.0, 100.0, 30.0, 100.0, 50.0, 0.0, 90.0, 100.0, 100.0, 60.0, 0.0, 100.0, 100.0, 80.0, 80.0, 90.0, 100.0, 10.0, 0.0, 100.0, 100.0, 60.0, 50.0, 20.0, 10.0, 90.0, 70.0, 70.0, 10.0, 80.0, 100.0, 100.0, 100.0, 50.0, 0.0, 20.0, 70.0, 100.0, 60.0, 60.0, 0.0, 10.0, 70.0, 60.0, 30.0, 30.0, 100.0, 10.0, 30.0, 100.0, 10.0, 0.0, 10.0, 90.0, 70.0, 30.0, 60.0, 70.0, 60.0, 100.0, 20.0, 30.0, 70.0, 20.0, 100.0, 40.0, 100.0, 20.0, 100.0, 30.0, 40.0, 30.0, 60.0, 60.0, 10.0, 10.0, 70.0, 10.0, 0.0, 0.0, 100.0, 100.0, 80.0, 80.0, 50.0, 10.0, 40.0, 80.0, 20.0, 60.0, 70.0, 50.0, 40.0, 10.0, 70.0, 10.0, 100.0, 50.0, 20.0, 0.0, 70.0, 60.0, 20.0, 0.0, 90.0, 10.0, 10.0, 20.0, 80.0, 60.0, 50.0, 70.0, 100.0, 70.0, 80.0, 0.0, 20.0, 60.0, 80.0, 0.0, 80.0, 100.0, 100.0, 10.0, 60.0, 80.0, 20.0, 100.0, 50.0, 30.0, 80.0, 90.0, 80.0, 90.0, 50.0, 20.0, 50.0, 100.0, 0.0, 70.0, 20.0, 0.0, 100.0, 60.0, 80.0, 100.0, 80.0, 30.0, 70.0, 80.0, 70.0, 100.0, 100.0, 100.0, 70.0, 30.0, 90.0, 60.0, 80.0, 40.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 30.0, 0.0, 0.0, 60.0, 50.0, 30.0, 40.0, 10.0, 60.0, 100.0, 10.0, 0.0, 90.0, 30.0, 90.0, 30.0, 100.0, 100.0, 40.0, 80.0, 0.0, 100.0, 100.0, 20.0], (8000, 4800): [100.0, 100.0, 100.0, 30.0, 20.0, 100.0, 100.0, 30.0, 50.0, 10.0, 90.0, 100.0, 100.0, 10.0, 90.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 0.0, 10.0, 100.0, 10.0, 60.0, 20.0, 30.0, 100.0, 30.0, 20.0, 80.0, 40.0, 20.0, 100.0, 90.0, 40.0, 80.0, 70.0, 70.0, 0.0, 70.0, 100.0, 80.0, 80.0, 80.0, 100.0, 10.0, 90.0, 30.0, 100.0, 90.0, 80.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 0.0, 0.0, 100.0, 100.0, 90.0, 0.0, 10.0, 50.0, 100.0, 40.0, 50.0, 10.0, 100.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 10.0, 90.0, 0.0, 100.0, 100.0, 10.0, 60.0, 100.0, 10.0, 100.0, 30.0, 100.0, 0.0, 30.0, 100.0, 70.0, 30.0, 80.0, 100.0, 0.0, 80.0, 10.0, 20.0, 20.0, 90.0, 90.0, 100.0, 0.0, 100.0, 100.0, 30.0, 100.0, 0.0, 20.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 80.0, 100.0, 30.0, 80.0, 100.0, 10.0, 20.0, 90.0, 30.0, 100.0, 100.0, 100.0, 30.0, 10.0, 0.0, 100.0, 0.0, 60.0, 100.0, 0.0, 70.0, 30.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 10.0, 0.0, 0.0, 20.0, 100.0, 100.0, 100.0, 10.0, 40.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 0.0, 60.0, 30.0, 100.0, 20.0, 100.0, 100.0, 50.0, 10.0, 30.0, 0.0, 100.0, 0.0, 30.0, 100.0, 60.0, 20.0, 100.0, 100.0, 80.0, 10.0, 100.0, 20.0, 100.0, 10.0, 0.0, 50.0, 0.0, 0.0, 100.0, 90.0, 100.0, 40.0, 60.0, 60.0, 0.0, 10.0, 60.0, 40.0, 50.0, 20.0, 100.0, 0.0, 20.0, 0.0, 60.0, 0.0, 100.0, 100.0, 100.0, 50.0, 0.0, 0.0, 70.0, 90.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 90.0, 20.0, 10.0], (1600, 1600): [0.0, 40.0, 30.0, 40.0, 30.0, 50.0, 40.0, 20.0, 50.0, 10.0, -1.0, 20.0, 20.0, 50.0, 90.0, 80.0, 30.0, 20.0, 90.0, 30.0, 60.0, 80.0, 30.0, 60.0, 50.0, 70.0, 90.0, 40.0, -1.0, 40.0, 40.0, 10.0, 40.0, 20.0, 50.0, 50.0, 40.0, 40.0, 20.0, 20.0, 30.0, 20.0, 90.0, 40.0, 20.0, 20.0, 30.0, -1.0, 20.0, 100.0, 20.0, -1.0, 50.0, 90.0, -1.0, 70.0, 20.0, 70.0, 50.0, 80.0, 70.0, 50.0, 30.0, 70.0, 40.0, 40.0, 50.0, 60.0, 20.0, 70.0, 60.0, 60.0, 60.0, 40.0, 50.0, 60.0, 20.0, 80.0, 40.0, 40.0, 60.0, 60.0, 80.0, 50.0, -1.0, -1.0, 30.0, -1.0, 60.0, 20.0, 20.0, 80.0, 40.0, 60.0, 40.0, 20.0, 30.0, 40.0, 20.0, 30.0, 50.0, 30.0, 20.0, 80.0, 40.0, 80.0, 20.0, 60.0, 50.0, 50.0, 50.0, 40.0, -1.0, 50.0, 50.0, 30.0, 50.0, 30.0, 30.0, 70.0, 60.0, 60.0, 20.0, 40.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 70.0, 50.0, 40.0, 50.0, 80.0, 0.0, 20.0, 20.0, 70.0, 30.0, 30.0, -1.0, 30.0, 30.0, 30.0, 90.0, 70.0, 30.0, 60.0, 60.0, 80.0, 30.0, 40.0, 50.0, 30.0, 50.0, 30.0, 40.0, -1.0, 30.0, 40.0, 100.0, 70.0, 60.0, 20.0, 30.0, 80.0, 40.0, 10.0, 60.0, 80.0, 60.0, -1.0, 20.0, 40.0, 50.0, 40.0, 20.0, 30.0, 50.0, 50.0, 20.0, 40.0, 60.0, -1.0, 30.0, 60.0, 60.0, 70.0, -1.0, 40.0, 20.0, 80.0, 10.0, 60.0, 20.0, 60.0, 20.0, 50.0, 30.0, 40.0, -1.0, 40.0, 60.0, 80.0, 30.0, 40.0, 50.0, 90.0, 50.0, 60.0, 50.0, 50.0, 70.0, 40.0, 40.0, 30.0, 40.0, 50.0, 50.0, -1.0, 50.0, 0.0, 60.0, 40.0, 40.0, 40.0, 10.0, -1.0, 40.0, 20.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 60.0, 40.0, 50.0, 100.0, 60.0, 50.0, 20.0, 30.0, 50.0, 20.0, 40.0, 60.0, 60.0, 50.0, 30.0, 60.0, 40.0, 30.0, 70.0, 60.0, 60.0, 60.0, 70.0, 20.0, -1.0, 40.0, 80.0, 60.0, 60.0, 20.0, 20.0, 40.0, 20.0, 70.0, 20.0, 30.0, 50.0, 30.0, 20.0, 20.0, 60.0, 50.0, 40.0, 30.0, 30.0, 40.0, 100.0, 20.0, 100.0, 40.0, 40.0, -1.0, 50.0, 100.0, 50.0, 70.0, 30.0, 40.0, 40.0, 50.0, 40.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1700 = {(8500, 1700): [100.0, 30.0, 50.0, 20.0, 50.0, 70.0, 90.0, 100.0, 100.0, 100.0, 70.0, 100.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 50.0, 100.0, 100.0, 80.0, 0.0, 100.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 80.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 20.0, 50.0, 50.0, 100.0, 100.0, 60.0, 100.0, 70.0, 10.0, 100.0, 50.0, 10.0, 100.0, 20.0, 100.0, 100.0, 100.0, 90.0, 60.0, 100.0, 0.0, 100.0, 60.0, 100.0, 30.0, 70.0, 30.0, 70.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 90.0, 100.0, 100.0, 100.0], (3400, 0): [10.0, 10.0, 10.0, 70.0, 20.0, 10.0, 30.0, 30.0, 10.0, 10.0, 0.0, 10.0, 20.0, 10.0, 0.0, 10.0, -1.0, 30.0, 30.0, 40.0, 10.0, -1.0, -1.0, 0.0, 40.0, 10.0, 10.0, 10.0, 20.0, 20.0, 20.0, 10.0, 10.0, 10.0, 20.0, 10.0, 50.0, 0.0, 30.0, 10.0, 0.0, 20.0, -1.0, 10.0, 60.0, 10.0, 20.0, 20.0, 10.0, 40.0, 10.0, 10.0, 20.0, 40.0, -1.0, 10.0, 10.0, 10.0, 10.0, 20.0, 0.0, 20.0, 10.0, 20.0, 30.0, 30.0, 10.0, 50.0, 0.0, 10.0, 30.0, 10.0, 40.0, 40.0, 10.0, 10.0, 0.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, 30.0, 0.0, 10.0, 20.0, -1.0, 60.0, 20.0, 0.0, 0.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 10.0, 40.0, -1.0, 20.0, 20.0, 20.0, 10.0, 10.0, -1.0, 0.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 10.0, 30.0, 20.0, 10.0, 10.0, -1.0, -1.0, 10.0, 30.0, 40.0, 10.0, 10.0, 30.0, 0.0, 10.0, 10.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 40.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 10.0, -1.0, 10.0, 10.0, 20.0, 0.0, 30.0, 0.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 10.0, 40.0, -1.0, 50.0, 20.0, 20.0, 0.0, -1.0, 10.0, 10.0, 0.0, -1.0, -1.0, -1.0, 10.0, 10.0, 20.0, 0.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 0.0, 20.0, 10.0, 20.0, 50.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, -1.0, 10.0, 20.0, 20.0, 40.0, 10.0, 0.0, 10.0, 30.0, 10.0, -1.0, 10.0, 10.0, 10.0, 30.0, 10.0, 30.0, 10.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 10.0, 10.0, 10.0, 20.0, -1.0, -1.0, -1.0, 20.0, 50.0, 10.0, 0.0, 10.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 10.0, 10.0, 0.0, 10.0, 20.0, 70.0, 10.0, 50.0, 40.0, -1.0, 90.0, 10.0, 0.0, 50.0, 10.0, 20.0, 20.0, 40.0, 40.0, 20.0, 20.0, 20.0, 10.0, -1.0, 10.0, 10.0, 30.0, 10.0, 50.0, -1.0, 10.0, 40.0, 0.0, 20.0, 20.0, 40.0, 10.0, 0.0, 20.0, 0.0, 10.0, 30.0, 30.0, 30.0, 10.0, 10.0, 50.0, 10.0, 20.0, -1.0, 10.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0], (5100, 0): [80.0, 70.0, 0.0, 70.0, 10.0, 10.0, 50.0, 40.0, 60.0, 40.0, 30.0, 30.0, 60.0, 20.0, 10.0, 30.0, 10.0, 10.0, 40.0, 20.0, 40.0, 0.0, 20.0, 50.0, 50.0, 30.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 80.0, 40.0, 10.0, 10.0, 50.0, 50.0, 30.0, 20.0, 90.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 30.0, 30.0, 60.0, 70.0, 40.0, 50.0, 30.0, 30.0, 20.0, 40.0, 30.0, 90.0, 10.0, 10.0, 40.0, 30.0, 40.0, 50.0, 30.0, 20.0, 30.0, 30.0, 50.0, 40.0, 40.0, 50.0, 20.0, 50.0, 40.0, 50.0, 40.0, 10.0, 10.0, 60.0, 20.0, 40.0, 50.0, 40.0, 30.0, 50.0, 40.0, 40.0, 20.0, 10.0, 50.0, 50.0, 50.0, 30.0, 10.0, 20.0, 0.0, 50.0, 50.0, 40.0, 40.0, 50.0, 20.0, 50.0, 10.0, 30.0, 40.0, 20.0, 40.0, 20.0, 10.0, 50.0, 20.0, 40.0, 70.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 40.0, 0.0, 40.0, 40.0, 20.0, 30.0, 30.0, 40.0, 60.0, 50.0, 0.0, 0.0, 10.0, 50.0, 60.0, 60.0, 30.0, 90.0, 0.0, 90.0, 50.0, 60.0, 30.0, 30.0, 40.0, 60.0, 50.0, 70.0, 30.0, 40.0, 30.0, 100.0, 70.0, 20.0, 30.0, 10.0, 50.0, 30.0, 30.0, 60.0, 40.0, 60.0, 40.0, 60.0, 30.0, 30.0, 30.0, 20.0, 10.0, 30.0, 20.0, 40.0, 70.0, 30.0, 30.0, 60.0, 60.0, 50.0, 40.0, 0.0, 60.0, 40.0, 10.0, 30.0, 40.0, 40.0, 100.0, 30.0, 50.0, 30.0, 50.0, 60.0, 60.0, 20.0, 30.0, 40.0, 50.0, 10.0, 40.0, 50.0, 40.0, 20.0, 50.0, 30.0, 20.0, 30.0, 70.0, 20.0, 0.0, 40.0, 0.0, 30.0, 60.0, 40.0, 0.0, 100.0, 70.0, 50.0, 40.0, 20.0, 20.0, 50.0, 40.0, 50.0, 30.0, 30.0, 10.0, 20.0, 60.0, 30.0, 10.0, 30.0, 40.0, 30.0, 40.0, 40.0, 0.0, 20.0, 20.0, 100.0, 20.0, 30.0, 20.0, 20.0, 40.0, 20.0, 20.0, 30.0, 30.0, 50.0, 80.0, 40.0, 80.0, 50.0, 10.0, 10.0, 40.0, 50.0, 30.0, 20.0, 40.0, 70.0, 50.0, 10.0, 30.0, 30.0, 50.0, 10.0, 20.0, 10.0, 40.0, 40.0, 10.0, 40.0, 20.0, 10.0, 30.0, 20.0], (0, 0): [60.0, 40.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 20.0, 50.0, 100.0, -1.0, 50.0, 100.0, 40.0, 40.0, 30.0, 40.0, 60.0, 40.0, 20.0, -1.0, 0.0, 50.0, 20.0, 70.0, 30.0, 20.0, 50.0, 40.0, 10.0, 20.0, 40.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 40.0, 10.0, 50.0, 10.0, 30.0, 20.0, 20.0, 20.0, 60.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, 60.0, -1.0, 80.0, 60.0, 30.0, 50.0, 100.0, 60.0, 10.0, 10.0, 40.0, -1.0, 10.0, 20.0, 60.0, -1.0, 30.0, -1.0, 20.0, 10.0, 10.0, -1.0, -1.0, -1.0, -1.0, 30.0, 20.0, 30.0, 60.0, 20.0, 40.0, 100.0, 40.0, 60.0, 40.0, 40.0, 20.0, 20.0, 30.0, 80.0, 40.0, 70.0, 20.0, 70.0, 40.0, 40.0, 10.0, 50.0, 30.0, 50.0, 50.0, 90.0, 50.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 10.0, 0.0, 50.0, 20.0, 40.0, 30.0, 30.0, 30.0, 70.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 40.0, 0.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 40.0, 60.0, 10.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 10.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 40.0, 10.0, 50.0, 40.0, 40.0, 10.0, 10.0, 30.0, 40.0, 50.0, -1.0, 70.0, 10.0, 60.0, 10.0, 10.0, 20.0, 0.0, 100.0, -1.0, 50.0, 40.0, 50.0, 20.0, 100.0, 0.0, 70.0, 40.0, 30.0, 70.0, 40.0, 40.0, 10.0, 20.0, 50.0, 20.0, 20.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 50.0, 10.0, 20.0, 100.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 40.0, 50.0, 60.0, 40.0, 10.0, 30.0, 30.0, 60.0, 10.0, 50.0, 10.0, 50.0, 40.0, 40.0, 30.0, 10.0, 10.0, 0.0, 60.0, 40.0, 60.0, 20.0, 50.0, 0.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 30.0, 40.0, 30.0, 50.0, 20.0, 70.0, 50.0, 20.0, 10.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (1700, 1700): [60.0, 40.0, 30.0, 40.0, 30.0, -1.0, 40.0, 50.0, 40.0, 50.0, 10.0, -1.0, 30.0, 20.0, 20.0, 60.0, 90.0, 80.0, 30.0, 90.0, 60.0, 30.0, 60.0, 50.0, 30.0, 70.0, 90.0, 40.0, 50.0, 10.0, 40.0, 50.0, 50.0, 40.0, 40.0, 30.0, 20.0, 20.0, 30.0, 20.0, 90.0, 40.0, 20.0, 30.0, 20.0, 100.0, 90.0, 20.0, -1.0, 50.0, 70.0, 90.0, 70.0, 20.0, 40.0, 70.0, 80.0, 70.0, 50.0, 30.0, 70.0, 40.0, 30.0, 40.0, 50.0, 60.0, 20.0, 70.0, 30.0, 60.0, 60.0, 40.0, 40.0, 50.0, 60.0, 20.0, 80.0, 40.0, 40.0, 60.0, 20.0, 80.0, 50.0, -1.0, -1.0, 30.0, -1.0, 60.0, 20.0, 20.0, -1.0, 50.0, 80.0, 60.0, 40.0, 20.0, 40.0, 30.0, 30.0, 40.0, 20.0, 30.0, 30.0, 80.0, 40.0, 80.0, 20.0, 60.0, 50.0, 50.0, 50.0, -1.0, 50.0, 50.0, 30.0, 50.0, 30.0, 70.0, 60.0, 60.0, 50.0, 40.0, 30.0, 40.0, 10.0, 40.0, 30.0, 100.0, 40.0, 20.0, 40.0, 30.0, 70.0, 50.0, 40.0, 40.0, 50.0, 0.0, 50.0, 70.0, 30.0, 30.0, -1.0, 30.0, 30.0, 90.0, 40.0, 30.0, 60.0, 60.0, 80.0, 30.0, 40.0, 70.0, 50.0, 60.0, 40.0, 60.0, 50.0, 30.0, 50.0, 30.0, 30.0, 30.0, 100.0, 40.0, 60.0, 20.0, 30.0, 80.0, 40.0, 30.0, 90.0, 60.0, 80.0, 60.0, 30.0, 60.0, 40.0, 40.0, 30.0, 50.0, 50.0, 40.0, 20.0, 60.0, -1.0, 60.0, 60.0, 40.0, 70.0, 60.0, -1.0, 20.0, 80.0, 50.0, 10.0, 60.0, 20.0, 60.0, 20.0, 50.0, 30.0, 20.0, 40.0, -1.0, 40.0, 30.0, 80.0, 30.0, 40.0, 70.0, 40.0, 50.0, 90.0, 50.0, 30.0, 50.0, 30.0, 70.0, 40.0, 40.0, 30.0, 50.0, 40.0, 50.0, 50.0, 40.0, 30.0, -1.0, 50.0, 0.0, 60.0, 30.0, 40.0, 50.0, 40.0, 10.0, -1.0, 40.0, -1.0, 20.0, 50.0, 20.0, 30.0, 40.0, 20.0, 50.0, 20.0, 40.0, 60.0, 40.0, 30.0, 50.0, 100.0, 50.0, 20.0, 30.0, 50.0, 20.0, 40.0, 60.0, 60.0, 50.0, 40.0, 30.0, 60.0, 50.0, 30.0, 70.0, 60.0, 60.0, 60.0, 20.0, -1.0, -1.0, 60.0, 60.0, -1.0, 20.0, 20.0, 40.0, 20.0, 70.0, 20.0, 30.0, 50.0, 30.0, 60.0, 80.0, 20.0, 60.0, 50.0, 40.0, 30.0, 40.0, 30.0, 40.0, 100.0, 20.0, 100.0, 70.0, 40.0, 90.0, 20.0, 40.0, -1.0, 100.0, 50.0, 70.0, 30.0, 50.0, 10.0, 40.0, 50.0, 40.0], (6800, 3400): [40.0, 90.0, 90.0, 40.0, 20.0, 50.0, 20.0, 0.0, 100.0, 10.0, 100.0, 100.0, 70.0, 60.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 30.0, 90.0, 80.0, 100.0, 50.0, 40.0, 100.0, 40.0, 100.0, 90.0, 100.0, 70.0, 0.0, 70.0, 40.0, 90.0, 30.0, 70.0, 20.0, 40.0, 10.0, 90.0, 10.0, 0.0, 60.0, 90.0, 10.0, 30.0, 80.0, 100.0, 10.0, 50.0, 20.0, 20.0, 0.0, 100.0, 10.0, 60.0, 60.0, 0.0, 100.0, 100.0, 100.0, 80.0, 100.0, 0.0, 30.0, 100.0, 70.0, 80.0, 100.0, 0.0, 20.0, 10.0, 0.0, 100.0, 30.0, 10.0, 0.0, 20.0, 10.0, 10.0, 40.0, 70.0, 10.0, 50.0, 100.0, 30.0, 20.0, 30.0, 50.0, 100.0, 60.0, 20.0, 10.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 20.0, 0.0, 100.0, 100.0, 70.0, 50.0, 80.0, 100.0, 40.0, 100.0, 40.0, 90.0, 0.0, 70.0, 0.0, 80.0, 80.0, 100.0, 30.0, 100.0, 80.0, 0.0, 100.0, 100.0, 0.0, 0.0, 0.0, 0.0, 100.0, 100.0, 100.0, 70.0, 100.0, 0.0, 70.0, 10.0, 100.0, 90.0, 80.0, 90.0, 0.0, 100.0, 40.0, 80.0, 80.0, 50.0, 70.0, 10.0, 30.0, 80.0, 30.0, 40.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 90.0, 30.0, 80.0, 10.0, 0.0, 0.0, 10.0, 80.0, 70.0, 0.0, 80.0, 90.0, 90.0, 70.0, 50.0, 10.0, 100.0, 40.0, 100.0, 30.0, 10.0, 0.0, 50.0, 0.0, 50.0, 0.0, 50.0, 30.0, 60.0, 100.0, 100.0, 30.0, 100.0, 10.0, 50.0, 0.0, 100.0, 100.0, 0.0, 90.0, 100.0, 20.0, 50.0, 60.0, 30.0, 100.0, 30.0, 0.0, 10.0, 100.0, 90.0, 10.0, 80.0, 0.0, 100.0, 0.0, 30.0, 0.0, 100.0, 70.0, 20.0, 90.0, 0.0, 0.0, 0.0, 60.0, 100.0, 0.0, 100.0, 100.0, 20.0, 60.0, 10.0, 100.0, 100.0, 50.0, 0.0, 20.0, 20.0, 0.0, 50.0, 100.0, 100.0, 70.0, 100.0, 0.0, 100.0, 70.0, 40.0, 10.0, 60.0, 0.0, 100.0, 70.0, 30.0, 70.0, 100.0, 60.0, 0.0, 20.0, 0.0, 70.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 10.0, 0.0, 100.0, 0.0, 0.0, 30.0, 90.0, 100.0, 100.0, 20.0, 10.0, 30.0, 90.0, 10.0, 80.0, 40.0, 100.0, 80.0, 100.0, 20.0, 0.0, 100.0, 100.0, 30.0, 70.0, 100.0, 20.0, 70.0, 100.0, 100.0, 10.0, 10.0, 60.0, 90.0, 10.0, 10.0, 0.0, 80.0, 70.0, 40.0, 60.0, 100.0, 30.0, 0.0, 100.0, 60.0, 60.0, 90.0, 50.0, 90.0, 0.0, 30.0, 100.0, 90.0, 40.0, 0.0, 100.0, 100.0, 40.0, 30.0, 100.0, 70.0, 100.0, 50.0, 0.0, 70.0, 20.0, 70.0, 100.0, 70.0, 100.0, 100.0, 0.0, 90.0, 10.0, 0.0, 100.0, 90.0, 50.0, 40.0, 30.0, 70.0, 90.0, 50.0, 100.0, 100.0, 10.0, 10.0, 40.0, 60.0, 100.0, 60.0, 0.0, 20.0, 0.0, 20.0, 100.0, 100.0, 70.0, 100.0, 60.0, 30.0, 80.0, 30.0, 10.0, 50.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 0.0, 100.0, 0.0, 30.0, 70.0, 0.0, 70.0, 20.0, 30.0, 40.0, 100.0, 100.0, 60.0, 100.0, 0.0, 100.0, 70.0, 0.0, 100.0, 90.0, 30.0, 50.0, 100.0, 20.0, 100.0, 0.0, 50.0, 100.0, 100.0, 90.0, 100.0, 20.0, 50.0, 100.0, 90.0, 10.0, 0.0, 0.0, 10.0, 100.0, 100.0, 70.0, 30.0, 30.0, 0.0, 100.0, 100.0, 50.0, 20.0, 100.0, 100.0, 80.0, 60.0, 50.0, 40.0, 10.0, 0.0, 10.0, 50.0, 0.0, 70.0, 100.0, 100.0, 100.0, 100.0, 90.0, 50.0, 100.0, 60.0, 100.0, 60.0, 100.0, 100.0, 0.0, 50.0, 30.0, 40.0, 0.0, 30.0, 100.0, 0.0, 100.0, 10.0, 40.0, 100.0, 100.0, 30.0, 20.0, 80.0, 100.0, 60.0, 0.0, 20.0, 100.0, 70.0, 20.0, 40.0, 10.0, 80.0, 30.0, 30.0, 0.0, 20.0, 20.0, 70.0, 90.0, 80.0, 40.0, 90.0, 10.0, 0.0, 30.0, 100.0, 80.0, 70.0, 100.0, 10.0, 50.0, 30.0, 100.0, 20.0, 30.0, 80.0, 100.0, 70.0, 90.0, 100.0, 100.0, 80.0, 90.0, 30.0, 20.0, 100.0, 0.0, 0.0, 100.0, 0.0, 100.0, 0.0, 0.0, 100.0, 90.0, 100.0, 60.0, 100.0, 0.0, 30.0, 100.0, 10.0, 20.0, 10.0, 40.0, 30.0, 100.0, 30.0, 50.0, 40.0, 20.0, 100.0, 0.0, 0.0, 80.0, 30.0, 100.0, 70.0, 50.0, 100.0, 10.0, 20.0, 20.0, 0.0, 0.0, 20.0, 30.0, 100.0, 10.0, 60.0, 40.0, 40.0, 30.0, 100.0, 20.0, 60.0, 60.0, 80.0, 0.0, 20.0, 100.0, 20.0, 20.0, 50.0, 100.0, 100.0, 10.0, 100.0, 20.0, 60.0, 100.0, 70.0, 60.0, 70.0, 20.0, 70.0, 0.0, 100.0, 100.0, 90.0, 0.0, 100.0, 0.0, 100.0, 50.0, 80.0, 100.0, 0.0, 20.0, 40.0, 60.0, 20.0, 60.0, 0.0, 100.0, 100.0, 70.0, 100.0, 50.0, 80.0, 60.0, 50.0, 50.0, 0.0, 10.0, 30.0, 10.0, 100.0, 0.0, 30.0, 0.0, 0.0, 10.0, 90.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 90.0, 30.0, 20.0, 10.0, 40.0, 0.0, 100.0, 100.0, 10.0, 100.0, 100.0, 50.0, 20.0, 100.0, 60.0, 100.0, 60.0, 70.0, 90.0, 60.0, 0.0, 0.0, 0.0, 90.0, 0.0, 100.0, 60.0, 50.0, 70.0, 20.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 40.0, 10.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 0.0, 20.0, 40.0, 30.0, 100.0, 0.0, 30.0, 0.0, 70.0, 60.0, 10.0, 100.0, 40.0, 100.0, 90.0, 30.0, 100.0, 80.0, 0.0, 100.0, 0.0, 20.0, 30.0, 30.0, 70.0, 20.0, 0.0, 0.0, 100.0, 100.0, 0.0, 40.0, 10.0, 0.0, 100.0, 10.0, 10.0, 20.0, 0.0, 50.0, 100.0, 10.0, 100.0, 70.0, 20.0, 0.0, 100.0, 100.0, 50.0, 30.0, 100.0, 90.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 50.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 20.0, 60.0, 0.0, 0.0, 20.0, 0.0, 30.0, 0.0, 0.0, 90.0, 90.0, 50.0, 100.0, 0.0, 90.0, 60.0, 10.0, 0.0, 100.0, 0.0, 100.0, 70.0, 20.0, 100.0, 0.0, 100.0, 40.0, 60.0, 60.0, 50.0, 60.0, 30.0, 80.0, 20.0, 70.0, 60.0, 40.0, 40.0, 50.0, 100.0, 10.0, 20.0, -1.0, 100.0, 20.0, 100.0, 100.0, 90.0, 90.0, 10.0, 30.0, 50.0, 50.0, 100.0, 10.0, 20.0, 80.0, 100.0, 0.0, 100.0, 100.0, 90.0, 20.0, 100.0, 60.0, 60.0, 0.0, 100.0, 20.0, 0.0, 100.0, 100.0, 40.0, 50.0, 100.0, 100.0, 20.0, 100.0, 50.0, 10.0, 0.0, 20.0, 0.0], (1700, 0): [0.0, 0.0, 30.0, 10.0, 60.0, -1.0, 10.0, 20.0, 50.0, 50.0, 30.0, 10.0, 20.0, 40.0, 20.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 30.0, -1.0, 20.0, 10.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, -1.0, 30.0, -1.0, 30.0, 70.0, 30.0, 50.0, 80.0, 10.0, 50.0, -1.0, 20.0, 30.0, -1.0, 10.0, -1.0, 10.0, -1.0, 70.0, 0.0, -1.0, 40.0, 40.0, -1.0, 20.0, 20.0, 20.0, 60.0, -1.0, -1.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 50.0, 60.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 30.0, 20.0, 20.0, 30.0, -1.0, 10.0, -1.0, 70.0, 20.0, 80.0, -1.0, -1.0, -1.0, 20.0, 30.0, 20.0, -1.0, 20.0, 50.0, 90.0, 40.0, 70.0, 20.0, 20.0, -1.0, 20.0, 30.0, 50.0, 40.0, 10.0, 10.0, 10.0, 60.0, -1.0, 30.0, 60.0, 10.0, 90.0, 60.0, 70.0, -1.0, 10.0, 10.0, -1.0, 10.0, 100.0, -1.0, -1.0, 20.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 40.0, 50.0, 10.0, 20.0, 10.0, 10.0, 30.0, 40.0, -1.0, 0.0, 10.0, 0.0, 20.0, 50.0, 50.0, 40.0, 10.0, -1.0, 20.0, 10.0, 20.0, -1.0, 10.0, -1.0, -1.0, 40.0, 10.0, 30.0, 40.0, 10.0, 60.0, 10.0, 60.0, 40.0, 0.0, 20.0, 10.0, 10.0, 20.0, 50.0, 0.0, 30.0, -1.0, 30.0, 40.0, 30.0, 80.0, 50.0, 40.0, 20.0, 10.0, 40.0, 20.0, -1.0, 20.0, 20.0, -1.0, 60.0, 10.0, 40.0, 10.0, 20.0, 30.0, 20.0, 0.0, 40.0, 40.0, -1.0, 20.0, 50.0, 20.0, 10.0, -1.0, 30.0, -1.0, 30.0, 30.0, 10.0, 80.0, 40.0, 20.0, 30.0, 20.0, 20.0, 20.0, 20.0, 40.0, 50.0, 30.0, -1.0, 20.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 10.0, 50.0, 10.0, 30.0, 40.0, 50.0, 50.0, 0.0, 40.0, 40.0, 20.0, 40.0, 0.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 40.0, 20.0, 20.0, 70.0, 40.0, 10.0, -1.0, 40.0, 30.0, 90.0, 30.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, -1.0, 10.0, 20.0, 30.0, -1.0, 20.0, 50.0, 50.0, 20.0, 10.0, 0.0, 40.0, 50.0, 40.0, 20.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 20.0, 0.0, 40.0, -1.0, 40.0, 10.0, 0.0, 30.0, 20.0, -1.0, 40.0, 40.0, 10.0, 50.0, 40.0, 10.0, 40.0, 0.0, 60.0, 30.0, 20.0, 0.0, 10.0, -1.0, 0.0, -1.0, 30.0, 40.0, 30.0, 10.0, 20.0, -1.0, 30.0, 20.0, 60.0, 20.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 10.0, 30.0, 70.0, 10.0, 60.0, 30.0, 20.0, 50.0, 50.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 50.0, 50.0, -1.0, 10.0, 40.0, 80.0, 40.0, -1.0, 30.0, 80.0, 10.0, 10.0, -1.0, 30.0, 40.0, 40.0, 30.0, 70.0, 0.0, 10.0, 0.0, 40.0, 40.0, 60.0, 60.0, 30.0, 40.0, 10.0, 0.0, 30.0, 30.0, 20.0, -1.0, 10.0, 40.0, 50.0, 40.0, 40.0, 50.0, 20.0, 70.0, 70.0, 60.0, 20.0, 20.0, 20.0, 30.0, -1.0, -1.0, 40.0, 10.0, 30.0, 10.0, 40.0, 10.0, 30.0, 40.0, 0.0, 10.0, -1.0, 40.0, 0.0, 20.0, 70.0, 10.0, 20.0, 20.0, 30.0, 50.0, 40.0, 80.0, 60.0, 20.0, 30.0, 30.0, 90.0, 10.0, 30.0, 20.0, 60.0, 10.0, 20.0, 40.0, 30.0, 50.0, 60.0, 20.0, -1.0, -1.0, -1.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 0.0, 20.0, 20.0, 30.0, 20.0, 10.0, 50.0, -1.0, 10.0, 30.0, 0.0, -1.0, 10.0, 20.0, 30.0, 0.0, 30.0, 40.0, 20.0, 40.0, -1.0, 50.0, 60.0, 10.0, 40.0, 40.0, 10.0, 40.0, 0.0, 30.0, 30.0, 10.0, 20.0, 40.0, 10.0, 40.0, 30.0, 0.0, 40.0, 40.0, 0.0], (6800, 0): [100.0, 80.0, 80.0, 60.0, 90.0, 60.0, 80.0, 70.0, 80.0, 60.0, 60.0, 40.0, 90.0, 50.0, 90.0, 60.0, 100.0, 60.0, 90.0, 100.0, 30.0, 20.0, 60.0, 60.0, 70.0, 100.0, 60.0, 30.0, 80.0, 60.0, 70.0, 100.0, 70.0, 100.0, 80.0, 90.0, 70.0, 100.0, 90.0, 70.0, 100.0, 70.0, 70.0, 80.0, 50.0, 100.0, 70.0, 40.0, 80.0, 50.0, 70.0, 100.0, 100.0, 60.0, 70.0, 80.0, 30.0, 100.0, 30.0, 40.0, 80.0, 40.0, 80.0, 100.0, 60.0, 80.0, 60.0, 60.0, 90.0, 100.0, 50.0, 60.0, 60.0, 100.0, 80.0, 100.0, 80.0, 40.0, 100.0, 70.0, 50.0, 10.0, 90.0, 100.0, 90.0, 60.0, 100.0, 60.0, 80.0, 80.0, 50.0, 40.0, 70.0, 80.0, 100.0, 60.0, 100.0, 50.0, 100.0, 90.0, 50.0, 40.0, 80.0, 30.0, 80.0, 50.0, 90.0, 90.0, 60.0, 70.0, 60.0, 100.0, 70.0, 80.0, 60.0, 90.0, 80.0, 90.0, 90.0, 70.0, 70.0, 70.0, 70.0, 20.0, 20.0, 100.0, 60.0, 40.0, 60.0, 90.0, 80.0, 60.0, 90.0, 90.0, 80.0, 60.0, 100.0, 40.0, 100.0, 20.0, 70.0, 70.0, 80.0, 60.0, 60.0, 90.0, 60.0, 30.0, 40.0, 100.0, 50.0, 40.0, 90.0, 90.0, 50.0, 100.0, 80.0, 80.0, 60.0, 70.0, 40.0, 70.0, 70.0, 80.0, 70.0, 50.0, 60.0, 100.0, 80.0, 30.0, 40.0, 40.0, 60.0, 60.0, 50.0, 70.0, 50.0, 80.0, 30.0, 60.0, 60.0, 50.0, 80.0, 50.0, 70.0, 100.0, 90.0, 70.0, 50.0, 80.0, 90.0, 90.0, 90.0, 90.0, 60.0, 70.0, 90.0, 60.0, 60.0, 90.0, 90.0, 80.0, 80.0, 80.0, 80.0, 60.0, 100.0, 90.0, 80.0, 20.0, 70.0, 90.0, 60.0, 70.0, 60.0, 90.0, 90.0, 30.0, 60.0, 90.0, 60.0, 100.0, 50.0, 20.0, 60.0, 90.0, 20.0, 90.0, 60.0, 100.0, 100.0, 90.0, 90.0, 90.0, 60.0, 90.0, 70.0, 90.0, 70.0, 20.0, 50.0, 90.0, 60.0, 50.0, 80.0, 90.0, 80.0, 70.0, 100.0, 70.0, 100.0, 60.0, 70.0, 60.0, 70.0, 100.0, 80.0, 60.0, 100.0, 90.0, 100.0, 90.0, 60.0, 100.0, 100.0, 70.0, 70.0, 60.0, 100.0, 70.0, 60.0, 60.0, 30.0, 80.0, 100.0, 60.0, 70.0, 80.0, 90.0, 50.0, 80.0, 80.0, 30.0, 70.0, 80.0, 80.0, 70.0, 90.0], (8500, 0): [40.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 90.0, 100.0, 100.0, 90.0, 100.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 40.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 50.0, 80.0, 90.0, 90.0, 80.0, 70.0, 90.0, 10.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 100.0, 90.0, 80.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 80.0], (8500, 5100): [100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 20.0, 40.0, 20.0, 100.0, 90.0, 40.0, 80.0, 100.0, 80.0, 80.0, 10.0, 90.0, 100.0, 90.0, 100.0, 10.0, 20.0, 100.0, 100.0, 50.0, 10.0, 100.0, 100.0, 10.0, 0.0, 100.0, 10.0, 90.0, 100.0, 10.0, 100.0, 0.0, 100.0, 70.0, 80.0, 100.0, 0.0, 20.0, 0.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 10.0, 0.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 0.0, 60.0, 100.0, 0.0, 100.0, 60.0, 20.0, 80.0, 20.0, 10.0, 0.0, 100.0, 0.0, 100.0, 100.0, 90.0, 50.0], (3400, 3400): [30.0, 40.0, 40.0, 50.0, 60.0, 70.0, 20.0, 30.0, 40.0, 80.0, 10.0, 40.0, 20.0, 0.0, 10.0, 40.0, 0.0, 10.0, 20.0, 0.0, 50.0, 0.0, 10.0, 100.0, 50.0, 20.0, 20.0, 80.0, 70.0, 0.0, 0.0, 90.0, 20.0, 20.0, 20.0, 10.0, 20.0, 40.0, 10.0, 20.0, 10.0, 40.0, 20.0, 0.0, 10.0, 0.0, 40.0, 10.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 50.0, 10.0, 10.0, 30.0, 20.0, 0.0, 0.0, 10.0, 10.0, 100.0, 10.0, 70.0, 10.0, 10.0, 100.0, 80.0, 20.0, 0.0, 20.0, 0.0, 0.0, 30.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 10.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 30.0, 90.0, 60.0, 0.0, 0.0, 0.0, 50.0, 60.0, 40.0, 60.0, 10.0, 10.0, 70.0, 60.0, 50.0, 50.0, 0.0, 100.0, 20.0, 70.0, 60.0, 20.0, 0.0], (5100, 1700): [90.0, 100.0, 30.0, 60.0, 40.0, 10.0, 20.0, 60.0, 20.0, 0.0, 100.0, 60.0, 70.0, 0.0, 30.0, 50.0, 30.0, 30.0, 30.0, 0.0, 0.0, 20.0, 20.0, 20.0, 20.0, 80.0, 30.0, 20.0, 0.0, 40.0, 20.0, 50.0, 80.0, 100.0, 100.0, 0.0, 40.0, 0.0, 100.0, 0.0, 30.0, 0.0, 20.0, 40.0, 10.0, 80.0, 60.0, 60.0, 10.0, 0.0, 10.0, 0.0, 30.0, 30.0, 0.0, 0.0, 70.0, 30.0, 30.0, 10.0, 40.0, 0.0, 30.0, 70.0, 0.0, 20.0, 60.0, 10.0, 30.0, 10.0, 40.0, 50.0, 0.0, 0.0, 30.0, 50.0, 40.0, 100.0, 20.0, 70.0, 90.0, 10.0, 10.0, 70.0, 100.0, 0.0, 30.0, 90.0, 20.0, 30.0, 0.0, 0.0, 90.0, 20.0, 40.0, 0.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 10.0, 0.0, 50.0, 60.0, 50.0, 20.0, 80.0, 10.0, 40.0, 10.0, 10.0, 30.0, -1.0, 0.0, 30.0, 70.0, 50.0, 40.0, 40.0, 0.0, 0.0, 30.0, 50.0, 0.0, 40.0, 30.0, 40.0, 50.0, 60.0, 0.0, 30.0, 80.0, 10.0, 50.0, 0.0, 70.0, 40.0, 20.0, 60.0, 50.0, 60.0, 10.0, 80.0, 100.0, 100.0, 50.0, 0.0, 20.0, 30.0, 50.0, 80.0, 20.0, 0.0, 40.0, 80.0, 100.0, 40.0, 10.0, 40.0, 0.0, 30.0, 10.0, 70.0, 90.0, 100.0, 10.0, 60.0, 20.0, 40.0, 0.0, 100.0, 10.0, 60.0, 20.0, 50.0, 0.0, 30.0, 90.0, 30.0, 60.0, 0.0, 0.0, 70.0, 80.0, 30.0, 10.0, 60.0, 40.0, 10.0, 50.0, 30.0, 10.0, 50.0, 80.0, 0.0, 60.0, 10.0, 0.0, 0.0, 60.0, 30.0, 10.0, 30.0, 40.0, 40.0, 0.0, 20.0, 90.0, 30.0, 10.0, 0.0, 50.0, 50.0, 0.0, 30.0, 40.0, 20.0, 0.0, 40.0, 70.0, 30.0, 10.0, 0.0, 80.0, 30.0, 50.0, 60.0, 10.0, 10.0, 0.0, 0.0, 40.0, 10.0, 60.0, 40.0, 0.0, 50.0, 80.0, 100.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 40.0, 30.0, 30.0, 10.0, 40.0, 0.0, 10.0, 10.0, 100.0, 40.0, 10.0, 70.0, 30.0, 40.0, 30.0, 10.0, 0.0, 10.0, 10.0, 10.0, 70.0, 30.0, 10.0, 40.0, 20.0, 0.0, 0.0, 0.0, 50.0, 0.0, 10.0, 90.0, 40.0, 70.0, 0.0, 80.0, 0.0, 0.0, 100.0, 0.0, 30.0, 30.0, 30.0, 100.0, 0.0, 10.0, 30.0, 30.0, 20.0, 90.0, 10.0, 20.0, 0.0, 20.0, -1.0, 60.0, 20.0, 60.0, 40.0, 30.0, 100.0, 30.0, 10.0, 20.0, 40.0, 10.0, 80.0, 0.0, 0.0, 10.0, 20.0, 70.0, 100.0, 40.0, 20.0, 10.0, 50.0, 20.0, 30.0, 70.0, 60.0, 10.0, 50.0, 10.0, 0.0, 10.0, 10.0, 40.0, 90.0, 50.0, 60.0, 10.0, 80.0, 40.0, 0.0, 20.0, 20.0, 20.0, 10.0, 20.0, 0.0, 0.0, 20.0, 80.0, 60.0, 0.0, 0.0, 20.0, 70.0, 80.0, 70.0, 90.0, 0.0, 30.0, 70.0, 10.0, 50.0, 0.0, 70.0, 50.0, 0.0, 80.0, 0.0, 20.0, 10.0, 70.0, 30.0, 80.0, 20.0, 0.0, 10.0, 0.0, 50.0, 80.0, 30.0, 100.0, 20.0, 20.0, 100.0, 70.0, 10.0, 60.0, 20.0, 40.0, 0.0, 20.0, 100.0, 100.0, 50.0, 50.0, 0.0, 30.0, 10.0, 90.0, 0.0, 60.0, 10.0, 20.0, 80.0, 0.0, 10.0, 0.0, 0.0, 20.0, 60.0, 30.0, 70.0, 100.0, 10.0, 100.0, 0.0, 70.0, 0.0, 30.0, 40.0, 100.0, 10.0, 20.0, 10.0, 50.0, 10.0, 100.0, 0.0, -1.0, 10.0, 100.0, 40.0, 10.0, 0.0, 0.0, 50.0, 70.0, 60.0, 60.0, 0.0, 100.0, 100.0, 30.0, 60.0, 0.0, 50.0, 10.0, 0.0, 60.0, 20.0, 10.0, 0.0, 40.0, 60.0, 100.0, 20.0, 10.0, 100.0, 0.0, 10.0, 20.0, 70.0, 30.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 60.0, 60.0, 10.0, 30.0, 20.0, 0.0, 0.0, 20.0, 30.0, 0.0, 10.0, 100.0, 40.0], (8500, 3400): [0.0, 100.0, 100.0, 50.0, 100.0, 30.0, 20.0, 90.0, 100.0, 100.0, 0.0, 70.0, 100.0, 10.0, 100.0, 30.0, 60.0, 100.0, 100.0, 100.0, 40.0, 60.0, 10.0, 100.0, 80.0, 60.0, 100.0, 40.0, 100.0, 100.0, 0.0, 70.0, 80.0, 30.0, 100.0, 0.0, 100.0, 0.0, 100.0, 10.0, 100.0, 20.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 0.0, 80.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 30.0, 100.0, 20.0, 10.0, 90.0, 0.0, 50.0, 50.0, 100.0, 100.0, 40.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 80.0, 10.0, 100.0, 10.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 40.0, 100.0, 20.0, 100.0, 30.0, 100.0, 100.0, 10.0, 100.0, 90.0, 30.0, 80.0, 30.0, 100.0, 100.0, 0.0, 100.0, 80.0, 0.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 60.0, 40.0, 70.0, 100.0, 60.0, 90.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 40.0, 100.0], (6800, 1700): [30.0, 100.0, 90.0, 100.0, 100.0, 70.0, 80.0, 30.0, 30.0, 100.0, 100.0, 50.0, 80.0, 50.0, 90.0, 90.0, 100.0, 100.0, 70.0, 100.0, 10.0, 10.0, 10.0, 10.0, 20.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 70.0, 80.0, 10.0, 30.0, 0.0, 30.0, 40.0, 40.0, 80.0, 30.0, 100.0, 100.0, 20.0, 100.0, 0.0, 60.0, 70.0, 0.0, 100.0, 90.0, 80.0, 20.0, 40.0, 10.0, 100.0, 40.0, 70.0, 100.0, 20.0, 10.0, 60.0, 20.0, 40.0, 70.0, 40.0, 100.0, 90.0, 100.0, 100.0, 90.0, 20.0, 100.0, 40.0, 40.0, 60.0, 100.0, 10.0, 30.0, 10.0, 80.0, 60.0, 100.0, 30.0, 50.0, 100.0, 100.0, 0.0, 100.0, 100.0, 70.0, 100.0, 30.0, 0.0, 100.0, 100.0, 80.0, 80.0, 100.0, 10.0, 10.0, 10.0, 0.0, 100.0, 100.0, 20.0, 10.0, 90.0, 20.0, 90.0, 70.0, 70.0, 10.0, 80.0, 100.0, 100.0, 100.0, 100.0, 50.0, 100.0, 0.0, 20.0, 70.0, 30.0, 100.0, 0.0, 10.0, 70.0, 60.0, 30.0, 100.0, 10.0, 50.0, 50.0, 100.0, 100.0, 30.0, 100.0, 10.0, 40.0, 0.0, 10.0, 90.0, 70.0, 60.0, 70.0, 30.0, 100.0, 70.0, 20.0, 70.0, 60.0, 100.0, 20.0, 70.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 30.0, 60.0, 60.0, 80.0, 70.0, 10.0, 30.0, 80.0, 0.0, 0.0, 100.0, 100.0, 60.0, 0.0, 80.0, 100.0, 100.0, 80.0, 50.0, 100.0, 20.0, 100.0, 10.0, 80.0, 20.0, 60.0, 60.0, 70.0, 50.0, 100.0, 100.0, 100.0, 70.0, 100.0, 70.0, 30.0, 100.0, 80.0, 100.0, 70.0, 80.0, 10.0, 20.0, 50.0, 100.0, 70.0, 0.0, 100.0, 20.0, 10.0, 0.0, 80.0, 90.0, 70.0, 20.0, 20.0, 10.0, 20.0, 90.0, 80.0, 60.0, 50.0, 10.0, 20.0, 100.0, 100.0, 20.0, 60.0, 80.0, 100.0, 100.0, 0.0, 10.0, 60.0, 100.0, 80.0, 100.0, 50.0, 30.0, 100.0, 80.0, 90.0, 100.0, 80.0, 50.0, 100.0, 50.0, 100.0, 0.0, 70.0, 20.0, 100.0, 100.0, 60.0, 60.0, 100.0, 80.0, 100.0, 80.0, 30.0, 0.0, 80.0, 70.0, 100.0, 100.0, 10.0, 70.0, 30.0, 100.0, 30.0, 90.0, 60.0, 80.0, 40.0, 100.0, 100.0, 70.0, 100.0, 10.0, 100.0, 30.0, 20.0, 100.0, 100.0, 0.0, 60.0, 50.0, 30.0, 60.0, 90.0, 80.0, 40.0, 100.0, 10.0, 90.0, 30.0, 50.0, 20.0, 90.0, 30.0, 100.0, 100.0, 40.0, 100.0, 40.0, 0.0, 100.0, 100.0, 20.0, 0.0], (3400, 1700): [40.0, 10.0, 20.0, 50.0, 20.0, 20.0, 30.0, 30.0, 40.0, 0.0, 40.0, 40.0, 80.0, 40.0, 20.0, 20.0, 30.0, 0.0, 40.0, 50.0, 40.0, 30.0, 10.0, -1.0, 0.0, 90.0, 20.0, 100.0, 10.0, 20.0, 80.0, -1.0, 70.0, 10.0, 50.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 30.0, 50.0, 40.0, 10.0, 70.0, 60.0, 50.0, 40.0, 30.0, 30.0, 30.0, 20.0, 0.0, 60.0, 10.0, 40.0, 40.0, -1.0, 30.0, 20.0, 50.0, 30.0, 40.0, -1.0, 20.0, 20.0, 0.0, 20.0, 40.0, 0.0, 10.0, 10.0, 80.0, 80.0, 0.0, 20.0, 50.0, 10.0, 30.0, 30.0, 100.0, 20.0, 90.0, 60.0, 20.0, 30.0, 0.0, 90.0, 100.0, 80.0, 30.0, 20.0, -1.0, 0.0, 10.0, 80.0, 20.0, 80.0, 30.0, 50.0, 30.0, 10.0, 0.0, 60.0, 50.0, 30.0, 30.0, 30.0, 80.0, 0.0, 10.0, 40.0, 20.0, 70.0, 10.0, 30.0, 30.0, 20.0, 80.0, 50.0, 20.0, 0.0, 50.0, 40.0, 80.0, 20.0, 30.0, 60.0, 40.0, 20.0, 0.0, 30.0, 50.0, 10.0, 20.0, 40.0, 40.0, 80.0, 40.0, 30.0, 30.0, 10.0, 0.0, 30.0, 0.0, 20.0, 40.0, 10.0, 10.0, 80.0, 0.0, 40.0, 0.0, 40.0, 10.0, 0.0, 50.0, 20.0, 30.0, 100.0, 70.0, 10.0, 40.0, 50.0, 50.0, 70.0, 40.0, 40.0, 50.0, 30.0, 20.0, 30.0, 40.0, 0.0, 0.0, 50.0, 40.0, 20.0, 10.0, 30.0, 20.0, 60.0, 100.0, 60.0, 10.0, 30.0, 20.0, 20.0, 40.0, 50.0, 50.0, 50.0, 40.0, 20.0, 20.0, 10.0, 40.0, 40.0, 0.0, 80.0, 0.0, 40.0, 30.0, 0.0, 0.0, 10.0, 0.0, 10.0, 0.0, 30.0, 90.0, 60.0, 100.0, 0.0, 60.0, 40.0, 0.0, 40.0, 30.0, 10.0, 40.0, 50.0, 0.0, 0.0, 10.0, 10.0, 30.0, 10.0, 30.0, 20.0, 90.0, 30.0, 50.0, 60.0, 40.0, 0.0, 10.0, 60.0, 30.0, 40.0, 20.0, 10.0, 0.0, 0.0, 50.0, 50.0, 70.0, 40.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 10.0, 50.0, 20.0, 20.0, 30.0, 20.0, 20.0, 40.0, 30.0, 50.0, 100.0, 20.0, 30.0, 10.0, 80.0, 70.0, 0.0, 100.0, 0.0, 20.0, 40.0, 10.0, 10.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 80.0, 20.0, 40.0, 60.0, 10.0, 30.0, 10.0, 40.0, 0.0, 40.0, 10.0, 20.0, 40.0, 60.0, 40.0, 0.0, 30.0, 60.0, 90.0, 20.0, 0.0, 0.0, 60.0, 30.0, -1.0, 20.0, 30.0, 40.0, 40.0, 60.0, 0.0, 0.0, 30.0, 60.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 100.0, 70.0, 40.0, 60.0, 20.0, 30.0, 60.0, 30.0, 20.0, 100.0, 10.0, 50.0, 10.0, 10.0, 40.0, 0.0, 20.0, 10.0, 30.0, 40.0, 0.0, 0.0, 30.0, 70.0, 40.0, 60.0, 50.0, 0.0, 30.0, 90.0, 30.0, 40.0, 0.0, 30.0, 50.0, 90.0, 100.0, 70.0, 70.0, 10.0, 20.0, 30.0, 100.0, -1.0, 20.0, 30.0, 0.0, 100.0, 30.0, 30.0, 20.0, 80.0, 0.0, 40.0, 30.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 0.0, 10.0, 40.0, 80.0, 70.0, 10.0, 10.0, 0.0, 50.0, 30.0, 0.0, 20.0, 0.0, 40.0, 30.0, 40.0, 20.0, 10.0, 10.0, 20.0, 30.0, 100.0, 80.0, 0.0, 40.0, 70.0, 100.0, 40.0, 0.0, 0.0, -1.0, 100.0, 20.0, 10.0, 30.0, 40.0, 0.0, 30.0, 20.0, 0.0, 30.0, 20.0, 30.0, 10.0, 50.0, 10.0, 20.0, 40.0, 20.0, 100.0, 20.0, 10.0, 30.0, 100.0, 80.0, 0.0, 60.0, 30.0, 40.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 40.0, 10.0, 10.0, 60.0, 80.0, 60.0, 20.0, 40.0, 30.0, 40.0, 60.0, 30.0, 0.0, 60.0, 40.0, 10.0, 30.0, 10.0, 100.0, 20.0, 80.0, 20.0, 80.0, 20.0, 30.0, 50.0, 20.0, 40.0, 40.0, 60.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, -1.0, 10.0, 30.0, 70.0, 90.0, 20.0, 70.0, 30.0, 20.0, 50.0, 30.0, 20.0, 60.0, 10.0, 50.0, 40.0, 0.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 30.0, 40.0, 50.0, 10.0, 10.0, 40.0, 20.0, -1.0, 60.0, 20.0, 30.0, 10.0, 10.0, 30.0, 90.0, 40.0, 0.0, 90.0, 30.0, 30.0, 20.0, 50.0, 60.0, 10.0, 70.0, 80.0, 20.0, 20.0, 20.0, 30.0, 50.0, 40.0, 20.0, 30.0, 20.0, 70.0, 20.0, 20.0, 0.0, 70.0, 10.0, 0.0, 30.0, 40.0, 50.0, 30.0, 0.0, 20.0, 10.0, 60.0, 10.0, 10.0, 40.0, 20.0, 30.0, 40.0, 0.0, 70.0, 30.0, 40.0, 0.0, 0.0, -1.0, 40.0, 30.0, 80.0, 0.0, 0.0, 10.0, 30.0, 40.0, 20.0, 80.0, 20.0, 20.0, 40.0, 100.0, 20.0, 40.0, 60.0, 20.0, 40.0, 40.0, 50.0, 30.0, 80.0, 30.0, 20.0, 10.0, 30.0, 70.0, 50.0, 50.0, 100.0, 10.0, 50.0, 70.0, 50.0, -1.0, 30.0, 20.0, 20.0, 40.0, 50.0, -1.0, 20.0, 20.0, 50.0, 0.0, 60.0, 80.0, 20.0, 40.0, 30.0, 40.0, 30.0, 80.0, 20.0, 20.0, 0.0, 30.0, 30.0, 50.0, 0.0, 10.0, 70.0, 70.0, 20.0, 50.0, 30.0, 0.0, 100.0, 60.0, 30.0, 30.0, 80.0, 80.0, 50.0, 30.0, 40.0, 30.0, 60.0, 10.0, 40.0, 10.0, 30.0, 50.0, 50.0, 10.0, 20.0, 20.0, -1.0, 0.0, 10.0, 40.0, 0.0, 60.0, 10.0, -1.0, 30.0, 30.0, 10.0, 30.0, 30.0, 70.0, 0.0, 10.0, 40.0, 20.0, -1.0, 30.0, 10.0, 20.0, 0.0, 20.0, 50.0, 20.0, 40.0, 0.0, 40.0, 80.0, 30.0, 0.0, 40.0, 20.0, 20.0, 10.0, 70.0, 50.0, 60.0, 10.0, 0.0, 0.0, 70.0, 60.0, 60.0, 60.0, 40.0, 30.0, -1.0, 50.0, 20.0, 50.0, 70.0, 0.0, 50.0, 40.0, 30.0, 100.0, 40.0, -1.0, 0.0, 0.0, 30.0, 50.0, 30.0, 10.0, 60.0, 40.0, 40.0, 0.0, 0.0, 20.0, 60.0, 30.0, 50.0, 70.0, 0.0, 30.0, 0.0, 0.0, 10.0, 10.0, 30.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 20.0, 30.0, 10.0, 50.0, 30.0, 50.0, 30.0, 30.0, 0.0, 20.0, 50.0, 50.0, 40.0, 60.0, 60.0, 90.0, 80.0, 0.0, 30.0, 50.0, 20.0, 50.0, 20.0, 40.0, 10.0, 20.0, 0.0, 20.0, 10.0, 30.0, -1.0, 20.0, 0.0, 40.0, 40.0, 10.0, 10.0, 0.0, 0.0, 40.0, 50.0, 30.0, 0.0, 10.0, 10.0, 30.0, 20.0, 0.0, 20.0, 30.0, 80.0, 50.0, 40.0, 30.0, 20.0, 30.0, 50.0, 10.0, 90.0, 50.0, 20.0, 30.0, 50.0, 20.0, 50.0, 20.0, 30.0, 60.0, 40.0, 30.0, 0.0, 70.0, 90.0, 50.0, 0.0, 80.0, 30.0, 40.0, 0.0, 10.0, 100.0, 20.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 10.0, 20.0, 30.0, 30.0, 30.0, 0.0, 20.0, 60.0, 0.0, 20.0, 20.0, 20.0, 20.0, 40.0, 0.0, 40.0, 60.0, 40.0, 20.0, 20.0, 0.0, 40.0, 40.0, 0.0, 40.0, 60.0, 30.0, 70.0, 0.0, 20.0, 30.0, 10.0, 20.0, 40.0, 50.0, 0.0, 10.0, 20.0, 30.0, 0.0, 70.0, 30.0, 0.0, 30.0, 30.0, 10.0, 10.0, 30.0, 10.0, 10.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 10.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0, 40.0], (6800, 5100): [100.0, 30.0, 20.0, 30.0, 70.0, 30.0, 50.0, 10.0, 100.0, 100.0, 100.0, 10.0, 20.0, 20.0, 100.0, 20.0, 50.0, 100.0, 20.0, 10.0, 90.0, 0.0, 100.0, 10.0, 100.0, 70.0, 70.0, 30.0, 30.0, 10.0, 10.0, 0.0, 100.0, 100.0, 90.0, 0.0, 60.0, 10.0, 90.0, 40.0, 70.0, 100.0, 20.0, 0.0, 100.0, 70.0, 0.0, 50.0, 100.0, 100.0, 100.0, 0.0, 80.0, 100.0, 100.0, 30.0, 80.0, 10.0, 20.0, 100.0, 100.0, 100.0, 30.0, 0.0, 100.0, 20.0, 10.0, 100.0, 0.0, 20.0, 50.0, 100.0, 100.0, 0.0, 100.0, 100.0, 60.0, 80.0, 80.0, 10.0, 20.0, 90.0, 30.0, 0.0, 100.0, 10.0, 0.0, 0.0, 50.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 10.0, 20.0, 100.0, 40.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 0.0, 20.0, 100.0, 100.0, 30.0, 20.0, 100.0, 10.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 10.0, 10.0, 100.0, 100.0, 100.0, 20.0, 50.0, 100.0, 70.0, 60.0, 0.0, 60.0, 40.0, 20.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 20.0, 70.0, 10.0, 50.0, 70.0, 100.0, 10.0, 0.0, 50.0, 100.0, 100.0, 50.0, 100.0, 90.0, 20.0, 0.0], (5100, 3400): [20.0, 60.0, 60.0, 50.0, 70.0, 0.0, 20.0, 0.0, 0.0, 10.0, 0.0, 100.0, 0.0, 100.0, 20.0, 20.0, 80.0, 100.0, 0.0, 0.0, 60.0, 10.0, 10.0, 50.0, 40.0, 50.0, 20.0, 100.0, 30.0, 10.0, 10.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 20.0, 10.0, 20.0, 20.0, 40.0, 0.0, 60.0, 10.0, 100.0, 70.0, 60.0, 10.0, 10.0, 30.0, 0.0, 80.0, 10.0, 100.0, 10.0, 30.0, 60.0, 90.0, 40.0, 70.0, 100.0, 30.0, 0.0, 100.0, 20.0, 40.0, 70.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 60.0, 50.0, 20.0, 0.0, 60.0, 90.0, 10.0, 20.0, 0.0, 40.0, 10.0, 100.0, 0.0, 100.0, 0.0, 20.0, 40.0, 0.0, 50.0, 0.0, 20.0, 0.0, 10.0, 0.0, 20.0, 80.0, 100.0, 40.0, 0.0, 0.0, 10.0, 0.0, 50.0, 50.0, 60.0, 0.0, 10.0, 10.0, 0.0, 40.0, 100.0, 40.0, 40.0, 50.0, 0.0, 100.0, 0.0, 30.0, 40.0, 60.0, 90.0, 40.0, 40.0, 0.0, 0.0, 30.0, 80.0, 10.0, 30.0, 30.0, 40.0, 0.0, 20.0, 10.0, 0.0, 30.0, 60.0, 70.0, 0.0, 90.0, 20.0, 50.0, 30.0, 20.0, 20.0, 10.0, 30.0, 0.0, 100.0, 0.0, 50.0, 10.0, 30.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 40.0, 80.0, 0.0, 60.0, 100.0, 50.0, 0.0, 40.0, 0.0, 10.0, 10.0, 30.0, 0.0, 20.0, 90.0, 100.0, 0.0, 70.0, 80.0, 10.0, 80.0, 0.0, 100.0, 90.0, 0.0, 10.0, 0.0, 60.0, 10.0, 0.0, 50.0, 40.0, 100.0, 10.0, 20.0, 100.0, 0.0, 0.0, 10.0, 10.0, 100.0, 30.0, 100.0, 20.0, 20.0, 50.0, 20.0, 90.0, 20.0, 80.0, 0.0, 20.0, 60.0, 10.0, 50.0, 20.0, 0.0, 100.0, 0.0, 0.0, 10.0, 20.0, 10.0, 40.0, 50.0, 20.0, 0.0, 50.0, 70.0, 70.0, 10.0, 0.0, 0.0, 0.0, 100.0, 0.0, 0.0, 50.0, 60.0, 90.0, 0.0, 0.0, 10.0, 0.0, 0.0, 10.0, 0.0, 0.0, 90.0, 0.0, 30.0, 10.0, 40.0, 90.0, 20.0, 100.0, 100.0, 100.0, 20.0, 90.0, 10.0, 60.0, 60.0, 80.0, 60.0, 20.0, 0.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 10.0, 10.0, 0.0, 10.0, 50.0, 70.0, 20.0, 0.0, 30.0, 90.0, 30.0, 90.0, 0.0, 20.0, 100.0, 0.0, 50.0, 0.0, 100.0, 10.0, 40.0, 20.0, 100.0, 0.0, 30.0, 20.0, 20.0, 80.0, 0.0, 0.0, 0.0, 60.0, 60.0, 90.0, 60.0, 30.0, 0.0, 40.0, 0.0, 0.0, 20.0, 70.0, 40.0, 100.0, 0.0, 10.0, 0.0, 0.0, 20.0, 30.0, 80.0, 0.0, 0.0, 100.0, 40.0, 60.0, 70.0, 30.0, 0.0, 60.0, 40.0, 10.0, 100.0, 10.0, 10.0, 0.0, 0.0, 20.0, 30.0, 30.0, 100.0, 90.0, 0.0, 60.0, 10.0, 0.0, 40.0, 30.0, 100.0, 50.0, 90.0, 0.0, 10.0, 0.0, 10.0, 30.0, 100.0, 10.0, 100.0, 30.0, 60.0, 60.0, 70.0, 70.0, 10.0, 30.0, 70.0, 20.0, 0.0, 100.0, 0.0, 10.0, 100.0, 80.0, 0.0, 100.0, 80.0, 0.0, 100.0, 50.0, 0.0, 50.0, 40.0, 0.0, 80.0, 10.0, 100.0, 0.0, 0.0, 0.0, 40.0, 70.0, 60.0, 90.0, 90.0, 30.0, 30.0, 20.0, 10.0, 0.0, 100.0, 0.0, 0.0, 20.0, 80.0, 100.0, 70.0, 0.0, 0.0, 0.0, 100.0, 10.0, 60.0, 0.0, 0.0, 0.0, 60.0, 40.0, 20.0, 40.0, 100.0, 10.0, 0.0, 10.0, 0.0, 0.0, 60.0, 40.0, 10.0, 100.0, 90.0, 0.0, 90.0, 0.0, 100.0, 10.0, 80.0, 60.0, 90.0, 20.0, 0.0, 30.0, 50.0, 70.0, 90.0, 0.0, 20.0, 40.0, 70.0, 50.0, 10.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 60.0, 50.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 40.0, 100.0, 50.0, 10.0, 0.0, 20.0, 0.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 10.0, 50.0, 60.0, 10.0, 30.0, 0.0, 20.0, 90.0, 50.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 60.0, 0.0, 100.0, 0.0, 60.0, 10.0, 0.0, 10.0, 90.0, 20.0, 20.0, 0.0, 10.0, 0.0, 10.0, 0.0, 50.0, 60.0, 0.0, 0.0, 20.0, 100.0, 60.0, 100.0, 90.0, 0.0, 30.0, 0.0, 30.0, 0.0, 0.0, 40.0, 60.0, 0.0, 0.0, 60.0, 80.0, 40.0, 100.0, 20.0, 80.0, 0.0, 10.0, 80.0, 80.0, 20.0, 0.0, 40.0, 100.0, 70.0, 0.0, 10.0, 0.0, 10.0, 0.0, 40.0, 20.0, 90.0, 100.0, 90.0, 0.0, 30.0, 80.0, 30.0, 0.0, 0.0, 70.0, 60.0, 10.0, 0.0, 50.0, 50.0, 20.0, 0.0, 0.0, 40.0, 60.0, 80.0, 0.0, 50.0, 60.0, 70.0, 0.0, 40.0, 90.0, 40.0, 40.0, 50.0, 20.0, 20.0, 40.0, 40.0, 100.0, 0.0, 50.0, 0.0, 20.0, 40.0, 40.0, 100.0, 70.0, 10.0, 40.0, 0.0, 0.0, 100.0, 30.0, 10.0, 80.0, 100.0, 20.0, 50.0, 30.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 60.0, 100.0, 30.0, 10.0, 10.0, 100.0, 100.0, 50.0, 80.0, 20.0, 0.0, 30.0, 0.0, 10.0, 20.0, 100.0, 30.0, 10.0, 10.0, 0.0, 20.0, 60.0, 10.0, 30.0, 0.0, 20.0, 50.0, 90.0, 30.0, -1.0, 0.0, 50.0, 30.0, 10.0, 0.0, 10.0, 0.0, 10.0, 0.0, 60.0, 0.0, 70.0, 0.0, 0.0, 60.0, 10.0, 90.0, 70.0, 0.0, 10.0, 50.0, 100.0, 20.0, 20.0, 10.0, 10.0, 60.0, 70.0, 20.0, 90.0, 10.0, 70.0, 90.0, 20.0, 20.0, 0.0, 90.0, 80.0, 50.0, 50.0, 0.0, 100.0, 30.0, 10.0, 60.0, 80.0, 10.0, 30.0, 80.0, 70.0, 0.0, 90.0, 100.0, 50.0, 20.0, 60.0, 10.0, 60.0, 30.0, 40.0, 0.0, 70.0, 0.0, 40.0, 40.0, 0.0, 10.0, 10.0, 70.0, 0.0, 40.0, 10.0, 0.0, 60.0, 90.0, 100.0, 10.0, 50.0, 40.0, 50.0, 0.0, 0.0, 0.0, 0.0, 70.0, 20.0, 0.0, 50.0, 40.0, 60.0, 10.0, 60.0, 0.0, 10.0, 60.0, 70.0, 10.0, 10.0, 0.0, 100.0, 60.0, 0.0, 0.0, 60.0, 40.0, 10.0, 50.0, 0.0, 50.0, 40.0, 20.0, 10.0, 0.0, 50.0, 70.0, 0.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 0.0, 20.0, 20.0, 30.0, 40.0, 0.0, 10.0, 20.0, 0.0, 0.0, 20.0, 40.0, 20.0, 100.0, 20.0, 0.0, 20.0, 30.0, 100.0, 70.0, 20.0, 0.0, 70.0, 30.0, 10.0, 0.0, 100.0, 30.0, 30.0, 60.0, 100.0, 40.0, 20.0, 70.0, 30.0, 100.0, 50.0, 20.0, 0.0, 60.0, 100.0, 90.0, 10.0, 20.0, 0.0, 100.0, 30.0, 80.0, 20.0, 0.0, 70.0, 100.0, 50.0, 0.0, 0.0, 80.0, 20.0, 0.0, 100.0, 90.0, 100.0, 0.0, 0.0, 90.0, -1.0, 100.0, 0.0, 40.0, 50.0, 90.0, 0.0, 0.0, 30.0, 10.0, 100.0, 100.0, 50.0, 100.0, 20.0, 20.0, 100.0, 0.0, 0.0, 100.0, 60.0, 50.0, 40.0, 40.0, 50.0, 100.0, 80.0, 100.0, 40.0, 40.0, 100.0, 100.0, 50.0, 90.0, 50.0, 100.0, 90.0, 30.0, 70.0, 80.0, 50.0, 80.0, 0.0, 0.0, 0.0, 70.0, 50.0, 0.0, 100.0, 0.0, 0.0, 70.0, 0.0, 20.0, 40.0, 0.0, 20.0, 0.0, 100.0, 0.0, 20.0, 30.0, 40.0, 10.0, 10.0, 40.0, 0.0, 40.0, 10.0, 60.0, 30.0, 40.0, 30.0, 80.0, 40.0, 0.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 40.0, 100.0, 10.0, 60.0, 0.0, 90.0, 40.0, 70.0, 100.0, 30.0, 30.0, 20.0, 10.0, 20.0, 30.0, 50.0, 0.0, 70.0, 10.0, 0.0, 20.0, 0.0, 40.0, 0.0, 40.0, 100.0, 10.0, 100.0, 30.0, 0.0, 0.0, 60.0, 10.0, 0.0, 60.0, 0.0, 20.0, 50.0, 10.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1800 = {(1800, 0): [0.0, 0.0, 30.0, 10.0, 60.0, -1.0, 10.0, 30.0, 20.0, 50.0, 30.0, 50.0, 30.0, 10.0, 20.0, 40.0, 10.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 20.0, 90.0, 30.0, -1.0, 20.0, 10.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, -1.0, 30.0, -1.0, -1.0, 30.0, 70.0, 30.0, 50.0, 80.0, 10.0, 50.0, -1.0, 20.0, 30.0, -1.0, 10.0, -1.0, -1.0, 10.0, -1.0, 70.0, 0.0, -1.0, 40.0, 40.0, -1.0, 20.0, 20.0, 20.0, 60.0, -1.0, -1.0, 0.0, 20.0, 20.0, 30.0, 30.0, 10.0, 50.0, 60.0, 10.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 90.0, 30.0, 20.0, 20.0, 30.0, 10.0, -1.0, 10.0, -1.0, 70.0, 80.0, -1.0, 50.0, -1.0, -1.0, 70.0, 20.0, 30.0, 20.0, -1.0, 10.0, 20.0, 70.0, 50.0, 90.0, 40.0, 70.0, 20.0, 20.0, -1.0, 20.0, 30.0, 40.0, 50.0, 40.0, 20.0, 20.0, 10.0, 30.0, 70.0, 10.0, 10.0, 60.0, -1.0, 20.0, 30.0, 40.0, 60.0, 10.0, 90.0, 60.0, 20.0, 70.0, 80.0, -1.0, 10.0, 10.0, -1.0, 10.0, 100.0, -1.0, -1.0, 20.0, 20.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 40.0, 50.0, 10.0, 20.0, 10.0, 30.0, 40.0, -1.0, 0.0, 10.0, 0.0, 20.0, 50.0, 40.0, 20.0, 10.0, -1.0, 20.0, 10.0, 20.0, -1.0, 40.0, 10.0, 20.0, -1.0, -1.0, 40.0, 10.0, 30.0, 40.0, 10.0, 60.0, 10.0, 60.0, 40.0, 0.0, 50.0, 20.0, 10.0, 10.0, 20.0, 50.0, 0.0, 30.0, -1.0, -1.0, 30.0, 40.0, 30.0, 80.0, 50.0, 70.0, 60.0, 20.0, 10.0, 40.0, 20.0, 50.0, -1.0, 20.0, 20.0, -1.0, 60.0, 10.0, 40.0, 10.0, 40.0, 30.0, 20.0, 0.0, 40.0, 40.0, -1.0, 40.0, 20.0, 50.0, 20.0, 10.0, -1.0, 30.0, -1.0, 30.0, 10.0, 80.0, 40.0, 20.0, 30.0, 20.0, 20.0, 70.0, 20.0, 20.0, 40.0, 50.0, 30.0, -1.0, 20.0, 30.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 10.0, 50.0, 10.0, 30.0, 40.0, 50.0, 30.0, 0.0, 40.0, 40.0, 50.0, 20.0, 40.0, 0.0, -1.0, 20.0, 10.0, 0.0, -1.0, 20.0, 40.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 20.0, -1.0, 40.0, 30.0, 90.0, -1.0, 30.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 10.0, -1.0, 80.0, 20.0, 10.0, 60.0, 20.0, 30.0, 20.0, -1.0, 20.0, 50.0, 50.0, 20.0, 10.0, 0.0, 40.0, 50.0, 50.0, 40.0, 20.0, -1.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 20.0, 0.0, 40.0, -1.0, 40.0, 10.0, 0.0, 30.0, 20.0, -1.0, -1.0, 40.0, 40.0, 10.0, 50.0, 40.0, 10.0, 40.0, 0.0, 60.0, 20.0, 30.0, 20.0, 0.0, 60.0, 10.0, -1.0, 0.0, -1.0, 30.0, 40.0, 30.0, 10.0, 20.0, -1.0, 30.0, -1.0, 20.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 10.0, 50.0, 30.0, 70.0, 10.0, 60.0, 30.0, 20.0, 50.0, -1.0, 50.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 40.0, 50.0, 40.0, -1.0, 40.0, 80.0, 40.0, 10.0, -1.0, 30.0, 80.0, 10.0, 10.0, -1.0, 40.0, 40.0, 70.0, 0.0, 20.0, 10.0, 0.0, 20.0, 40.0, 60.0, 60.0, 30.0, 40.0, 10.0, 0.0, 40.0, 30.0, 30.0, -1.0, 60.0, 40.0, 50.0, 50.0, 40.0, 50.0, 20.0, 70.0, 70.0, 60.0, 30.0, 20.0, 20.0, 20.0, -1.0, -1.0, 40.0, 10.0, 0.0, 60.0, 10.0, 30.0, 10.0, 40.0, 10.0, 90.0, 30.0, 40.0, 0.0, 60.0, -1.0, 60.0, 40.0, 0.0, 20.0, 70.0, 10.0, 20.0, 20.0, 30.0, 50.0, 40.0, 80.0, 20.0, 60.0, 30.0, 30.0, 90.0, 10.0, 10.0, 30.0, 20.0, 60.0, 60.0, 10.0, 20.0, 40.0, 20.0, 40.0, 30.0, 40.0, 60.0, 20.0, -1.0, -1.0, -1.0, 50.0, 20.0, 20.0, 20.0, 30.0, 0.0, 20.0, 50.0, 20.0, 20.0, 30.0, 20.0, 50.0, -1.0, 30.0, 10.0, 30.0, 0.0, -1.0, 20.0, 10.0, 20.0, 0.0, 30.0, 40.0, 20.0, 40.0, -1.0, 50.0, 50.0, 10.0, 40.0, 40.0, 10.0, 40.0, -1.0, 0.0, 20.0, 30.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 0.0, 40.0, 40.0, 0.0], (3600, 3600): [20.0, 30.0, 0.0, 40.0, 80.0, 10.0, 0.0, 20.0, 40.0, 0.0, 10.0, 20.0, 0.0, 20.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 10.0, 0.0, 20.0, 0.0, 0.0, 10.0, 20.0, 100.0, 20.0, 20.0, 10.0, 50.0, 60.0, 0.0, 10.0, 20.0, 10.0, 30.0, 100.0, 100.0, 10.0, 80.0, 10.0, 0.0, 40.0, 70.0, 0.0, 10.0, 0.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, 0.0, 0.0, 100.0, 80.0, 0.0, 10.0, 50.0, 0.0, 10.0, 100.0, 10.0, 70.0, 0.0, 30.0, 0.0, 100.0, 10.0, 0.0, 10.0, 60.0, 0.0, 70.0, 0.0, 60.0, 40.0, 10.0, 10.0, 0.0, 0.0, 0.0, 0.0, 40.0, 10.0, 20.0, -1.0, 40.0, 0.0, 0.0, 40.0, 60.0, 70.0, 10.0, 10.0, 20.0, 0.0, 30.0, 40.0, 20.0, 70.0, 10.0, 10.0], (7200, 5400): [100.0, 30.0, 10.0, 100.0, 20.0, 10.0, 100.0, 10.0, 40.0, 0.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 100.0, 90.0, 100.0, 70.0, 70.0, 0.0, 10.0, 0.0, 10.0, 10.0, 100.0, 100.0, 70.0, 80.0, 100.0, 10.0, 0.0, 0.0, 10.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 100.0, 60.0, 100.0, 80.0, 100.0, 10.0, 30.0, 100.0, 100.0, 0.0, 50.0, 100.0, 10.0, 20.0, 40.0, 10.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 0.0, 60.0, 100.0, 20.0, 10.0, 20.0, 0.0, 0.0, 60.0, 20.0, 100.0, 100.0, 20.0, 0.0, 100.0, 90.0, 50.0, 100.0, 100.0, 90.0], (7200, 1800): [100.0, 20.0, 100.0, 90.0, 100.0, 70.0, 100.0, 30.0, 50.0, 20.0, 30.0, 30.0, 50.0, 70.0, 100.0, 100.0, 40.0, 90.0, 50.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 100.0, 0.0, 70.0, 100.0, 10.0, 100.0, 30.0, 10.0, 100.0, 10.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 10.0, 70.0, 40.0, 40.0, 100.0, 40.0, 30.0, 100.0, 100.0, 30.0, 40.0, 100.0, 20.0, 0.0, 70.0, 100.0, 60.0, 100.0, 70.0, 100.0, 100.0, 100.0, 90.0, 80.0, 40.0, 100.0, 40.0, 70.0, 100.0, 20.0, 100.0, 100.0, 10.0, 20.0, 60.0, 0.0, 100.0, 100.0, 50.0, 100.0, 100.0, 90.0, 100.0, 100.0, 20.0, 10.0, 100.0, 10.0, 40.0, 50.0, 30.0, 100.0, 100.0, 10.0, 80.0, 100.0, 30.0, 100.0, 100.0, 0.0, 80.0, 70.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 30.0, 80.0, 100.0, 10.0, 100.0, 100.0, 70.0, 0.0, 100.0, 100.0, 10.0, 60.0, 100.0, 100.0, 60.0, 100.0, 90.0, 80.0, 90.0, 70.0, 70.0, 10.0, 80.0, 100.0, 40.0, 10.0, 100.0, 100.0, 0.0, 20.0, 30.0, 100.0, 50.0, 100.0, 50.0, 100.0, 100.0, 70.0, 100.0, 100.0, 10.0, 50.0, 50.0, 100.0, 100.0, 100.0, 30.0, 100.0, 10.0, 100.0, 40.0, 0.0, 10.0, 100.0, 90.0, 100.0, 60.0, 100.0, 30.0, 100.0, 70.0, 10.0, 100.0, 20.0, 20.0, 50.0, 60.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 60.0, 60.0, 60.0, 100.0, 80.0, 70.0, 10.0, 70.0, 10.0, 30.0, 80.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 0.0, 80.0, 100.0, 100.0, 80.0, 50.0, 100.0, 50.0, 20.0, 100.0, 10.0, 80.0, 10.0, 20.0, 60.0, 60.0, 100.0, 50.0, 20.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 80.0, 70.0, 80.0, 10.0, 100.0, 70.0, 100.0, 0.0, 20.0, 90.0, 60.0, 70.0, 20.0, 10.0, 100.0, 90.0, 0.0, 80.0, 60.0, 100.0, 50.0, 10.0, 20.0, 70.0, 100.0, 100.0, 60.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 0.0, 10.0, 30.0, 60.0, 30.0, 70.0, 100.0, 100.0, 30.0, 30.0, 100.0, 80.0, 90.0, 50.0, 70.0, 50.0, 100.0, 70.0, 20.0, 100.0, 60.0, 60.0, 100.0, 80.0, 70.0, 100.0, 80.0, 70.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 10.0, 0.0, 100.0, 100.0, 100.0, 70.0, 30.0, 100.0, 30.0, 80.0, 40.0, 20.0, 100.0, 100.0, 70.0, 60.0, 90.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 40.0, 100.0, 40.0, 60.0, 30.0, 60.0, 10.0, 100.0, 90.0, 40.0, 100.0, 10.0, 30.0, 60.0, 50.0, 90.0, 30.0, 100.0, 100.0, 40.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 20.0, 0.0, 100.0, 0.0], (5400, 3600): [90.0, 60.0, 60.0, 50.0, 0.0, 0.0, 0.0, 10.0, 100.0, 0.0, 100.0, 0.0, 100.0, 20.0, 20.0, 100.0, 0.0, 100.0, 0.0, 60.0, 10.0, 90.0, 50.0, 40.0, 40.0, 50.0, 20.0, 100.0, 100.0, 30.0, 10.0, 40.0, 50.0, 100.0, 0.0, 10.0, 20.0, 10.0, 20.0, 70.0, 0.0, 70.0, 20.0, 40.0, 60.0, 100.0, 70.0, 60.0, 10.0, 10.0, 30.0, 0.0, 80.0, 10.0, 10.0, 10.0, 30.0, 60.0, 90.0, 40.0, 70.0, 100.0, 100.0, 20.0, 40.0, 20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 20.0, 60.0, 0.0, 0.0, 60.0, 20.0, 0.0, 100.0, 100.0, 20.0, 50.0, 0.0, 20.0, 0.0, 10.0, 0.0, 20.0, 10.0, 0.0, 80.0, 100.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 50.0, 20.0, 60.0, 0.0, 10.0, 100.0, 0.0, 40.0, 100.0, 50.0, 40.0, 40.0, 50.0, 0.0, 100.0, 0.0, 30.0, 40.0, 60.0, 90.0, 40.0, 40.0, 40.0, 0.0, 30.0, 10.0, 30.0, 40.0, 0.0, 20.0, 10.0, 0.0, 30.0, 60.0, 70.0, 0.0, 0.0, 90.0, 20.0, 50.0, 30.0, 80.0, 20.0, 10.0, 30.0, 0.0, 0.0, 100.0, 0.0, 50.0, 0.0, 30.0, 100.0, 0.0, 10.0, 10.0, 0.0, 80.0, 60.0, 100.0, 50.0, 0.0, 40.0, 0.0, 10.0, 80.0, 0.0, 20.0, 100.0, 0.0, 70.0, 80.0, 10.0, 80.0, 40.0, 80.0, 0.0, 100.0, 90.0, 0.0, 60.0, 10.0, 0.0, 40.0, 100.0, 10.0, 20.0, 100.0, 0.0, 10.0, 30.0, 100.0, 20.0, 50.0, 20.0, 90.0, 20.0, 80.0, 0.0, 20.0, 0.0, 60.0, 50.0, 10.0, 100.0, 70.0, 90.0, 90.0, 100.0, 10.0, 20.0, 10.0, 40.0, 50.0, 20.0, 0.0, 70.0, 70.0, 10.0, 0.0, 0.0, 100.0, 0.0, 10.0, 0.0, 50.0, 60.0, 90.0, 0.0, 0.0, 10.0, 0.0, 10.0, 0.0, 90.0, 0.0, 0.0, 90.0, 0.0, 60.0, 30.0, 10.0, 40.0, 20.0, 20.0, 100.0, 30.0, 100.0, 0.0, 20.0, 90.0, 10.0, 60.0, 80.0, 100.0, 60.0, 0.0, 0.0, 0.0, 100.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 10.0, 0.0, 0.0, 70.0, 20.0, 60.0, 100.0, 0.0, 90.0, 60.0, 30.0, 90.0, 0.0, 100.0, 0.0, 50.0, 50.0, 0.0, 100.0, 10.0, 40.0, 20.0, 100.0, 0.0, 30.0, 80.0, 0.0, 0.0, 0.0, 60.0, 60.0, 30.0, 0.0, 0.0, 0.0, 20.0, 70.0, 100.0, 60.0, 0.0, 0.0, 0.0, 20.0, 0.0, 30.0, 80.0, 0.0, 0.0, 100.0, 40.0, 0.0, 60.0, 70.0, 30.0, 0.0, 60.0, 40.0, 100.0, 10.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 90.0, 100.0, 100.0, 30.0, 90.0, 0.0, 60.0, 0.0, 40.0, 40.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0, 10.0, 30.0, 100.0, 10.0, 30.0, 60.0, 60.0, 70.0, 70.0, 10.0, 30.0, 60.0, 90.0, 0.0, 90.0, 100.0, 0.0, 90.0, 100.0, 80.0, 0.0, 100.0, 40.0, 80.0, 100.0, 100.0, 70.0, 50.0, 0.0, 50.0, 0.0, 40.0, 0.0, 20.0, 70.0, 70.0, 0.0, 0.0, 0.0, 90.0, 60.0, 100.0, 90.0, 50.0, 90.0, 20.0, 10.0, 0.0, 30.0, 100.0, 0.0, 80.0, 70.0, 0.0, 0.0, 100.0, 60.0, 0.0, 60.0, 40.0, 10.0, 0.0, 10.0, 10.0, 0.0, 60.0, 60.0, 40.0, 100.0, 90.0, 0.0, 0.0, 100.0, 10.0, 80.0, 60.0, 90.0, 20.0, 30.0, 50.0, 70.0, 90.0, 0.0, 20.0, 10.0, 70.0, 50.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 60.0, 50.0, 100.0, 100.0, 0.0, 0.0, 0.0, 70.0, 70.0, 40.0, 100.0, 70.0, 50.0, 10.0, 0.0, 20.0, 20.0, 0.0, 50.0, 10.0, 10.0, 20.0, 100.0, 100.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 0.0, 10.0, 100.0, 70.0, 10.0, 30.0, 20.0, 50.0, 100.0, 0.0, 50.0, 100.0, 0.0, 100.0, 50.0, 60.0, 0.0, 100.0, 100.0, 0.0, 90.0, 100.0, 60.0, 10.0, 10.0, 0.0, 0.0, 10.0, 90.0, 20.0, 100.0, 70.0, 20.0, 0.0, 0.0, 10.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 60.0, 100.0, 90.0, 0.0, 30.0, 0.0, 30.0, 0.0, 0.0, 50.0, 0.0, 40.0, 60.0, 0.0, 0.0, 60.0, 80.0, 40.0, 100.0, 20.0, 80.0, 0.0, 10.0, 60.0, 80.0, 100.0, 80.0, 20.0, 0.0, 40.0, 100.0, 40.0, 30.0, 70.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 0.0, 40.0, 30.0, 30.0, 100.0, 0.0, 70.0, 60.0, 10.0, 20.0, 0.0, 50.0, 20.0, 0.0, 0.0, 0.0, 40.0, 60.0, 80.0, 50.0, 60.0, 0.0, 70.0, 0.0, 40.0, 90.0, 40.0, 40.0, 50.0, 20.0, 20.0, 40.0, 70.0, 100.0, 0.0, 50.0, 80.0, 0.0, 40.0, 40.0, 40.0, 0.0, 30.0, 100.0, 100.0, 70.0, 10.0, 40.0, 0.0, 100.0, 80.0, 100.0, 20.0, 50.0, 30.0, 10.0, 0.0, 60.0, 100.0, 30.0, 10.0, 10.0, 100.0, 100.0, 50.0, 0.0, 100.0, 60.0, 80.0, 20.0, 0.0, 30.0, 0.0, 20.0, 30.0, 100.0, 30.0, 10.0, 20.0, 0.0, 10.0, 20.0, 10.0, 30.0, 0.0, 30.0, 50.0, 20.0, 90.0, 30.0, -1.0, 30.0, 80.0, 0.0, 0.0, 10.0, 0.0, 100.0, 10.0, 0.0, 0.0, 10.0, 90.0, 20.0, 70.0, 0.0, 10.0, 50.0, 100.0, 0.0, 20.0, 20.0, 20.0, 10.0, 60.0, 90.0, 10.0, 70.0, 90.0, 20.0, 40.0, 30.0, 20.0, 0.0, 90.0, 60.0, 50.0, 50.0, 80.0, 30.0, 10.0, 80.0, 10.0, 30.0, 50.0, 80.0, 70.0, 0.0, 20.0, 60.0, 50.0, 70.0, 20.0, 60.0, 10.0, 60.0, 30.0, 40.0, 70.0, 0.0, 40.0, 40.0, 90.0, 0.0, 10.0, 0.0, 100.0, 70.0, 0.0, 40.0, 10.0, 50.0, 60.0, 90.0, 100.0, 10.0, 40.0, 0.0, 0.0, 20.0, 0.0, 0.0, 40.0, 20.0, 70.0, 20.0, 0.0, 60.0, 50.0, 100.0, 40.0, 100.0, 10.0, 60.0, 60.0, 70.0, 10.0, 0.0, 0.0, 10.0, 100.0, 0.0, 90.0, 60.0, 20.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 40.0, 20.0, 10.0, 10.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 10.0, 100.0, 0.0, 10.0, 0.0, 20.0, 20.0, 30.0, 40.0, 100.0, 0.0, 20.0, 10.0, 20.0, 0.0, 20.0, 20.0, 60.0, 100.0, 100.0, 20.0, 60.0, 0.0, 20.0, 30.0, 100.0, 70.0, 90.0, 20.0, 70.0, 100.0, 30.0, 0.0, 60.0, 100.0, 30.0, 30.0, 60.0, 100.0, 40.0, 20.0, 100.0, 70.0, 100.0, 50.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 100.0, 20.0, 0.0, 30.0, 80.0, 20.0, 0.0, 70.0, 100.0, 100.0, 40.0, 100.0, 50.0, 0.0, 0.0, 100.0, 80.0, 20.0, 0.0, 20.0, 100.0, 90.0, 100.0, 0.0, 0.0, 0.0, 90.0, 100.0, 50.0, 20.0, 30.0, 100.0, 100.0, 0.0, 50.0, 100.0, 100.0, 20.0, 20.0, 100.0, 0.0, 100.0, 60.0, 50.0, 40.0, 20.0, 50.0, 100.0, 80.0, 0.0, 40.0, 40.0, 100.0, 70.0, 10.0, 10.0, 90.0, 100.0, 50.0, 90.0, 50.0, 100.0, 90.0, 100.0, 70.0, 80.0, 50.0, 80.0, 0.0, 0.0, 70.0, 50.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 20.0, 90.0, 40.0, 0.0, 10.0, 0.0, 100.0, 0.0, 20.0, 30.0, 40.0, 10.0, 40.0, 60.0, 40.0, 60.0, 10.0, 50.0, 60.0, 60.0, 80.0, 80.0, 100.0, 40.0, 0.0, -1.0, 20.0, 90.0, 0.0, 10.0, 0.0, 0.0, 30.0, 40.0, 100.0, 10.0, 50.0, 60.0, 0.0, 90.0, 70.0, 100.0, 100.0, 30.0, 80.0, 20.0, 0.0, 20.0, 90.0, 20.0, 30.0, 50.0, 0.0, 70.0, 10.0, 0.0, 20.0, 0.0, 50.0, 40.0, 0.0, 40.0, 100.0, 10.0, 30.0, 0.0, 0.0, 60.0, 0.0, 20.0, 50.0], (0, 0): [60.0, 40.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 20.0, 50.0, 100.0, -1.0, 50.0, 100.0, 40.0, 40.0, 30.0, 40.0, 60.0, 40.0, 50.0, 20.0, -1.0, 20.0, 0.0, 50.0, 20.0, 70.0, 30.0, 20.0, 50.0, 20.0, 40.0, 10.0, 20.0, 40.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 40.0, 10.0, 50.0, 10.0, 30.0, 20.0, 20.0, 20.0, 60.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, 60.0, -1.0, 80.0, 10.0, 60.0, 30.0, 50.0, 100.0, 60.0, 10.0, 50.0, 10.0, 40.0, -1.0, 10.0, 20.0, 60.0, -1.0, 30.0, -1.0, 20.0, 10.0, 10.0, -1.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, 40.0, 100.0, 20.0, 40.0, 60.0, 40.0, 40.0, 20.0, 20.0, 30.0, 80.0, 40.0, 30.0, 70.0, 20.0, 70.0, 40.0, 40.0, 40.0, 10.0, 50.0, 30.0, 50.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 10.0, 0.0, 50.0, 50.0, 20.0, 40.0, 30.0, 40.0, 30.0, 30.0, 70.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 40.0, 0.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 40.0, 60.0, 10.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 40.0, 10.0, 50.0, 40.0, 40.0, 10.0, 10.0, 30.0, 50.0, 10.0, 40.0, 50.0, -1.0, 70.0, 10.0, 60.0, 10.0, 10.0, 20.0, 0.0, 100.0, 30.0, -1.0, 50.0, 30.0, 40.0, 50.0, 20.0, 100.0, 40.0, 0.0, 70.0, 40.0, 30.0, 70.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 20.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 20.0, 100.0, 30.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 40.0, 50.0, 60.0, 10.0, 40.0, 10.0, 30.0, 30.0, 60.0, 10.0, 20.0, 50.0, 10.0, 50.0, 40.0, 40.0, 30.0, 10.0, 10.0, 0.0, 60.0, 50.0, 40.0, 60.0, 20.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 70.0, 50.0, 60.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (3600, 1800): [40.0, 10.0, 20.0, 20.0, 20.0, 30.0, 90.0, 30.0, 40.0, 0.0, 40.0, 100.0, 80.0, 40.0, 20.0, 30.0, 0.0, 60.0, 40.0, 50.0, 40.0, 40.0, 50.0, 30.0, 10.0, 60.0, -1.0, 0.0, 90.0, 20.0, 100.0, 10.0, 20.0, 70.0, 80.0, 70.0, 20.0, 10.0, 100.0, 60.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 50.0, 10.0, 40.0, 10.0, 70.0, 30.0, 60.0, 30.0, 30.0, 50.0, 0.0, 0.0, 40.0, 30.0, 30.0, 20.0, 30.0, 30.0, 0.0, 60.0, 10.0, 40.0, 40.0, 30.0, 30.0, 20.0, 40.0, 80.0, 40.0, -1.0, 20.0, 0.0, 60.0, 20.0, 0.0, 90.0, 10.0, 10.0, 10.0, 80.0, 30.0, 0.0, 50.0, 40.0, 10.0, 30.0, 80.0, 40.0, 30.0, 100.0, 20.0, 90.0, 60.0, 20.0, 0.0, 90.0, 100.0, 20.0, 20.0, -1.0, 0.0, 0.0, 10.0, 80.0, 30.0, 50.0, 30.0, 10.0, 0.0, 0.0, 60.0, 50.0, 30.0, 30.0, 30.0, 80.0, 0.0, 10.0, 20.0, 30.0, 10.0, 10.0, 30.0, 20.0, 80.0, 50.0, 20.0, 30.0, 0.0, 0.0, 0.0, 10.0, 10.0, 40.0, 20.0, 30.0, 60.0, 40.0, 40.0, 0.0, 20.0, 0.0, 30.0, 50.0, 10.0, 20.0, 40.0, 80.0, 30.0, 10.0, 30.0, 10.0, 0.0, 30.0, 0.0, 70.0, 10.0, 10.0, 80.0, 0.0, 40.0, 40.0, 0.0, 20.0, 40.0, 10.0, 0.0, 20.0, 30.0, 30.0, 100.0, 0.0, 70.0, 10.0, 40.0, 50.0, 50.0, 70.0, 40.0, 40.0, 50.0, 30.0, 0.0, 20.0, 30.0, 40.0, 0.0, 0.0, 0.0, 50.0, 20.0, 0.0, 40.0, 20.0, 0.0, 10.0, 30.0, 20.0, 10.0, 100.0, 60.0, 10.0, 30.0, 20.0, 20.0, 40.0, 60.0, 20.0, 50.0, 100.0, 50.0, 50.0, 40.0, 20.0, 20.0, 10.0, 40.0, 20.0, 0.0, 80.0, 80.0, 0.0, 40.0, 30.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 90.0, 60.0, 100.0, 30.0, 30.0, 0.0, 60.0, 90.0, 40.0, 0.0, 0.0, 70.0, 30.0, 10.0, 40.0, 50.0, 40.0, 0.0, 0.0, 10.0, 50.0, 10.0, 30.0, 40.0, 30.0, 20.0, 90.0, 30.0, 50.0, 60.0, 0.0, 40.0, 10.0, 0.0, 10.0, 60.0, 30.0, 50.0, 40.0, 30.0, 40.0, 20.0, 0.0, 0.0, 10.0, 90.0, 50.0, 70.0, 40.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 20.0, 30.0, 20.0, 20.0, 50.0, 100.0, 20.0, 30.0, 10.0, 80.0, 20.0, 70.0, 0.0, 100.0, 0.0, 20.0, 40.0, 10.0, 10.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 20.0, 20.0, 20.0, 10.0, 10.0, 40.0, 60.0, 0.0, 10.0, 30.0, 10.0, 20.0, 40.0, 40.0, 0.0, 40.0, 10.0, 10.0, 20.0, 40.0, 30.0, 60.0, 40.0, 100.0, 0.0, 60.0, 20.0, 0.0, 10.0, 50.0, 0.0, 60.0, 30.0, 20.0, -1.0, 20.0, 30.0, 40.0, 20.0, 60.0, 0.0, 0.0, 30.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 100.0, 70.0, 20.0, 20.0, 30.0, 30.0, 20.0, 20.0, 100.0, 10.0, 50.0, 10.0, 10.0, 10.0, 40.0, 40.0, 60.0, 0.0, 20.0, 10.0, 30.0, 40.0, 0.0, 0.0, 20.0, 0.0, 30.0, 70.0, 80.0, 40.0, 60.0, 50.0, 0.0, 30.0, 90.0, 30.0, 10.0, 0.0, 80.0, 50.0, 90.0, 100.0, 70.0, 70.0, 10.0, 20.0, 30.0, 100.0, 0.0, -1.0, 20.0, 0.0, 30.0, 0.0, 0.0, 100.0, 30.0, 0.0, 20.0, 80.0, 0.0, 0.0, 30.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 10.0, 70.0, 0.0, 10.0, 10.0, 40.0, 0.0, 0.0, 50.0, 50.0, 0.0, 30.0, 0.0, 0.0, 20.0, 0.0, 40.0, 0.0, 30.0, 40.0, 20.0, 10.0, 20.0, 10.0, 30.0, 100.0, 0.0, 40.0, 70.0, 100.0, 40.0, 0.0, 0.0, -1.0, 100.0, 40.0, 20.0, 10.0, 30.0, 0.0, 30.0, 20.0, 0.0, 30.0, 20.0, 30.0, 0.0, 30.0, 50.0, 0.0, 10.0, 60.0, 40.0, 20.0, 0.0, 0.0, 20.0, 10.0, 10.0, 100.0, 80.0, 0.0, 30.0, 40.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 60.0, 80.0, 60.0, 0.0, 50.0, 30.0, 40.0, 30.0, 40.0, 60.0, 10.0, 30.0, 0.0, 40.0, 0.0, 30.0, 10.0, 10.0, 20.0, 80.0, 20.0, 80.0, 30.0, 20.0, 40.0, 40.0, 60.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, -1.0, 10.0, 20.0, 30.0, 30.0, 70.0, 20.0, 70.0, 30.0, 20.0, 90.0, 50.0, 30.0, 20.0, 40.0, 60.0, 10.0, 50.0, 40.0, 0.0, 20.0, 40.0, 20.0, 10.0, 70.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 10.0, 40.0, 20.0, -1.0, 60.0, 30.0, 10.0, 10.0, 70.0, 30.0, 90.0, 0.0, 0.0, 90.0, 0.0, 30.0, 30.0, 20.0, 50.0, 20.0, 10.0, 80.0, 20.0, 20.0, 30.0, 50.0, 40.0, 20.0, 30.0, 20.0, 10.0, 20.0, 0.0, 70.0, 0.0, 30.0, 30.0, 40.0, 100.0, 50.0, 30.0, 30.0, 0.0, 20.0, 10.0, 10.0, 10.0, 30.0, 60.0, 10.0, 10.0, 40.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 40.0, 80.0, 0.0, 0.0, 40.0, 30.0, 80.0, 0.0, 0.0, 20.0, 10.0, 30.0, 40.0, 20.0, 80.0, 60.0, 20.0, 20.0, 40.0, 20.0, 40.0, 60.0, 10.0, 10.0, 0.0, 20.0, 0.0, 40.0, 40.0, 50.0, 30.0, 80.0, 30.0, 20.0, 10.0, 0.0, 20.0, 30.0, 70.0, 50.0, 50.0, 100.0, 10.0, 10.0, 0.0, 50.0, 70.0, 50.0, -1.0, 20.0, 20.0, 60.0, 40.0, 50.0, -1.0, 20.0, 20.0, 50.0, 0.0, 10.0, 60.0, 80.0, 20.0, 20.0, 60.0, 40.0, 40.0, 30.0, 40.0, 20.0, 20.0, 20.0, 0.0, 0.0, 30.0, 30.0, 50.0, 0.0, 10.0, 70.0, 60.0, 70.0, 20.0, 30.0, 0.0, 10.0, 50.0, 30.0, 0.0, 100.0, 60.0, 30.0, 30.0, 80.0, 80.0, 30.0, 40.0, 30.0, 10.0, 40.0, 0.0, 10.0, 50.0, 30.0, 50.0, 0.0, 50.0, 10.0, 0.0, 20.0, -1.0, 10.0, 0.0, 40.0, 0.0, 60.0, 10.0, 0.0, 0.0, 50.0, 30.0, 10.0, 30.0, 30.0, 70.0, 30.0, 0.0, 10.0, 80.0, 20.0, 40.0, -1.0, 30.0, 10.0, 20.0, 0.0, 20.0, 0.0, 10.0, 50.0, 20.0, 10.0, 0.0, 40.0, 80.0, 30.0, 20.0, 10.0, 0.0, 40.0, 20.0, 10.0, 20.0, 10.0, 70.0, 50.0, 60.0, 10.0, 0.0, 0.0, 50.0, 60.0, 70.0, 50.0, 0.0, 60.0, 40.0, 0.0, 0.0, -1.0, 50.0, 20.0, 50.0, 70.0, 0.0, 50.0, 0.0, 30.0, 100.0, 40.0, 0.0, 30.0, 50.0, 30.0, 0.0, 10.0, 40.0, 60.0, 40.0, 40.0, 0.0, 0.0, 20.0, 60.0, 30.0, 50.0, 30.0, 70.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 40.0, 90.0, 20.0, 20.0, 30.0, 60.0, 10.0, 50.0, 30.0, 50.0, 30.0, 10.0, 30.0, 0.0, 20.0, 50.0, 50.0, 40.0, 60.0, 60.0, 80.0, 0.0, 30.0, 50.0, 20.0, 50.0, 20.0, 20.0, 0.0, 0.0, 20.0, 10.0, 30.0, -1.0, 0.0, 20.0, 0.0, 40.0, 40.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 50.0, 30.0, 0.0, 10.0, 10.0, 30.0, 20.0, 0.0, 20.0, 0.0, 30.0, 80.0, 50.0, 50.0, 30.0, 20.0, 30.0, 50.0, 10.0, 50.0, 20.0, 50.0, 20.0, 50.0, 60.0, 20.0, 30.0, 60.0, 40.0, 30.0, 0.0, 70.0, 90.0, 50.0, 0.0, 80.0, 0.0, 30.0, 0.0, 10.0, 100.0, 20.0, 0.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 10.0, 70.0, 20.0, 60.0, 30.0, 30.0, 30.0, 0.0, 20.0, 0.0, 20.0, 20.0, 20.0, 20.0, 40.0, 40.0, 60.0, 20.0, 20.0, 0.0, 20.0, 40.0, 50.0, 50.0, 0.0, 0.0, 100.0, 40.0, 0.0, 40.0, 60.0, 30.0, 20.0, 70.0, 0.0, 20.0, 10.0, 30.0, 10.0, 20.0, 40.0, 40.0, 50.0, 0.0, 10.0, 30.0, 20.0, 30.0, 30.0, 0.0, 10.0, 0.0, 70.0, 30.0, 0.0, 60.0, 0.0, 30.0, 10.0, 10.0, 30.0, 10.0, 10.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 10.0, 20.0, 90.0, 0.0, 30.0, 40.0, 50.0, 60.0, 40.0], (3600, 0): [10.0, 10.0, 10.0, 70.0, 20.0, 10.0, 30.0, 0.0, 30.0, 0.0, 20.0, 10.0, 0.0, 10.0, 30.0, 30.0, 40.0, 20.0, 10.0, 30.0, 10.0, -1.0, 20.0, 0.0, 0.0, 40.0, 10.0, 10.0, 10.0, 20.0, 20.0, 20.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 10.0, 30.0, 50.0, 0.0, 30.0, 0.0, 20.0, -1.0, 60.0, 10.0, 20.0, 20.0, 10.0, 40.0, 10.0, 10.0, 20.0, 40.0, -1.0, 10.0, 10.0, 10.0, 20.0, 0.0, 20.0, 10.0, 30.0, 10.0, 50.0, 0.0, 10.0, 30.0, 10.0, 40.0, 20.0, 40.0, 40.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 10.0, 30.0, 0.0, 10.0, 20.0, -1.0, 0.0, 60.0, 10.0, 20.0, 0.0, 0.0, -1.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 40.0, 40.0, -1.0, 20.0, 20.0, 10.0, 80.0, 10.0, -1.0, 0.0, 10.0, 0.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 10.0, 30.0, 20.0, 20.0, 10.0, 10.0, 10.0, -1.0, 10.0, 30.0, 40.0, 20.0, 10.0, 10.0, 10.0, 30.0, 0.0, 10.0, 10.0, 10.0, 40.0, 0.0, 20.0, 20.0, 30.0, 10.0, 10.0, 30.0, 0.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 50.0, -1.0, 10.0, 10.0, 20.0, 0.0, 0.0, 10.0, 10.0, 20.0, -1.0, -1.0, -1.0, 10.0, 10.0, 40.0, -1.0, 50.0, 20.0, 60.0, 30.0, 20.0, 0.0, -1.0, 10.0, 10.0, 0.0, -1.0, 10.0, -1.0, 10.0, 30.0, 20.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 0.0, 20.0, 10.0, 20.0, 0.0, 50.0, 10.0, 20.0, 10.0, 10.0, 20.0, 40.0, 10.0, 10.0, 20.0, 10.0, 10.0, 30.0, 10.0, 30.0, 10.0, 60.0, -1.0, 10.0, 20.0, 20.0, 40.0, -1.0, 50.0, 10.0, 40.0, 10.0, 20.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 10.0, 30.0, -1.0, 20.0, 0.0, 50.0, 20.0, 0.0, 20.0, 30.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, -1.0, -1.0, 20.0, -1.0, 20.0, 50.0, 10.0, 0.0, 10.0, 30.0, 30.0, 10.0, 30.0, 20.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 70.0, 20.0, 10.0, 50.0, 40.0, -1.0, 10.0, 0.0, 50.0, 20.0, 10.0, 20.0, 20.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 10.0, 30.0, -1.0, 10.0, 10.0, 30.0, 50.0, -1.0, 10.0, 40.0, 50.0, 40.0, 0.0, 20.0, 10.0, 20.0, 10.0, 10.0, 30.0, 0.0, 20.0, 0.0, 20.0, 10.0, 30.0, 0.0, 30.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 10.0, 0.0, 10.0, 10.0], (5400, 1800): [30.0, 70.0, 20.0, 100.0, 100.0, 40.0, 10.0, 20.0, 60.0, 20.0, 0.0, 10.0, 100.0, 80.0, 70.0, 0.0, 30.0, 50.0, 40.0, 0.0, 100.0, 20.0, 20.0, 20.0, 20.0, 80.0, 0.0, 50.0, 80.0, 100.0, 20.0, 100.0, 0.0, 40.0, 50.0, 0.0, 100.0, 100.0, 0.0, 40.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 40.0, 0.0, 10.0, 60.0, 10.0, 60.0, 10.0, 0.0, 10.0, 40.0, 30.0, 30.0, 30.0, 10.0, 70.0, 0.0, 80.0, 70.0, 30.0, 30.0, 0.0, 40.0, 0.0, 30.0, 80.0, 70.0, 80.0, 30.0, 20.0, 60.0, 30.0, 10.0, 50.0, 20.0, 100.0, 0.0, 0.0, 30.0, 50.0, 40.0, 100.0, 10.0, 0.0, 20.0, 0.0, 90.0, 10.0, 10.0, 70.0, 0.0, 10.0, 100.0, 90.0, 30.0, 90.0, 20.0, 20.0, 30.0, 10.0, 0.0, 0.0, 90.0, 20.0, 40.0, 100.0, 0.0, 10.0, 30.0, 10.0, 10.0, 0.0, 50.0, 0.0, 50.0, 80.0, 10.0, 50.0, 10.0, 20.0, 40.0, 70.0, 0.0, 40.0, 30.0, 0.0, -1.0, 0.0, 50.0, 40.0, 90.0, 0.0, 60.0, 40.0, 30.0, 0.0, 40.0, 30.0, 100.0, 50.0, 60.0, 30.0, 80.0, 10.0, 10.0, 0.0, 70.0, 20.0, 60.0, 50.0, 60.0, 80.0, 20.0, 60.0, 0.0, 100.0, 100.0, 50.0, 50.0, 90.0, 100.0, 0.0, 100.0, 30.0, 40.0, 50.0, 80.0, 40.0, 20.0, 0.0, 0.0, 40.0, 80.0, 100.0, 40.0, 100.0, 40.0, 30.0, 10.0, 10.0, 70.0, 90.0, 10.0, 10.0, 60.0, 40.0, 90.0, 0.0, 10.0, 100.0, 10.0, 60.0, 50.0, 20.0, 0.0, 70.0, 30.0, 90.0, 10.0, 30.0, 0.0, 100.0, 0.0, 100.0, 70.0, 30.0, 10.0, 60.0, 40.0, 30.0, 100.0, 20.0, 100.0, 50.0, 50.0, 30.0, 10.0, 50.0, 0.0, 70.0, 0.0, 0.0, 60.0, 10.0, 40.0, 100.0, 60.0, 30.0, 40.0, 0.0, 10.0, 10.0, 30.0, 90.0, 0.0, 60.0, 40.0, 0.0, 20.0, 90.0, 30.0, 10.0, 50.0, 100.0, 30.0, 40.0, 20.0, 0.0, 0.0, 70.0, 70.0, 30.0, 10.0, 80.0, 50.0, 70.0, 50.0, 10.0, 10.0, 0.0, 40.0, 90.0, 70.0, 60.0, 40.0, 0.0, 50.0, 80.0, 100.0, 0.0, 20.0, 10.0, 0.0, 40.0, 100.0, 20.0, 30.0, 0.0, 20.0, 70.0, 10.0, 20.0, 100.0, 40.0, 10.0, 100.0, 40.0, 10.0, 20.0, 100.0, 70.0, 30.0, 40.0, 30.0, 30.0, 10.0, 0.0, 60.0, 10.0, 10.0, 10.0, 70.0, 10.0, 90.0, 20.0, 0.0, 0.0, 50.0, 0.0, 10.0, 90.0, 40.0, 80.0, 40.0, 0.0, 100.0, 0.0, 30.0, 30.0, 10.0, 30.0, 30.0, 0.0, 20.0, 90.0, 10.0, 20.0, 0.0, 20.0, -1.0, 100.0, 60.0, 20.0, 60.0, 40.0, 30.0, 10.0, 40.0, 100.0, 30.0, 20.0, 40.0, 100.0, 80.0, 100.0, 10.0, 50.0, 20.0, 70.0, 100.0, 40.0, 20.0, 10.0, 20.0, 70.0, 50.0, 0.0, 20.0, 0.0, 30.0, 70.0, 60.0, 10.0, 50.0, 10.0, 0.0, 10.0, 10.0, 0.0, 90.0, 10.0, 90.0, 50.0, 10.0, 80.0, 0.0, 20.0, 80.0, 20.0, 0.0, 100.0, 20.0, 20.0, 20.0, 0.0, 0.0, 20.0, 80.0, 60.0, 90.0, 100.0, 0.0, 60.0, 70.0, 70.0, 80.0, 70.0, 90.0, 0.0, 30.0, 70.0, 10.0, 50.0, 80.0, 70.0, 50.0, 50.0, 0.0, 80.0, 0.0, 20.0, 10.0, 70.0, 60.0, 0.0, 10.0, 0.0, 50.0, 80.0, 30.0, 100.0, 20.0, 0.0, 100.0, 70.0, 80.0, 60.0, 20.0, 40.0, 50.0, 0.0, 0.0, 20.0, 100.0, 100.0, 50.0, 50.0, 0.0, 30.0, 10.0, 90.0, 0.0, 60.0, 10.0, 20.0, 0.0, 0.0, 80.0, 10.0, 0.0, 10.0, 100.0, 0.0, 40.0, 90.0, 20.0, 100.0, 30.0, 60.0, 70.0, 100.0, 80.0, 0.0, 30.0, 100.0, 0.0, 70.0, 0.0, 30.0, 90.0, 40.0, 0.0, 100.0, 10.0, 10.0, 10.0, 50.0, 40.0, 100.0, 10.0, 100.0, 0.0, -1.0, 10.0, 30.0, 100.0, 40.0, 0.0, 10.0, 10.0, 50.0, 30.0, 70.0, 60.0, 60.0, 0.0, 100.0, 100.0, 30.0, 60.0, 0.0, 10.0, 0.0, 30.0, 50.0, 10.0, 0.0, 30.0, 60.0, 10.0, 50.0, 40.0, 0.0, 60.0, 100.0, 100.0, 0.0, 80.0, 10.0, 20.0, 70.0, 10.0, 0.0, 30.0, 90.0, 0.0, 60.0, 20.0, 60.0, 10.0, 0.0, 100.0, 20.0, 0.0, 30.0, 60.0, 0.0, 10.0, 10.0, 100.0, 40.0], (7200, 3600): [40.0, 90.0, 0.0, 40.0, 20.0, 100.0, 50.0, 100.0, 100.0, 10.0, 100.0, 70.0, 60.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 0.0, 30.0, 70.0, 100.0, 30.0, 50.0, 80.0, 100.0, 50.0, 40.0, 100.0, 100.0, 50.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 30.0, 70.0, 20.0, 90.0, 30.0, 100.0, 20.0, 10.0, 0.0, 60.0, 90.0, 90.0, 20.0, 10.0, 100.0, 30.0, 80.0, 100.0, 10.0, 0.0, 50.0, 100.0, 70.0, 0.0, 100.0, 0.0, 100.0, 10.0, 100.0, 60.0, 20.0, 100.0, 100.0, 50.0, 30.0, 80.0, 100.0, 0.0, 60.0, 30.0, 70.0, 80.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 20.0, 40.0, 0.0, 100.0, 10.0, 60.0, 10.0, 10.0, 100.0, 80.0, 90.0, 60.0, 40.0, 70.0, 10.0, 100.0, 100.0, 30.0, 100.0, 20.0, 30.0, 50.0, 100.0, 60.0, 10.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 70.0, 50.0, 40.0, 80.0, 90.0, 100.0, 100.0, 100.0, 70.0, 70.0, 90.0, 0.0, 0.0, 70.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 0.0, 0.0, 80.0, 0.0, 100.0, 100.0, 70.0, 100.0, 0.0, 70.0, 80.0, 30.0, 90.0, 30.0, 90.0, 0.0, 10.0, 100.0, 90.0, 30.0, 80.0, 50.0, 70.0, 10.0, 30.0, 80.0, 30.0, 40.0, 100.0, 10.0, 100.0, 10.0, 10.0, 100.0, 100.0, 0.0, 20.0, 100.0, 90.0, 20.0, 30.0, 0.0, 80.0, 0.0, 100.0, 10.0, 0.0, 0.0, 100.0, 80.0, 10.0, 0.0, 80.0, 100.0, 70.0, 50.0, 10.0, 40.0, 100.0, 0.0, 30.0, 60.0, 10.0, 0.0, 50.0, 10.0, 50.0, 0.0, 50.0, 100.0, 30.0, 60.0, 100.0, 90.0, 100.0, 100.0, 40.0, 30.0, 100.0, 50.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 20.0, 10.0, 50.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 100.0, 90.0, 80.0, 100.0, 0.0, 100.0, 30.0, 70.0, 100.0, 20.0, 90.0, 0.0, 0.0, 100.0, 0.0, 0.0, 100.0, 100.0, 20.0, 10.0, 50.0, 100.0, 100.0, 20.0, 20.0, 0.0, 50.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 70.0, 40.0, 10.0, 90.0, 100.0, 100.0, 0.0, 70.0, 30.0, 70.0, 100.0, 100.0, 60.0, 0.0, 20.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 100.0, 0.0, 30.0, 80.0, 100.0, 20.0, 10.0, 90.0, 10.0, 80.0, 80.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 0.0, 30.0, 70.0, 100.0, 20.0, 100.0, 100.0, 0.0, 30.0, 10.0, 90.0, 10.0, 10.0, 0.0, 80.0, 70.0, 40.0, 60.0, 100.0, 30.0, 0.0, 100.0, 100.0, 60.0, 50.0, 100.0, 0.0, 30.0, 100.0, 90.0, 100.0, 40.0, 0.0, 100.0, 100.0, 30.0, 30.0, 100.0, 50.0, 0.0, 70.0, 80.0, 100.0, 100.0, 20.0, 20.0, 10.0, 0.0, 90.0, 40.0, 20.0, 90.0, 70.0, 90.0, 100.0, 0.0, 50.0, 100.0, 10.0, 100.0, 100.0, 100.0, 60.0, 100.0, 0.0, 20.0, 30.0, 100.0, 100.0, 20.0, 20.0, 40.0, 100.0, 100.0, 100.0, 70.0, 100.0, 60.0, 100.0, 70.0, 30.0, 80.0, 0.0, 30.0, 50.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 0.0, 0.0, 30.0, 40.0, 100.0, 100.0, 60.0, 20.0, 100.0, 100.0, 100.0, 0.0, 100.0, 80.0, 90.0, 30.0, 100.0, 10.0, 20.0, 100.0, 0.0, 100.0, 100.0, 20.0, 50.0, 100.0, 90.0, 100.0, 80.0, 0.0, 10.0, 100.0, 10.0, 30.0, 30.0, 100.0, 50.0, 100.0, 100.0, 100.0, 80.0, 10.0, 50.0, 40.0, 20.0, 0.0, 10.0, 70.0, 100.0, 90.0, 100.0, 100.0, 100.0, 90.0, 50.0, 100.0, 100.0, 0.0, 100.0, 0.0, 50.0, 30.0, 0.0, 100.0, 10.0, 100.0, 100.0, 100.0, 30.0, 10.0, 100.0, 30.0, 80.0, 100.0, 0.0, 100.0, 60.0, 20.0, 100.0, 100.0, 0.0, 0.0, 70.0, 20.0, 40.0, 10.0, 80.0, 30.0, 30.0, 100.0, 20.0, 20.0, 100.0, 90.0, 90.0, 10.0, 100.0, 80.0, 70.0, 100.0, 10.0, 50.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 30.0, 80.0, 100.0, 70.0, 90.0, 100.0, 100.0, 100.0, 80.0, 10.0, 90.0, 100.0, 60.0, 100.0, 30.0, 20.0, 100.0, 0.0, 100.0, 100.0, 0.0, 0.0, 30.0, 90.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 10.0, 100.0, 30.0, 100.0, 40.0, 50.0, 40.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 0.0, 70.0, 50.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 30.0, 100.0, 100.0, 100.0, 10.0, 60.0, 40.0, 100.0, 20.0, 60.0, 0.0, 100.0, 100.0, 90.0, 80.0, 30.0, 20.0, 100.0, 20.0, 20.0, 80.0, 30.0, 100.0, 100.0, 100.0, 10.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 0.0, 0.0, 20.0, 100.0, 100.0, 80.0, 100.0, 0.0, 80.0, 0.0, 60.0, 60.0, 30.0, 0.0, 100.0, 70.0, 100.0, 20.0, 100.0, 50.0, 80.0, 60.0, 50.0, 50.0, 0.0, 10.0, 10.0, 100.0, 0.0, 30.0, 0.0, 90.0, 30.0, 100.0, 0.0, 100.0, 0.0, 90.0, 30.0, 100.0, 20.0, 40.0, 100.0, 0.0, 20.0, 100.0, 100.0, 0.0, 100.0, 50.0, 80.0, 100.0, 10.0, 10.0, 100.0, 100.0, 60.0, 70.0, 0.0, 90.0, 0.0, 0.0, 0.0, 100.0, 0.0, 50.0, 70.0, 20.0, 100.0, 100.0, 100.0, 40.0, 100.0, 10.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 30.0, 100.0, 80.0, 70.0, 0.0, 30.0, 70.0, 100.0, 0.0, 0.0, 100.0, 40.0, 40.0, 10.0, 100.0, 10.0, 10.0, 60.0, 0.0, 0.0, 50.0, 60.0, 100.0, 10.0, 100.0, 70.0, 20.0, 100.0, 50.0, 30.0, 40.0, 70.0, 90.0, 0.0, 100.0, 100.0, 0.0, 40.0, 0.0, 50.0, 100.0, 20.0, 0.0, 0.0, 20.0, 0.0, 30.0, 0.0, 0.0, 90.0, 90.0, 60.0, 50.0, 90.0, 100.0, 60.0, 0.0, 100.0, 0.0, 100.0, 100.0, 70.0, 20.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 70.0, 60.0, 40.0, 50.0, 10.0, 100.0, 20.0, 100.0, 20.0, 100.0, 100.0, 70.0, 0.0, 90.0, 10.0, 0.0, 50.0, 50.0, 70.0, 10.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 0.0, 10.0, 100.0, 20.0, 0.0, 50.0, 0.0, 100.0, 100.0, 40.0, 50.0, 100.0, 40.0, 100.0, 100.0, 20.0, 20.0, 100.0, 50.0, 10.0, 20.0, 0.0, 0.0], (7200, 0): [100.0, 80.0, 80.0, 60.0, 90.0, 80.0, 70.0, 80.0, 60.0, 40.0, 90.0, 50.0, 90.0, 60.0, 100.0, 60.0, 40.0, 100.0, 90.0, 30.0, 100.0, 70.0, 100.0, 100.0, 60.0, 60.0, 70.0, 100.0, 100.0, 70.0, 80.0, 90.0, 70.0, 90.0, 20.0, 70.0, 100.0, 70.0, 70.0, 50.0, 100.0, 100.0, 100.0, 70.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 70.0, 100.0, 80.0, 100.0, 70.0, 80.0, 90.0, 100.0, 100.0, 40.0, 100.0, 90.0, 80.0, 40.0, 80.0, 100.0, 100.0, 80.0, 60.0, 60.0, 90.0, 60.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 70.0, 50.0, 10.0, 100.0, 90.0, 100.0, 90.0, 80.0, 90.0, 60.0, 70.0, 40.0, 100.0, 100.0, 80.0, 80.0, 50.0, 80.0, 70.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 50.0, 20.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 70.0, 60.0, 100.0, 70.0, 80.0, 100.0, 90.0, 80.0, 90.0, 80.0, 90.0, 50.0, 80.0, 70.0, 90.0, 70.0, 70.0, 70.0, 100.0, 90.0, 40.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 90.0, 100.0, 100.0, 90.0, 100.0, 20.0, 70.0, 80.0, 60.0, 90.0, 10.0, 100.0, 30.0, 40.0, 100.0, 50.0, 40.0, 100.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 80.0, 60.0, 70.0, 100.0, 40.0, 100.0, 70.0, 70.0, 100.0, 80.0, 70.0, 100.0, 80.0, 30.0, 40.0, 60.0, 70.0, 50.0, 70.0, 60.0, 80.0, 70.0, 100.0, 60.0, 100.0, 100.0, 80.0, 50.0, 100.0, 90.0, 70.0, 50.0, 100.0, 80.0, 90.0, 90.0, 80.0, 100.0, 90.0, 70.0, 90.0, 50.0, 90.0, 100.0, 90.0, 90.0, 80.0, 80.0, 80.0, 80.0, 100.0, 90.0, 80.0, 20.0, 70.0, 90.0, 60.0, 70.0, 90.0, 90.0, 30.0, 100.0, 90.0, 100.0, 100.0, 20.0, 100.0, 60.0, 80.0, 90.0, 20.0, 80.0, 100.0, 90.0, 100.0, 90.0, 60.0, 100.0, 100.0, 90.0, 90.0, 90.0, 60.0, 90.0, 70.0, 100.0, 90.0, 70.0, 20.0, 50.0, 90.0, 100.0, 60.0, 100.0, 100.0, 90.0, 80.0, 100.0, 70.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 90.0, 90.0, 60.0, 70.0, 60.0, 100.0, 80.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 70.0, 60.0, 80.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 70.0, 90.0, 50.0, 80.0, 80.0, 80.0, 30.0, 70.0, 80.0, 80.0, 70.0, 90.0], (5400, 0): [80.0, 70.0, 30.0, 60.0, 70.0, 10.0, 10.0, 60.0, 50.0, 40.0, 60.0, 40.0, 30.0, 30.0, 60.0, 100.0, 20.0, 60.0, 60.0, 10.0, 10.0, 40.0, 20.0, 40.0, 30.0, 80.0, 20.0, 50.0, 50.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 80.0, 100.0, 40.0, 10.0, 50.0, 100.0, 80.0, 50.0, 30.0, 20.0, 90.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 40.0, 30.0, 30.0, 60.0, 70.0, 40.0, 50.0, 30.0, 30.0, 20.0, 50.0, 40.0, 30.0, 90.0, 10.0, 10.0, 40.0, 30.0, 40.0, 60.0, 50.0, 30.0, 30.0, 30.0, 20.0, 30.0, 30.0, 50.0, 40.0, 40.0, 50.0, 50.0, 50.0, 40.0, 60.0, 10.0, 40.0, 10.0, 10.0, 60.0, 20.0, 50.0, 60.0, 60.0, 40.0, 50.0, 40.0, 30.0, 60.0, 50.0, 40.0, 40.0, 20.0, 40.0, 10.0, 50.0, 50.0, 50.0, 30.0, 10.0, 20.0, 0.0, 60.0, 50.0, 50.0, 40.0, 40.0, 50.0, 40.0, 50.0, 30.0, 40.0, 20.0, 40.0, 10.0, 50.0, 60.0, 20.0, 40.0, 70.0, 30.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 40.0, 50.0, 40.0, 40.0, 30.0, 40.0, 20.0, 30.0, 30.0, 40.0, 60.0, 50.0, 60.0, 0.0, 10.0, 50.0, 60.0, 60.0, 40.0, 30.0, 60.0, 30.0, 90.0, 0.0, 90.0, 60.0, 30.0, 30.0, 40.0, 60.0, 20.0, 20.0, 50.0, 70.0, 30.0, 40.0, 30.0, 100.0, 60.0, 70.0, 60.0, 10.0, 50.0, 30.0, 30.0, 60.0, 40.0, 70.0, 60.0, 40.0, 80.0, 60.0, 60.0, 40.0, 30.0, 70.0, 30.0, 30.0, 20.0, 40.0, 60.0, 70.0, 30.0, 0.0, 30.0, 60.0, 60.0, 60.0, 50.0, 40.0, 60.0, 50.0, 40.0, 30.0, 40.0, 100.0, 30.0, 50.0, 50.0, 60.0, 50.0, 40.0, 60.0, 60.0, 20.0, 30.0, 40.0, 50.0, 30.0, 50.0, 60.0, 50.0, 70.0, 40.0, 20.0, 50.0, 90.0, 40.0, 60.0, 30.0, 60.0, 30.0, 60.0, 70.0, 0.0, 40.0, 30.0, 60.0, 60.0, 40.0, 0.0, 100.0, 70.0, 50.0, 60.0, 40.0, 20.0, 20.0, 50.0, 40.0, 60.0, 60.0, 50.0, 30.0, 30.0, 50.0, 60.0, 30.0, 30.0, 40.0, 30.0, 40.0, 40.0, 100.0, 20.0, 100.0, 30.0, 20.0, 50.0, 40.0, 80.0, 20.0, 30.0, 50.0, 80.0, 80.0, 60.0, 100.0, 70.0, 40.0, 60.0, 50.0, 60.0, 30.0, 70.0, 40.0, 70.0, 50.0, 10.0, 60.0, 30.0, 80.0, 30.0, 50.0, 10.0, 20.0, 10.0, 60.0, 40.0, 40.0, 80.0, 40.0, 20.0, 30.0, 20.0], (1800, 1800): [50.0, 60.0, 40.0, 40.0, 40.0, -1.0, 20.0, 40.0, 50.0, 40.0, 50.0, -1.0, 30.0, 20.0, 60.0, -1.0, 80.0, 50.0, 30.0, 90.0, 30.0, 60.0, 30.0, 30.0, 60.0, -1.0, 20.0, 50.0, 50.0, 30.0, 30.0, 20.0, 70.0, 90.0, 40.0, 40.0, 50.0, 80.0, 10.0, 40.0, 20.0, 50.0, 50.0, 40.0, 80.0, 40.0, 30.0, 20.0, 80.0, 20.0, 20.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 30.0, 20.0, 100.0, 50.0, 40.0, 80.0, 90.0, 20.0, -1.0, 70.0, 90.0, 40.0, 20.0, 40.0, 40.0, 20.0, 40.0, 80.0, 50.0, 70.0, 50.0, 30.0, 70.0, 40.0, 30.0, 50.0, 60.0, 30.0, 60.0, 60.0, 50.0, 40.0, 40.0, 50.0, 30.0, 60.0, 60.0, 80.0, 40.0, 60.0, 50.0, 20.0, 50.0, -1.0, 40.0, -1.0, 30.0, -1.0, 60.0, 10.0, 20.0, -1.0, 50.0, 40.0, 80.0, 60.0, 40.0, 20.0, 40.0, 30.0, 30.0, 10.0, 50.0, 40.0, 20.0, 30.0, 30.0, 80.0, 30.0, 80.0, 20.0, 60.0, 50.0, 50.0, 50.0, -1.0, 50.0, 50.0, 30.0, 30.0, 30.0, 90.0, 40.0, 60.0, 60.0, 40.0, 60.0, 60.0, 40.0, 30.0, 10.0, 40.0, 30.0, 100.0, 20.0, 40.0, 30.0, 70.0, 30.0, 40.0, 50.0, 40.0, 40.0, 50.0, 0.0, 30.0, 50.0, 40.0, 30.0, 30.0, -1.0, 30.0, 90.0, 40.0, 80.0, 40.0, 30.0, 20.0, 60.0, 80.0, 60.0, 80.0, 30.0, 40.0, 40.0, 70.0, 50.0, 60.0, 20.0, 40.0, 60.0, 30.0, 100.0, 50.0, 30.0, 30.0, 30.0, 30.0, 40.0, 60.0, 20.0, 30.0, 60.0, 80.0, 40.0, 100.0, 30.0, 90.0, 60.0, 50.0, 30.0, 60.0, 40.0, 40.0, 30.0, 90.0, 50.0, 40.0, 20.0, 30.0, 60.0, 60.0, 60.0, 40.0, 70.0, 40.0, 60.0, 60.0, 70.0, 20.0, 70.0, 20.0, 80.0, 50.0, 10.0, 20.0, 60.0, 20.0, 50.0, 30.0, 30.0, 20.0, 40.0, 40.0, 30.0, 80.0, 30.0, 40.0, 70.0, 100.0, 40.0, 50.0, 90.0, 30.0, 50.0, 50.0, 30.0, 30.0, 70.0, 40.0, 30.0, 30.0, 50.0, 80.0, 50.0, 50.0, 40.0, 30.0, 50.0, -1.0, 50.0, 60.0, 0.0, 60.0, 30.0, 20.0, 40.0, 50.0, 40.0, 10.0, -1.0, -1.0, 40.0, 30.0, -1.0, 20.0, 50.0, 30.0, 40.0, 20.0, 50.0, 20.0, 40.0, 40.0, 30.0, 70.0, 60.0, 30.0, 100.0, 40.0, 50.0, 20.0, -1.0, 50.0, 20.0, 40.0, 60.0, 50.0, 40.0, 30.0, 60.0, 50.0, 10.0, 30.0, 30.0, 70.0, 60.0, 30.0, 20.0, -1.0, -1.0, 30.0, 90.0, 40.0, 10.0, 60.0, 40.0, -1.0, 20.0, 40.0, 90.0, 20.0, 70.0, 20.0, 30.0, 30.0, 40.0, 60.0, 80.0, 60.0, 50.0, 40.0, 30.0, 60.0, 40.0, 30.0, 40.0, 100.0, 40.0, 100.0, 70.0, 40.0, 90.0, 20.0, 40.0, -1.0, 100.0, 50.0, 70.0, 30.0, 30.0, 50.0, 10.0, 40.0, 50.0, 40.0]}
mpc_dash_syth_hyb_pen_table_4300_default_1900 = {(7600, 5700): [100.0, 30.0, 40.0, 80.0, 90.0, 10.0, 0.0, 100.0, 10.0, 100.0, 20.0, 10.0, 100.0, 100.0], (7600, 3800): [90.0, 0.0, 40.0, 20.0, 100.0, 50.0, 100.0, 10.0, 100.0, 70.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 30.0, 70.0, 100.0, 30.0, 100.0, 50.0, 40.0, 10.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 30.0, 70.0, 20.0, 90.0, 30.0, 100.0, 20.0, 10.0, 60.0, 20.0, 100.0, 30.0, 100.0, 80.0, 100.0, 10.0, 0.0, 50.0, 20.0, 100.0, 70.0, 0.0, 100.0, 0.0, 100.0, 10.0, 100.0, 10.0, 60.0, 20.0, 100.0, 30.0, 0.0, 100.0, 30.0, 80.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 20.0, 10.0, 40.0, 0.0, 100.0, 60.0, 10.0, 100.0, 80.0, 90.0, 40.0, 0.0, 40.0, 20.0, 100.0, 100.0, 20.0, 30.0, 100.0, 60.0, 10.0, 100.0, 100.0, 10.0, 100.0, 20.0, 100.0, 100.0, 100.0, 40.0, 90.0, 100.0, 100.0, 70.0, 70.0, 90.0, 0.0, 70.0, 80.0, 100.0, 100.0, 80.0, 80.0, 80.0, 100.0, 70.0, 10.0, 100.0, 70.0, 90.0, 30.0, 90.0, 100.0, 10.0, 100.0, 90.0, 30.0, 50.0, 70.0, 10.0, 80.0, 30.0, 100.0, 10.0, 10.0, 10.0, 100.0, 100.0, 0.0, 100.0, 90.0, 20.0, 30.0, 0.0, 80.0, 0.0, 100.0, 10.0, 0.0, 0.0, 100.0, 10.0, 0.0, 80.0, 50.0, 100.0, 90.0, 0.0, 30.0, 60.0, 10.0, 50.0, 10.0, 50.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0, 30.0, 100.0, 50.0, 40.0, 100.0, 100.0, 20.0, 10.0, 50.0, 70.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 100.0, 90.0, 100.0, 0.0, 100.0, 30.0, 70.0, 70.0, 100.0, 20.0, 90.0, 100.0, 0.0, 0.0, 0.0, 100.0, 10.0, 10.0, 50.0, 100.0, 0.0, 20.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 40.0, 10.0, 90.0, 100.0, 100.0, 0.0, 70.0, 30.0, 70.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 10.0, 0.0, 60.0, 100.0, 0.0, 80.0, 20.0, 10.0, 90.0, 80.0, 80.0, 100.0, 100.0, 100.0, 0.0, 30.0, 100.0, 100.0, 0.0, 30.0, 10.0, 10.0, 80.0, 100.0, 70.0, 40.0, 60.0, 100.0, 70.0, 30.0, 0.0, 80.0, 100.0, 100.0, 60.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 100.0, 30.0, 30.0, 100.0, 50.0, 0.0, 70.0, 80.0, 100.0, 10.0, 20.0, 20.0, 90.0, 40.0, 20.0, 90.0, 90.0, 100.0, 0.0, 50.0, 100.0, 0.0, 10.0, 100.0, 100.0, 100.0, 60.0, 100.0, 0.0, 20.0, 30.0, 100.0, 100.0, 20.0, 20.0, 40.0, 100.0, 10.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 70.0, 80.0, 0.0, 50.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 0.0, 20.0, 40.0, 100.0, 100.0, 60.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 90.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 20.0, 60.0, 100.0, 100.0, 80.0, 0.0, 100.0, 10.0, 30.0, 30.0, 80.0, 100.0, 100.0, 100.0, 10.0, 50.0, 20.0, 10.0, 70.0, 90.0, 30.0, 100.0, 100.0, 100.0, 90.0, 100.0, 0.0, 50.0, 30.0, 100.0, 0.0, 100.0, 10.0, 100.0, 30.0, 10.0, 100.0, 30.0, 0.0, 80.0, 100.0, 0.0, 60.0, 100.0, 0.0, 0.0, 70.0, 40.0, 10.0, 80.0, 30.0, 20.0, 20.0, 100.0, 50.0, 90.0, 10.0, 80.0, 70.0, 50.0, 100.0, 100.0, 30.0, 20.0, 100.0, 30.0, 70.0, 100.0, 100.0, 100.0, 80.0, 90.0, 100.0, 60.0, 30.0, 20.0, 100.0, 0.0, 10.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 0.0, 100.0, 0.0, 100.0, 10.0, 40.0, 100.0, 30.0, 100.0, 40.0, 50.0, 40.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 0.0, 70.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 20.0, 60.0, 0.0, 100.0, 100.0, 90.0, 80.0, 30.0, 20.0, 20.0, 80.0, 30.0, 100.0, 100.0, 100.0, 40.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 0.0, 60.0, 30.0, 0.0, 100.0, 100.0, 20.0, 100.0, 50.0, 60.0, 50.0, 10.0, 100.0, 0.0, 0.0, 10.0, 90.0, 0.0, 30.0, 100.0, 0.0, 100.0, 0.0, 30.0, 100.0, 20.0, 40.0, 100.0, 60.0, 0.0, 20.0, 100.0, 100.0, 50.0, 100.0, 80.0, 10.0, 100.0, 70.0, 0.0, 0.0, 20.0, 100.0, 0.0, 50.0, 20.0, 100.0, 100.0, 10.0, 20.0, 100.0, 10.0, 100.0, 0.0, 100.0, 100.0, 30.0, 50.0, 0.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 80.0, 70.0, 100.0, 40.0, 10.0, 10.0, 10.0, 60.0, 50.0, 60.0, 100.0, 0.0, 10.0, 60.0, 70.0, 20.0, 40.0, 70.0, 90.0, 0.0, 100.0, 0.0, 40.0, 50.0, 100.0, 20.0, 100.0, 100.0, 20.0, 0.0, 0.0, 20.0, 0.0, 60.0, 50.0, 90.0, 100.0, 60.0, 0.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 20.0, 60.0, 50.0, 10.0, 100.0, 20.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 50.0, 70.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 50.0, 50.0, 100.0, 100.0, 100.0, 40.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 50.0, 10.0, 20.0, 0.0], (1900, 0): [10.0, 0.0, 0.0, 30.0, 10.0, 60.0, -1.0, 20.0, 10.0, 30.0, 20.0, 50.0, 30.0, 50.0, 30.0, 10.0, 20.0, 40.0, 10.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 30.0, -1.0, 30.0, 20.0, 10.0, -1.0, 10.0, 20.0, 10.0, 10.0, 0.0, -1.0, -1.0, 30.0, -1.0, -1.0, 30.0, 70.0, 50.0, 80.0, 30.0, 10.0, 50.0, 30.0, -1.0, 50.0, 10.0, -1.0, -1.0, 10.0, -1.0, 70.0, 0.0, -1.0, 40.0, 40.0, -1.0, 20.0, 50.0, 20.0, 20.0, 60.0, -1.0, -1.0, 0.0, 20.0, 20.0, 30.0, 10.0, 40.0, 50.0, 30.0, 10.0, 10.0, 40.0, 30.0, 40.0, 20.0, 0.0, 90.0, 30.0, 20.0, 30.0, 10.0, -1.0, 10.0, 10.0, 20.0, -1.0, 70.0, 50.0, -1.0, 50.0, -1.0, -1.0, 40.0, 70.0, 20.0, 30.0, -1.0, 20.0, -1.0, 10.0, 20.0, 70.0, 40.0, 50.0, 90.0, 40.0, 70.0, 20.0, 20.0, 20.0, -1.0, 50.0, 30.0, 40.0, 50.0, 40.0, 60.0, 20.0, 20.0, 10.0, 30.0, 70.0, 60.0, 10.0, 10.0, 10.0, 60.0, -1.0, 20.0, 30.0, 40.0, 60.0, 10.0, 90.0, 60.0, 20.0, 70.0, 80.0, -1.0, 10.0, 10.0, -1.0, 10.0, 100.0, -1.0, -1.0, -1.0, 30.0, 20.0, 20.0, -1.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 40.0, 10.0, 20.0, 10.0, 30.0, 40.0, -1.0, -1.0, 0.0, 10.0, 0.0, 20.0, 50.0, 40.0, 20.0, 10.0, -1.0, 20.0, 10.0, 20.0, -1.0, 40.0, 10.0, 20.0, -1.0, -1.0, 40.0, 10.0, 30.0, 40.0, 10.0, 10.0, 10.0, 60.0, 40.0, 10.0, 30.0, 10.0, 50.0, 20.0, 10.0, 10.0, 10.0, 20.0, 0.0, 90.0, -1.0, 30.0, -1.0, -1.0, 30.0, 40.0, 30.0, 80.0, 50.0, 70.0, 60.0, 20.0, 10.0, 40.0, 20.0, 50.0, -1.0, 20.0, 20.0, -1.0, 60.0, 10.0, 40.0, 10.0, 30.0, 40.0, 20.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, -1.0, 40.0, 20.0, 50.0, 20.0, 10.0, -1.0, 70.0, 30.0, -1.0, 30.0, 10.0, 80.0, 40.0, 20.0, 30.0, 20.0, 20.0, 70.0, 10.0, 20.0, 20.0, 10.0, 30.0, 40.0, 30.0, -1.0, 20.0, 30.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 30.0, 10.0, 50.0, 10.0, 60.0, 30.0, 40.0, 50.0, 30.0, 40.0, 0.0, 40.0, -1.0, 40.0, -1.0, 10.0, 50.0, 50.0, 20.0, 60.0, 40.0, 0.0, -1.0, 20.0, 10.0, 0.0, -1.0, 20.0, 40.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 20.0, -1.0, 40.0, 30.0, 90.0, -1.0, 30.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 10.0, -1.0, 80.0, 20.0, 10.0, 60.0, 20.0, 30.0, 20.0, -1.0, 20.0, 40.0, 50.0, 50.0, 20.0, 30.0, 10.0, 0.0, 10.0, 20.0, 40.0, 50.0, 50.0, 20.0, 40.0, 20.0, -1.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 20.0, 0.0, -1.0, 60.0, 40.0, 20.0, 10.0, 0.0, 30.0, 20.0, -1.0, -1.0, 10.0, 10.0, 50.0, 40.0, 40.0, 0.0, 10.0, 60.0, 20.0, 30.0, 20.0, 0.0, 10.0, 60.0, 10.0, -1.0, 0.0, -1.0, 30.0, 40.0, 10.0, 30.0, 10.0, -1.0, 50.0, 20.0, -1.0, 30.0, 40.0, -1.0, 20.0, 20.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 10.0, 50.0, 30.0, 70.0, 10.0, 60.0, 30.0, 50.0, 20.0, 10.0, 50.0, -1.0, 50.0, 20.0, 10.0, 20.0, 30.0, 40.0, 0.0, 30.0, 40.0, 50.0, 40.0, -1.0, 50.0, 40.0, 10.0, -1.0, 30.0, -1.0, 50.0, 10.0, 10.0, 20.0, -1.0, -1.0, 40.0, 40.0, 10.0, -1.0, 10.0, 70.0, 0.0, 10.0, 20.0, 30.0, 10.0, 0.0, 20.0, 30.0, 40.0, 60.0, 60.0, 30.0, 40.0, 10.0, 20.0, 0.0, 40.0, 30.0, 30.0, -1.0, 10.0, 60.0, 50.0, 10.0, 50.0, 40.0, 50.0, 30.0, 20.0, 70.0, 70.0, 60.0, 30.0, 20.0, 20.0, 20.0, -1.0, -1.0, 40.0, 10.0, 0.0, 60.0, 30.0, 50.0, 50.0, 10.0, 40.0, 30.0, 90.0, 30.0, 40.0, 70.0, 0.0, 60.0, -1.0, 60.0, 50.0, 40.0, 0.0, 20.0, 70.0, 10.0, 20.0, 20.0, 30.0, 50.0, 40.0, 80.0, 20.0, 60.0, 30.0, 30.0, 90.0, 10.0, 10.0, 40.0, 10.0, -1.0, 30.0, 20.0, 60.0, 60.0, 10.0, 20.0, 40.0, 20.0, 20.0, 40.0, 30.0, 20.0, 40.0, 20.0, 30.0, 20.0, -1.0, -1.0, 50.0, 20.0, 20.0, 20.0, 30.0, 0.0, 20.0, 50.0, 20.0, 20.0, 30.0, 20.0, 50.0, 60.0, -1.0, 30.0, 10.0, 30.0, 0.0, -1.0, 20.0, 10.0, 20.0, 0.0, 20.0, 30.0, 40.0, 40.0, 20.0, 40.0, -1.0, 50.0, 50.0, 10.0, 40.0, 40.0, 10.0, 40.0, -1.0, 0.0, 20.0, 30.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 0.0, 40.0, 40.0, 0.0], (3800, 1900): [40.0, 10.0, 20.0, 20.0, 20.0, 20.0, 30.0, 90.0, 30.0, 40.0, 0.0, 40.0, 100.0, 80.0, 40.0, 20.0, 40.0, 30.0, 0.0, 60.0, 40.0, 50.0, 40.0, 20.0, 40.0, 50.0, 30.0, 10.0, 60.0, 10.0, -1.0, 0.0, 50.0, 20.0, 100.0, 10.0, 20.0, 70.0, 80.0, 70.0, 20.0, 10.0, 10.0, 50.0, 100.0, 60.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 30.0, 60.0, 30.0, 30.0, 50.0, 0.0, 0.0, 40.0, 30.0, 30.0, 30.0, 0.0, 60.0, 10.0, 40.0, 30.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, -1.0, 10.0, 20.0, 20.0, 0.0, 60.0, 50.0, 20.0, 0.0, 0.0, 0.0, 90.0, 10.0, 10.0, 10.0, 80.0, 30.0, 0.0, 0.0, 50.0, 40.0, 10.0, 10.0, 30.0, 80.0, 40.0, 30.0, 100.0, 20.0, 90.0, 60.0, 20.0, 0.0, 90.0, 100.0, 20.0, 20.0, -1.0, 0.0, 0.0, 0.0, 30.0, 10.0, 80.0, 30.0, 50.0, 30.0, 10.0, 0.0, 0.0, 60.0, 50.0, 30.0, 30.0, 30.0, 80.0, 0.0, 20.0, 30.0, 10.0, 10.0, 30.0, 40.0, 80.0, 0.0, 50.0, 20.0, 20.0, 30.0, 0.0, 0.0, 0.0, 0.0, 20.0, 10.0, 10.0, 40.0, 20.0, 30.0, 60.0, 40.0, 40.0, 0.0, 20.0, 0.0, 30.0, 50.0, 20.0, 40.0, 10.0, 30.0, 10.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0, 70.0, 0.0, 10.0, 0.0, 10.0, 0.0, 40.0, 40.0, 0.0, 20.0, 10.0, 0.0, 40.0, 10.0, 0.0, 20.0, 30.0, 100.0, 0.0, 70.0, 10.0, 40.0, 50.0, 70.0, 40.0, 20.0, 40.0, 50.0, 0.0, 0.0, 20.0, 30.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 30.0, 20.0, 0.0, 40.0, 20.0, 0.0, 10.0, 30.0, 0.0, 20.0, 10.0, 100.0, 60.0, 10.0, 0.0, 30.0, 20.0, 20.0, 40.0, 10.0, 0.0, 60.0, 50.0, 20.0, 50.0, 100.0, 50.0, 50.0, 40.0, 20.0, 20.0, 50.0, 10.0, 10.0, 40.0, 20.0, 20.0, 0.0, 80.0, 80.0, 0.0, 30.0, 70.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 90.0, 100.0, 30.0, 30.0, 60.0, 90.0, 40.0, 0.0, 0.0, 70.0, 30.0, 40.0, 50.0, 40.0, 10.0, 0.0, 0.0, 10.0, 50.0, 10.0, 40.0, 30.0, 20.0, 90.0, 30.0, 50.0, 60.0, 10.0, 0.0, 40.0, 10.0, 50.0, 0.0, 10.0, 50.0, 40.0, 20.0, 30.0, 40.0, 20.0, 0.0, 0.0, 10.0, 90.0, 50.0, 70.0, 0.0, 40.0, 90.0, 10.0, 40.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 50.0, 20.0, 20.0, 60.0, 100.0, 30.0, 10.0, 80.0, 20.0, 70.0, 0.0, 100.0, 0.0, 20.0, 40.0, 50.0, 0.0, 10.0, 10.0, 80.0, 20.0, 0.0, 20.0, 30.0, 30.0, 60.0, 100.0, 20.0, 20.0, 0.0, 20.0, 10.0, 10.0, 40.0, 0.0, 60.0, 0.0, 10.0, 30.0, 10.0, 10.0, 20.0, 40.0, 40.0, 0.0, 70.0, 10.0, 10.0, 20.0, 40.0, 30.0, 60.0, 100.0, 100.0, 0.0, 60.0, 20.0, 0.0, 10.0, 50.0, 60.0, 0.0, 60.0, 20.0, -1.0, 20.0, 30.0, 20.0, 60.0, 90.0, 0.0, 0.0, 0.0, 30.0, 10.0, 10.0, 0.0, 30.0, 0.0, 100.0, 10.0, 100.0, 70.0, 10.0, 20.0, 20.0, 30.0, 20.0, 20.0, 100.0, 10.0, 50.0, 10.0, 10.0, 10.0, 40.0, 30.0, 60.0, 20.0, 10.0, 40.0, 50.0, 0.0, 0.0, 20.0, 80.0, 10.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 40.0, 60.0, 70.0, 50.0, 0.0, 30.0, 90.0, 80.0, 100.0, 10.0, 0.0, 0.0, 80.0, 10.0, 50.0, 90.0, 0.0, 70.0, 70.0, 10.0, 0.0, 20.0, 30.0, 100.0, 0.0, -1.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 30.0, 30.0, 0.0, 80.0, 0.0, 60.0, 0.0, 30.0, 30.0, 60.0, 40.0, 0.0, 20.0, 40.0, 0.0, 0.0, 100.0, 40.0, 0.0, 70.0, 10.0, 10.0, 20.0, 90.0, 70.0, 0.0, 0.0, 10.0, 10.0, 40.0, 10.0, 0.0, 0.0, 50.0, 50.0, 0.0, 30.0, 0.0, 20.0, 0.0, 40.0, 0.0, 30.0, 40.0, 20.0, 20.0, 10.0, 30.0, 100.0, 0.0, 20.0, 40.0, 70.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 100.0, 40.0, 20.0, 10.0, 30.0, 0.0, 0.0, 20.0, 0.0, 30.0, 20.0, 30.0, 10.0, 0.0, 50.0, 30.0, 50.0, 0.0, 50.0, 10.0, 60.0, 40.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 20.0, 10.0, 90.0, 10.0, 100.0, 0.0, 80.0, 10.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 40.0, 0.0, 10.0, 10.0, 60.0, 10.0, 0.0, 50.0, 30.0, 40.0, 30.0, 10.0, 10.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 10.0, 20.0, 80.0, 10.0, 60.0, 20.0, 80.0, 30.0, 30.0, 20.0, 40.0, 40.0, 60.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 10.0, 50.0, 10.0, -1.0, 10.0, 20.0, 30.0, 30.0, 20.0, 20.0, 90.0, 50.0, 0.0, 30.0, 20.0, 40.0, 20.0, 0.0, 60.0, 10.0, 10.0, 50.0, 40.0, 0.0, 20.0, 10.0, 70.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 10.0, 20.0, 60.0, 30.0, 10.0, 10.0, 0.0, 10.0, 70.0, 30.0, 90.0, 0.0, 90.0, 0.0, 100.0, 90.0, 0.0, 30.0, 50.0, 20.0, 10.0, 80.0, 20.0, 20.0, 30.0, 70.0, 40.0, 30.0, 20.0, 10.0, 0.0, 20.0, 0.0, 70.0, 0.0, 30.0, 30.0, 100.0, 50.0, 30.0, 30.0, 0.0, 0.0, 20.0, 10.0, 10.0, 10.0, 30.0, 60.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 20.0, 40.0, 80.0, -1.0, 0.0, 0.0, 20.0, 30.0, 60.0, 80.0, 0.0, 0.0, 20.0, 10.0, 40.0, 30.0, 20.0, 80.0, 60.0, 20.0, 20.0, 40.0, 20.0, 40.0, 60.0, 10.0, 10.0, 80.0, 0.0, 20.0, 0.0, 40.0, 40.0, 50.0, 30.0, 80.0, 0.0, 20.0, 10.0, 10.0, 0.0, 20.0, 30.0, 70.0, 20.0, 50.0, 50.0, 100.0, 10.0, 10.0, 0.0, 60.0, 70.0, 50.0, -1.0, 20.0, 20.0, 60.0, 40.0, 30.0, 50.0, -1.0, 20.0, 20.0, 50.0, 0.0, 10.0, 10.0, 10.0, 50.0, 70.0, 20.0, 20.0, 60.0, 40.0, 40.0, 30.0, 40.0, 20.0, 20.0, 0.0, 0.0, 30.0, 0.0, 50.0, 0.0, 10.0, 70.0, 60.0, 70.0, 20.0, 30.0, 0.0, 10.0, 20.0, 0.0, 0.0, 60.0, 30.0, 30.0, 80.0, 80.0, 30.0, 40.0, 30.0, 10.0, 0.0, 40.0, 0.0, 10.0, 50.0, 30.0, 0.0, 10.0, 0.0, 20.0, -1.0, 10.0, 0.0, 40.0, 0.0, 60.0, 10.0, 0.0, 50.0, 0.0, 90.0, 50.0, 30.0, 10.0, 30.0, 30.0, 70.0, 20.0, 30.0, 0.0, 10.0, 80.0, 20.0, 40.0, -1.0, 60.0, 30.0, 0.0, 10.0, 20.0, 0.0, 20.0, 0.0, 10.0, 50.0, 10.0, 0.0, 40.0, 30.0, 20.0, 20.0, 10.0, 0.0, 40.0, 0.0, 70.0, 20.0, 40.0, 10.0, 20.0, 10.0, 50.0, 60.0, 10.0, 60.0, 0.0, 0.0, 0.0, 50.0, 0.0, 60.0, 70.0, 20.0, 50.0, 0.0, 60.0, 50.0, 40.0, 0.0, 0.0, 0.0, -1.0, 50.0, 20.0, 50.0, 0.0, 70.0, 0.0, 0.0, 30.0, 0.0, 100.0, 40.0, 40.0, 0.0, 0.0, 20.0, 60.0, 30.0, 50.0, 30.0, 0.0, 10.0, 40.0, 60.0, 40.0, 40.0, 0.0, 0.0, 20.0, 0.0, 60.0, 30.0, 50.0, 30.0, 70.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 40.0, 90.0, 20.0, 10.0, 20.0, 20.0, 30.0, 60.0, 10.0, 100.0, 50.0, 30.0, 50.0, 30.0, 100.0, 0.0, 20.0, 50.0, 50.0, 40.0, 60.0, 60.0, 0.0, 80.0, 0.0, 20.0, 30.0, 50.0, 20.0, 50.0, 20.0, 20.0, 0.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 0.0, 40.0, 0.0, 20.0, 0.0, 40.0, 10.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 50.0, 30.0, 0.0, 30.0, 20.0, 0.0, 20.0, 0.0, 30.0, 80.0, 50.0, 50.0, 30.0, 20.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 20.0, -1.0, 50.0, 20.0, 30.0, 50.0, 60.0, 20.0, 30.0, 60.0, 40.0, 30.0, 0.0, 0.0, 70.0, 40.0, 90.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 10.0, 100.0, 20.0, 70.0, 0.0, 30.0, 50.0, 100.0, 0.0, 0.0, 10.0, 20.0, 40.0, 10.0, 70.0, 60.0, 30.0, 30.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 20.0, 20.0, 20.0, 40.0, 60.0, 30.0, 0.0, 20.0, 20.0, 0.0, 20.0, 50.0, 10.0, 50.0, 0.0, 0.0, 100.0, 40.0, 0.0, 0.0, 60.0, 30.0, 20.0, 70.0, 0.0, 20.0, 10.0, 100.0, 20.0, 30.0, 10.0, 20.0, 40.0, 40.0, 50.0, 0.0, 10.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 70.0, 30.0, 30.0, 0.0, 60.0, 0.0, 60.0, 30.0, 10.0, 10.0, 30.0, 10.0, 60.0, 10.0, 10.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 20.0, 90.0, 20.0, 60.0, 10.0, 0.0, 30.0, 30.0, 40.0, 10.0, 60.0, 40.0], (0, 0): [60.0, 40.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 90.0, 20.0, 50.0, 100.0, -1.0, 50.0, 30.0, 100.0, 40.0, -1.0, 20.0, 40.0, 30.0, 40.0, 60.0, 40.0, 50.0, 20.0, 30.0, 60.0, -1.0, 40.0, 20.0, 20.0, 0.0, 20.0, 50.0, 20.0, 70.0, 30.0, 20.0, 50.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 40.0, 10.0, 50.0, 10.0, 30.0, 20.0, 20.0, 20.0, 20.0, 60.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 20.0, 10.0, 60.0, 70.0, 60.0, -1.0, 80.0, 50.0, 10.0, 60.0, 30.0, 50.0, 100.0, 60.0, 10.0, 50.0, 10.0, 40.0, -1.0, 10.0, 20.0, 60.0, 60.0, -1.0, 30.0, -1.0, 20.0, 0.0, 10.0, 10.0, 50.0, -1.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, 40.0, 100.0, 40.0, 10.0, 20.0, 40.0, 60.0, 40.0, 40.0, 20.0, 20.0, 30.0, 80.0, 40.0, 30.0, 70.0, 20.0, 70.0, 40.0, 40.0, 40.0, 50.0, 10.0, 50.0, 30.0, 50.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 10.0, 0.0, 50.0, 50.0, 20.0, 40.0, 30.0, 40.0, 30.0, 30.0, 70.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 40.0, 0.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 40.0, 40.0, 60.0, 40.0, 40.0, 10.0, 10.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 40.0, 10.0, 50.0, 40.0, 40.0, 10.0, 10.0, 30.0, 50.0, 10.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 0.0, 100.0, 30.0, -1.0, 50.0, 30.0, 40.0, 50.0, 20.0, 100.0, 40.0, 0.0, 70.0, 40.0, 30.0, 70.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 20.0, 100.0, 30.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 10.0, 40.0, 50.0, 60.0, 10.0, 10.0, 40.0, 10.0, 30.0, 30.0, 60.0, 10.0, 20.0, 50.0, 10.0, 50.0, 40.0, 40.0, 30.0, 10.0, 10.0, 0.0, 60.0, 50.0, 60.0, -1.0, 40.0, 60.0, 20.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 70.0, 50.0, 60.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (3800, 3800): [30.0, 0.0, 0.0, 80.0, 10.0, 0.0, 10.0, 30.0, 0.0, 70.0, 0.0, 20.0, 40.0, 0.0, 20.0, 0.0, 0.0, 50.0, 100.0, 0.0, 30.0, 30.0, 20.0, 20.0, 10.0, 0.0, 80.0, 90.0, 0.0, 50.0, 40.0, 10.0, 90.0, 80.0, 60.0, 10.0, 20.0, 0.0, 10.0, 100.0, 10.0, 100.0, 20.0, 0.0, 20.0, 10.0, 20.0, 90.0, 30.0, 0.0, 20.0, 0.0, 70.0, 30.0, 30.0, 0.0, 30.0, 100.0, 100.0, 30.0, 60.0, 60.0, 100.0, 0.0, 90.0, 0.0, 0.0, 0.0, 20.0, 0.0, 10.0, 60.0, 0.0, 30.0, 70.0, 0.0, 0.0, 50.0, 20.0, 0.0, 10.0, 0.0, 10.0, 40.0, 80.0, 10.0, 0.0, 0.0, 100.0, 0.0, 30.0, 80.0, 0.0, 50.0, 50.0, 20.0, 10.0, 10.0, 70.0, 0.0, 20.0, 30.0, 30.0, 10.0, 100.0, 50.0, 0.0, 10.0, 30.0, 10.0, 0.0, 20.0, 70.0, 60.0, 10.0, 70.0, 60.0, 10.0, 40.0, 0.0, 0.0, 0.0, 40.0, 0.0, 20.0, 50.0, 20.0, 0.0, 0.0, -1.0, 30.0, 100.0, 50.0, 0.0, 0.0, 0.0, 10.0, 20.0, 40.0, 20.0, 0.0, 40.0, 70.0, 30.0, 0.0, 100.0, 0.0], (5700, 1900): [30.0, 70.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 0.0, 60.0, 0.0, 20.0, 0.0, 100.0, 100.0, 80.0, 30.0, 70.0, 0.0, 20.0, 30.0, 50.0, 0.0, 40.0, 100.0, 20.0, 20.0, 20.0, 10.0, 20.0, 80.0, 0.0, 50.0, 80.0, 100.0, 90.0, 100.0, 90.0, 0.0, 40.0, 100.0, 100.0, 100.0, 40.0, 10.0, 100.0, 0.0, 20.0, 0.0, 20.0, 40.0, 0.0, 60.0, 10.0, 60.0, 10.0, 0.0, 10.0, 100.0, 40.0, 10.0, 100.0, 30.0, 30.0, 30.0, 20.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 0.0, 0.0, 80.0, 70.0, 10.0, 30.0, 30.0, 90.0, 0.0, 30.0, 40.0, 80.0, 70.0, 80.0, 30.0, 30.0, 0.0, 10.0, 50.0, 100.0, 20.0, 20.0, 10.0, 30.0, 100.0, 0.0, 0.0, 30.0, 50.0, 40.0, 100.0, 0.0, 90.0, 10.0, 70.0, 70.0, 0.0, 10.0, 100.0, 90.0, 90.0, 30.0, 80.0, 90.0, 20.0, 30.0, 10.0, 0.0, 0.0, 90.0, 40.0, 100.0, 0.0, 10.0, 30.0, 0.0, 10.0, 10.0, 0.0, 80.0, 10.0, 40.0, 0.0, 10.0, 20.0, 0.0, 40.0, 70.0, 0.0, 40.0, -1.0, 90.0, 50.0, 40.0, 90.0, 0.0, 60.0, 40.0, 10.0, 30.0, 0.0, 40.0, 30.0, 10.0, 100.0, 50.0, 60.0, 30.0, 80.0, 10.0, 0.0, 70.0, 60.0, 60.0, 60.0, 10.0, 90.0, 80.0, 80.0, 20.0, 60.0, 0.0, 100.0, 30.0, 50.0, 100.0, 50.0, 90.0, 60.0, 100.0, 0.0, 100.0, 30.0, 40.0, 70.0, 80.0, 40.0, 60.0, 80.0, 0.0, 40.0, 80.0, 100.0, 40.0, 100.0, 40.0, 30.0, 10.0, 10.0, 90.0, 0.0, 10.0, 10.0, 10.0, 0.0, 40.0, 10.0, 0.0, 10.0, 10.0, 60.0, 60.0, 50.0, 20.0, 30.0, 0.0, 70.0, 30.0, 90.0, 0.0, 0.0, 10.0, 0.0, 80.0, 0.0, 70.0, 100.0, 100.0, 70.0, 70.0, 10.0, 60.0, 40.0, 90.0, 30.0, 100.0, 20.0, 50.0, 50.0, 30.0, 10.0, 50.0, 0.0, 70.0, 100.0, 0.0, 60.0, 10.0, 40.0, 100.0, 60.0, 40.0, 0.0, 10.0, 10.0, 90.0, 70.0, 100.0, 60.0, 40.0, 100.0, 30.0, 0.0, 30.0, 10.0, 50.0, 20.0, 50.0, 50.0, 100.0, 100.0, 30.0, 40.0, 0.0, 70.0, 40.0, 70.0, 0.0, 80.0, 30.0, 10.0, 90.0, 70.0, 10.0, 0.0, 40.0, 70.0, 30.0, 60.0, 40.0, 50.0, 100.0, 50.0, 80.0, 100.0, 100.0, 0.0, 100.0, 20.0, 20.0, 10.0, 40.0, 0.0, 100.0, 20.0, 30.0, 0.0, 20.0, 70.0, 20.0, 100.0, 40.0, 10.0, 0.0, 100.0, 50.0, 20.0, 100.0, 70.0, 30.0, 40.0, 30.0, 30.0, 10.0, 0.0, 60.0, 10.0, 70.0, 10.0, 10.0, 0.0, 70.0, 10.0, 0.0, 90.0, 0.0, 100.0, 0.0, 50.0, 0.0, 90.0, 40.0, 70.0, 0.0, 0.0, 100.0, 40.0, 80.0, 80.0, 40.0, 50.0, 40.0, 0.0, 40.0, 100.0, 40.0, 0.0, 30.0, 100.0, 30.0, 10.0, 30.0, 50.0, 30.0, 0.0, 0.0, 100.0, 20.0, 90.0, 10.0, 20.0, 0.0, 80.0, 100.0, 30.0, 60.0, 20.0, 40.0, 100.0, 10.0, 100.0, 40.0, 30.0, 20.0, 100.0, 100.0, 10.0, 50.0, 20.0, 70.0, 100.0, 40.0, 10.0, 20.0, 70.0, 50.0, 0.0, 20.0, 0.0, 70.0, 60.0, 0.0, 20.0, 10.0, 50.0, 20.0, 20.0, 0.0, 10.0, 10.0, 0.0, 90.0, 90.0, 90.0, 10.0, 80.0, 0.0, 20.0, 80.0, 60.0, 20.0, 80.0, 100.0, 20.0, 20.0, 0.0, 20.0, 60.0, 90.0, 100.0, 0.0, 60.0, 50.0, 60.0, 70.0, 70.0, 70.0, 80.0, 100.0, 70.0, 90.0, 0.0, 20.0, 30.0, 70.0, 60.0, 10.0, 0.0, 80.0, 70.0, 50.0, 0.0, 80.0, 0.0, 20.0, 10.0, 100.0, 60.0, 100.0, 0.0, 70.0, 10.0, 0.0, 50.0, 80.0, 30.0, 60.0, 100.0, 100.0, 0.0, 80.0, 20.0, 40.0, 50.0, 30.0, 0.0, 100.0, 100.0, 50.0, 30.0, 90.0, 10.0, 10.0, 90.0, 50.0, 10.0, 20.0, 60.0, 50.0, 100.0, 70.0, 0.0, 0.0, 80.0, 10.0, 0.0, 70.0, 0.0, 10.0, 100.0, 40.0, 100.0, 100.0, 90.0, 80.0, 30.0, 60.0, 70.0, 80.0, 100.0, 70.0, 20.0, 30.0, 100.0, 70.0, 0.0, 0.0, 70.0, 100.0, 0.0, 30.0, 0.0, 90.0, 0.0, 100.0, 10.0, 10.0, 100.0, 80.0, 50.0, 40.0, 40.0, 100.0, 100.0, 50.0, 100.0, 100.0, 60.0, 10.0, 100.0, 10.0, 100.0, 10.0, 0.0, 30.0, 40.0, 70.0, 60.0, 60.0, 0.0, 10.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 30.0, 60.0, 0.0, 10.0, 0.0, 0.0, 30.0, 50.0, 70.0, 10.0, 30.0, 60.0, 60.0, 50.0, 30.0, 40.0, 60.0, 100.0, 100.0, 0.0, 80.0, 10.0, 20.0, 90.0, 70.0, 30.0, 0.0, 90.0, 30.0, 20.0, 90.0, 30.0, 100.0, 100.0, 10.0, 0.0, 100.0, 30.0, 0.0, 0.0, 0.0, 60.0, 0.0, 20.0, 10.0, 100.0, 40.0], (5700, 3800): [40.0, 90.0, 60.0, 60.0, 50.0, 0.0, 100.0, 0.0, 0.0, 10.0, 100.0, 100.0, 0.0, 100.0, 20.0, 0.0, 100.0, 100.0, 60.0, 50.0, 90.0, 80.0, 40.0, 40.0, 50.0, 20.0, 100.0, 100.0, 30.0, 10.0, 40.0, 100.0, 10.0, 20.0, 10.0, 100.0, 70.0, 0.0, 70.0, 20.0, 40.0, 90.0, 60.0, 100.0, 70.0, 60.0, 10.0, 80.0, 10.0, 10.0, 10.0, 30.0, 60.0, 90.0, 40.0, 0.0, 90.0, 100.0, 100.0, 20.0, 20.0, 70.0, 0.0, 0.0, 0.0, 0.0, 10.0, 20.0, 60.0, 0.0, 100.0, 50.0, 0.0, 60.0, 20.0, 100.0, 0.0, 70.0, 100.0, 20.0, 50.0, 0.0, 0.0, 10.0, 10.0, 0.0, 20.0, 10.0, 10.0, 80.0, 70.0, 50.0, 0.0, 10.0, 50.0, 50.0, 0.0, 10.0, 60.0, 0.0, 40.0, 50.0, 40.0, 100.0, 40.0, 50.0, 0.0, 70.0, 40.0, 60.0, 50.0, 80.0, 100.0, 40.0, 40.0, 40.0, 0.0, 30.0, 10.0, 40.0, 0.0, 20.0, 10.0, 0.0, 30.0, 60.0, 70.0, 0.0, 0.0, 90.0, 50.0, 30.0, 80.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 0.0, 0.0, 0.0, 50.0, 0.0, 30.0, 0.0, 100.0, 0.0, 10.0, 30.0, 0.0, 80.0, 60.0, 100.0, 50.0, 0.0, 40.0, 10.0, 80.0, 0.0, 0.0, 20.0, 100.0, 0.0, 70.0, 80.0, 10.0, 40.0, 0.0, 80.0, 100.0, 60.0, 30.0, 10.0, 100.0, 10.0, 40.0, 20.0, 100.0, 100.0, 0.0, 100.0, 20.0, 20.0, 50.0, 20.0, 20.0, 0.0, 20.0, 50.0, 10.0, 100.0, 100.0, 80.0, 70.0, 90.0, 90.0, 100.0, 40.0, 20.0, 10.0, 50.0, 20.0, 0.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 100.0, 0.0, 0.0, 10.0, 0.0, 50.0, 60.0, 90.0, 0.0, 0.0, 0.0, 100.0, 10.0, 0.0, 90.0, 0.0, 0.0, 100.0, 90.0, 0.0, 60.0, 30.0, 10.0, 40.0, 20.0, 20.0, 100.0, 30.0, 100.0, 0.0, 20.0, 90.0, 60.0, 80.0, 100.0, 60.0, 80.0, 0.0, 0.0, 0.0, 100.0, 100.0, 10.0, 40.0, 20.0, 0.0, 0.0, 0.0, 0.0, 70.0, 60.0, 100.0, 100.0, 0.0, 20.0, 0.0, 100.0, 100.0, 50.0, 50.0, 0.0, 100.0, 10.0, 20.0, 40.0, 20.0, 100.0, 0.0, 30.0, 80.0, 0.0, 70.0, 0.0, 0.0, 60.0, 30.0, 0.0, 0.0, 0.0, 70.0, 100.0, 60.0, 0.0, 0.0, 20.0, 100.0, 0.0, 20.0, 0.0, 30.0, 0.0, 100.0, 70.0, 40.0, 0.0, 60.0, 60.0, 40.0, 100.0, 10.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 30.0, 90.0, 100.0, 100.0, 30.0, 90.0, 60.0, 10.0, 40.0, 40.0, 80.0, 100.0, 20.0, 100.0, 0.0, 100.0, 70.0, 0.0, 100.0, 10.0, 10.0, 20.0, 10.0, 100.0, 90.0, 70.0, 70.0, 10.0, 10.0, 60.0, 90.0, 50.0, 0.0, 90.0, 90.0, 100.0, 80.0, 0.0, 40.0, 100.0, 40.0, 100.0, 100.0, 70.0, 100.0, 0.0, 50.0, 0.0, 40.0, 0.0, 20.0, 70.0, 100.0, 0.0, 0.0, 0.0, 90.0, 10.0, 0.0, 60.0, 100.0, 50.0, 20.0, 10.0, 0.0, 30.0, 100.0, 70.0, 70.0, 100.0, 60.0, 0.0, 60.0, 40.0, 10.0, 10.0, 10.0, 0.0, 60.0, 40.0, 100.0, 90.0, 0.0, 10.0, 80.0, 90.0, 20.0, 70.0, 50.0, 100.0, 90.0, 0.0, 30.0, 10.0, 0.0, 100.0, 0.0, 90.0, 100.0, 10.0, 30.0, 0.0, 100.0, 60.0, 50.0, 100.0, 100.0, 0.0, 0.0, 0.0, 70.0, 70.0, 100.0, 70.0, 0.0, 20.0, 20.0, 0.0, 30.0, 50.0, 10.0, 20.0, 100.0, 100.0, 0.0, 10.0, 50.0, 80.0, 100.0, 0.0, 100.0, 70.0, 0.0, 100.0, 30.0, 20.0, 30.0, 50.0, 100.0, 50.0, 100.0, 0.0, 20.0, 0.0, 60.0, 0.0, 100.0, 0.0, 90.0, 60.0, 50.0, 10.0, 90.0, 10.0, 0.0, 0.0, 90.0, 20.0, 10.0, 100.0, 70.0, 20.0, 100.0, 50.0, 0.0, 10.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 60.0, 80.0, 100.0, 90.0, 0.0, 0.0, 30.0, 40.0, 0.0, 0.0, 0.0, 40.0, 100.0, 0.0, 0.0, 60.0, 80.0, 100.0, 100.0, 20.0, 80.0, 0.0, 100.0, 10.0, 60.0, 100.0, 80.0, 100.0, 20.0, 0.0, 0.0, 40.0, 100.0, 40.0, 30.0, 70.0, 0.0, 0.0, 10.0, 100.0, 40.0, 20.0, 40.0, 30.0, 100.0, 0.0, 70.0, 60.0, 10.0, 20.0, 100.0, 0.0, 20.0, 0.0, 0.0, 20.0, 40.0, 60.0, 80.0, 50.0, 30.0, 60.0, 0.0, 40.0, 20.0, 20.0, 40.0, 70.0, 100.0, 0.0, 50.0, 80.0, 0.0, 40.0, 40.0, 100.0, 0.0, 30.0, 100.0, 100.0, 10.0, 100.0, 10.0, 100.0, 80.0, 80.0, 90.0, 100.0, 10.0, 60.0, 100.0, 30.0, 10.0, 100.0, 10.0, 100.0, 0.0, 100.0, 90.0, 100.0, 60.0, 20.0, 0.0, 30.0, 100.0, 10.0, 20.0, 0.0, 10.0, 20.0, 10.0, 30.0, 0.0, 30.0, 50.0, 20.0, 90.0, 30.0, -1.0, 30.0, 80.0, 100.0, 0.0, 0.0, 10.0, 0.0, 100.0, 10.0, 0.0, 0.0, 20.0, 10.0, 90.0, 20.0, 70.0, 0.0, 50.0, 100.0, 0.0, 20.0, 30.0, 10.0, 60.0, 10.0, 70.0, 90.0, 40.0, 40.0, 30.0, 20.0, 0.0, 90.0, 50.0, 50.0, 30.0, 10.0, 80.0, 10.0, 100.0, 30.0, 20.0, 50.0, 80.0, 10.0, 0.0, 20.0, 60.0, 50.0, 70.0, 20.0, 10.0, 60.0, 30.0, 40.0, 70.0, 0.0, 0.0, 40.0, 100.0, 40.0, 90.0, 0.0, 0.0, 100.0, 0.0, 70.0, 40.0, 10.0, 50.0, 60.0, 100.0, 10.0, 40.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 40.0, 20.0, 0.0, 50.0, 100.0, 40.0, 100.0, 70.0, 10.0, 60.0, 80.0, 60.0, 50.0, 70.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 100.0, 90.0, 60.0, 20.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 90.0, 20.0, 10.0, 10.0, 0.0, 10.0, 20.0, 20.0, 10.0, 10.0, 100.0, 0.0, 10.0, 0.0, 100.0, 20.0, 20.0, 30.0, 100.0, 20.0, 20.0, 0.0, 100.0, 10.0, 60.0, 100.0, 100.0, 20.0, 100.0, 60.0, 0.0, 0.0, 20.0, 30.0, 0.0, 100.0, 90.0, 20.0, 70.0, 100.0, 30.0, 60.0, 70.0, 100.0, 100.0, 30.0, 30.0, 60.0, 100.0, 40.0, 40.0, 100.0, 20.0, 100.0, 70.0, 100.0, 10.0, 100.0, 90.0, 100.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 100.0, 0.0, 30.0, 80.0, 20.0, 0.0, 70.0, 100.0, 100.0, 40.0, 30.0, 100.0, 50.0, 0.0, 0.0, 100.0, 0.0, 80.0, 30.0, 0.0, 20.0, 100.0, 0.0, 90.0, 100.0, 0.0, 0.0, 90.0, 100.0, 50.0, 0.0, 20.0, 100.0, 100.0, 0.0, 50.0, 100.0, 100.0, 20.0, 20.0, 50.0, 100.0, 0.0, 100.0, 60.0, 100.0, 40.0, 20.0, 50.0, 100.0, 80.0, 0.0, 0.0, 40.0, 40.0, 100.0, 70.0, 10.0, 10.0, 90.0, 100.0, 90.0, 50.0, 100.0, 90.0, 20.0, 0.0, 0.0, 70.0, 80.0, 50.0, 80.0, 0.0, 30.0, 0.0, 70.0, 50.0, 90.0, 90.0, 100.0, 0.0, 0.0, 20.0, 90.0, 0.0, 100.0, 70.0, 0.0, 20.0, 30.0, 40.0, 10.0, 40.0, 60.0, 40.0, 60.0, 10.0, 50.0, 60.0, 60.0, 80.0, 80.0, 40.0, 100.0, 40.0, 0.0, -1.0, 100.0, 90.0, 0.0, 10.0, 90.0, 0.0, 30.0, 10.0, 50.0, 60.0, 0.0, 70.0, 100.0, 10.0, 100.0, 80.0, 20.0, 0.0, 20.0, 90.0, 20.0, 60.0, 10.0, 50.0, 100.0, 70.0, 10.0, 0.0, 0.0, 0.0, 20.0, 0.0, 100.0, 50.0, 40.0, 0.0, 50.0, 40.0, 20.0, 0.0, 0.0, 0.0, 50.0], (1900, 1900): [50.0, 60.0, 40.0, 40.0, 40.0, -1.0, 20.0, 40.0, 50.0, 40.0, 50.0, -1.0, 30.0, 20.0, 90.0, -1.0, 80.0, 50.0, 90.0, 30.0, 60.0, 70.0, 30.0, 30.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, 30.0, 30.0, 20.0, 70.0, 90.0, 40.0, 40.0, 50.0, 80.0, 10.0, 40.0, 20.0, 50.0, 40.0, 80.0, 20.0, 80.0, 20.0, 20.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 30.0, 20.0, 100.0, 40.0, 80.0, 90.0, 20.0, 70.0, 90.0, 40.0, 80.0, 20.0, 40.0, 40.0, 30.0, 20.0, 80.0, 80.0, 50.0, 70.0, 30.0, 70.0, 40.0, 50.0, 30.0, 30.0, 50.0, 40.0, 30.0, 60.0, 50.0, 40.0, 40.0, 50.0, 30.0, 60.0, 60.0, 80.0, 40.0, 60.0, 50.0, 20.0, 50.0, -1.0, 40.0, -1.0, 30.0, 40.0, 60.0, 10.0, 20.0, 60.0, 50.0, 40.0, 80.0, 30.0, 60.0, 40.0, 20.0, 40.0, 60.0, 30.0, 30.0, 30.0, 10.0, 50.0, 40.0, 20.0, 20.0, 30.0, 30.0, 20.0, 30.0, 80.0, 30.0, 50.0, 20.0, 80.0, 20.0, 60.0, 50.0, 10.0, 50.0, 50.0, -1.0, 50.0, 50.0, 30.0, 40.0, 40.0, 30.0, 30.0, 40.0, 40.0, 60.0, 60.0, 40.0, 60.0, 60.0, 40.0, 30.0, 30.0, 40.0, 30.0, 100.0, 40.0, 20.0, 40.0, 30.0, 30.0, 30.0, 40.0, 50.0, 40.0, 100.0, 40.0, 50.0, 0.0, 30.0, 50.0, 40.0, 30.0, 30.0, -1.0, 90.0, 40.0, 80.0, 40.0, 30.0, 20.0, 80.0, 60.0, 40.0, 80.0, -1.0, 30.0, 40.0, 70.0, 30.0, 50.0, 60.0, 20.0, 40.0, 60.0, 30.0, 100.0, 30.0, 30.0, 30.0, 40.0, 30.0, 40.0, 60.0, 80.0, 60.0, 20.0, 30.0, 40.0, 60.0, 30.0, 60.0, 80.0, 40.0, 40.0, 100.0, 30.0, 90.0, 60.0, 50.0, 30.0, 60.0, 80.0, 40.0, 70.0, 90.0, 70.0, 30.0, 50.0, 40.0, 20.0, 40.0, 30.0, 60.0, 40.0, -1.0, 60.0, 40.0, 70.0, 40.0, 60.0, 30.0, 20.0, 60.0, 70.0, 20.0, 50.0, 20.0, 70.0, 20.0, 80.0, 50.0, 40.0, 20.0, 60.0, 20.0, 10.0, 10.0, 40.0, 30.0, 30.0, 20.0, 40.0, 30.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 100.0, 40.0, 30.0, 50.0, 90.0, 30.0, 50.0, 30.0, 60.0, 80.0, 30.0, 70.0, 40.0, 30.0, 30.0, 50.0, 80.0, 30.0, 50.0, 40.0, 50.0, 30.0, 100.0, 30.0, 80.0, 50.0, -1.0, 50.0, 60.0, 0.0, 60.0, 50.0, 50.0, 30.0, 20.0, 40.0, 50.0, 40.0, -1.0, 40.0, -1.0, 20.0, 50.0, 40.0, 80.0, 20.0, 50.0, 20.0, 40.0, 70.0, 40.0, 30.0, 70.0, 60.0, 30.0, 100.0, 50.0, 40.0, 50.0, 20.0, -1.0, 50.0, 20.0, 40.0, 60.0, 50.0, 40.0, 30.0, 60.0, 10.0, 30.0, 60.0, 30.0, 20.0, -1.0, -1.0, 30.0, 30.0, 90.0, 40.0, 10.0, 60.0, -1.0, 40.0, -1.0, 40.0, 90.0, 70.0, 20.0, 30.0, 50.0, 30.0, 40.0, 60.0, 80.0, 20.0, 20.0, 50.0, 40.0, 30.0, 60.0, 40.0, 30.0, 40.0, 100.0, 40.0, 40.0, 100.0, 70.0, 40.0, 40.0, 90.0, 40.0, -1.0, 100.0, 50.0, 70.0, 30.0, 30.0, 50.0, 10.0, 40.0, 50.0, 40.0, 50.0], (3800, 0): [10.0, 10.0, 70.0, 10.0, 30.0, 0.0, 30.0, 10.0, 30.0, 0.0, 20.0, 10.0, 30.0, 30.0, 40.0, 20.0, 10.0, 30.0, 10.0, 10.0, -1.0, 20.0, 0.0, 0.0, 40.0, 10.0, 10.0, 10.0, 20.0, 20.0, 20.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 10.0, 30.0, 50.0, 0.0, 30.0, 30.0, 20.0, 0.0, 10.0, 20.0, 10.0, -1.0, 60.0, 30.0, 20.0, 30.0, 20.0, 10.0, 40.0, 10.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 30.0, 0.0, 20.0, 10.0, 30.0, 30.0, 30.0, 50.0, 0.0, 10.0, 30.0, 10.0, 40.0, 20.0, 40.0, 40.0, 10.0, 10.0, 0.0, 10.0, 10.0, 40.0, 10.0, 10.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 10.0, 0.0, 20.0, 10.0, 50.0, 40.0, -1.0, 0.0, 60.0, 10.0, 20.0, 0.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 10.0, 40.0, 40.0, -1.0, 20.0, 20.0, 10.0, 80.0, 0.0, 10.0, 20.0, -1.0, 0.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 30.0, 40.0, 20.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, 10.0, 10.0, 10.0, 40.0, 0.0, 20.0, 20.0, 30.0, 10.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, 10.0, 10.0, 10.0, 10.0, 10.0, 50.0, 0.0, -1.0, 10.0, 10.0, 30.0, 10.0, 20.0, 0.0, 40.0, 0.0, 10.0, 10.0, 20.0, -1.0, 10.0, 30.0, 40.0, -1.0, 100.0, 50.0, 20.0, 30.0, 20.0, 30.0, 30.0, 0.0, -1.0, 10.0, 10.0, 0.0, -1.0, 10.0, -1.0, 10.0, 30.0, 20.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 70.0, 0.0, 20.0, 0.0, 50.0, 60.0, 10.0, 20.0, 10.0, 10.0, 40.0, 40.0, 10.0, 20.0, 10.0, 30.0, 10.0, 30.0, 60.0, 10.0, 20.0, 30.0, 40.0, -1.0, 50.0, 10.0, 40.0, 10.0, 20.0, 0.0, 40.0, 50.0, 10.0, 30.0, 10.0, 20.0, 10.0, 20.0, 30.0, 10.0, 30.0, 20.0, 0.0, 20.0, 0.0, 30.0, 0.0, 10.0, 30.0, 10.0, -1.0, -1.0, 20.0, -1.0, 20.0, 50.0, 10.0, 0.0, 30.0, 30.0, 30.0, 10.0, 30.0, 20.0, 20.0, 30.0, 10.0, 10.0, 40.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 70.0, 20.0, 10.0, 40.0, -1.0, 20.0, 10.0, 0.0, 20.0, 10.0, 10.0, 20.0, 20.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 20.0, 10.0, 30.0, -1.0, 10.0, 50.0, 30.0, 50.0, 10.0, 40.0, 50.0, 40.0, 10.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 40.0, 20.0, 30.0, 0.0, 20.0, 10.0, 30.0, 0.0, 30.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, 10.0, 10.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 10.0, 20.0], (7600, 0): [100.0, 80.0, 60.0, 90.0, 80.0, 60.0, 90.0, 100.0, 60.0, 40.0, 100.0, 70.0, 90.0, 100.0, 70.0, 100.0, 100.0, 60.0, 100.0, 100.0, 80.0, 90.0, 70.0, 20.0, 70.0, 100.0, 70.0, 50.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 80.0, 90.0, 100.0, 100.0, 40.0, 100.0, 90.0, 40.0, 80.0, 100.0, 100.0, 80.0, 60.0, 90.0, 100.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 90.0, 100.0, 90.0, 80.0, 90.0, 60.0, 70.0, 40.0, 100.0, 100.0, 80.0, 80.0, 50.0, 80.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 50.0, 20.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 60.0, 100.0, 80.0, 100.0, 100.0, 80.0, 80.0, 90.0, 50.0, 10.0, 80.0, 90.0, 70.0, 70.0, 100.0, 90.0, 40.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 100.0, 100.0, 90.0, 80.0, 60.0, 90.0, 10.0, 100.0, 30.0, 40.0, 100.0, 40.0, 100.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 60.0, 100.0, 100.0, 70.0, 70.0, 100.0, 80.0, 80.0, 30.0, 40.0, 50.0, 60.0, 100.0, 80.0, 70.0, 100.0, 100.0, 100.0, 80.0, 50.0, 100.0, 90.0, 100.0, 90.0, 90.0, 80.0, 100.0, 90.0, 70.0, 90.0, 50.0, 90.0, 100.0, 90.0, 90.0, 80.0, 80.0, 80.0, 80.0, 100.0, 90.0, 80.0, 90.0, 60.0, 90.0, 90.0, 30.0, 100.0, 100.0, 100.0, 100.0, 90.0, 20.0, 80.0, 100.0, 90.0, 100.0, 90.0, 60.0, 100.0, 100.0, 90.0, 90.0, 90.0, 90.0, 70.0, 100.0, 90.0, 70.0, 90.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 90.0, 90.0, 70.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 70.0, 60.0, 80.0, 100.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 90.0, 40.0, 80.0, 80.0, 30.0, 70.0, 80.0, 90.0], (7600, 1900): [100.0, 20.0, 100.0, 90.0, 100.0, 60.0, 100.0, 30.0, 50.0, 20.0, 50.0, 30.0, 50.0, 100.0, 100.0, 90.0, 90.0, 50.0, 100.0, 80.0, 50.0, 80.0, 60.0, 100.0, 100.0, 0.0, 70.0, 100.0, 10.0, 100.0, 30.0, 10.0, 100.0, 60.0, 10.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 70.0, 40.0, 100.0, 40.0, 30.0, 100.0, 40.0, 100.0, 100.0, 20.0, 0.0, 70.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 40.0, 100.0, 40.0, 70.0, 100.0, 20.0, 100.0, 70.0, 10.0, 100.0, 100.0, 20.0, 60.0, 100.0, 100.0, 30.0, 50.0, 100.0, 100.0, 100.0, 20.0, 10.0, 100.0, 40.0, 50.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 80.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 30.0, 80.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 60.0, 100.0, 90.0, 80.0, 90.0, 70.0, 10.0, 80.0, 100.0, 40.0, 10.0, 100.0, 0.0, 20.0, 30.0, 50.0, 100.0, 50.0, 100.0, 100.0, 10.0, 50.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 40.0, 0.0, 10.0, 100.0, 100.0, 80.0, 60.0, 100.0, 100.0, 70.0, 10.0, 20.0, 50.0, 60.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 60.0, 50.0, 60.0, 60.0, 100.0, 80.0, 70.0, 10.0, 30.0, 80.0, 10.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 50.0, 90.0, 100.0, 50.0, 20.0, 100.0, 10.0, 80.0, 100.0, 10.0, 20.0, 60.0, 60.0, 100.0, 50.0, 20.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 70.0, 30.0, 100.0, 80.0, 70.0, 80.0, 0.0, 10.0, 30.0, 100.0, 30.0, 70.0, 100.0, 100.0, 10.0, 90.0, 60.0, 70.0, 20.0, 10.0, 100.0, 90.0, 0.0, 80.0, 100.0, 10.0, 20.0, 100.0, 60.0, 0.0, 100.0, 60.0, 10.0, 30.0, 30.0, 70.0, 100.0, 100.0, 30.0, 100.0, 80.0, 90.0, 70.0, 20.0, 100.0, 60.0, 60.0, 100.0, 80.0, 70.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 10.0, 0.0, 100.0, 100.0, 100.0, 30.0, 70.0, 30.0, 100.0, 30.0, 20.0, 70.0, 90.0, 100.0, 20.0, 100.0, 100.0, 40.0, 40.0, 20.0, 60.0, 10.0, 100.0, 90.0, 50.0, 40.0, 100.0, 10.0, 100.0, 60.0, 50.0, 20.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 100.0, 0.0], (5700, 0): [80.0, 70.0, 80.0, 100.0, 60.0, 80.0, 70.0, 70.0, 10.0, 60.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 90.0, 30.0, 50.0, 60.0, 60.0, 100.0, 30.0, 20.0, 60.0, 60.0, 10.0, 40.0, 20.0, 40.0, 30.0, 80.0, 60.0, 20.0, 70.0, 50.0, 50.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 80.0, 100.0, 40.0, 10.0, 50.0, 100.0, 90.0, 70.0, 80.0, 50.0, 90.0, 30.0, 60.0, 40.0, 40.0, 30.0, 70.0, 40.0, 60.0, 60.0, 70.0, 40.0, 50.0, 30.0, 20.0, 50.0, 40.0, 30.0, 90.0, 10.0, 10.0, 70.0, 40.0, 40.0, 60.0, 70.0, 50.0, 30.0, 20.0, 30.0, 20.0, 30.0, 50.0, 40.0, 80.0, 40.0, 50.0, 50.0, 50.0, 50.0, 40.0, 60.0, 60.0, 10.0, 60.0, 50.0, 60.0, 60.0, 40.0, 30.0, 60.0, 50.0, 80.0, 10.0, 40.0, 50.0, 20.0, 40.0, 50.0, 50.0, 50.0, 50.0, 30.0, 10.0, 20.0, 60.0, 50.0, 50.0, 40.0, 40.0, 50.0, 40.0, 50.0, 70.0, 30.0, 40.0, 40.0, 50.0, 60.0, 100.0, 20.0, 40.0, 70.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 40.0, 50.0, 40.0, 40.0, 30.0, 40.0, 20.0, 30.0, 30.0, 40.0, 60.0, 50.0, 60.0, 0.0, 70.0, 70.0, 10.0, 50.0, 60.0, 60.0, 30.0, 60.0, 30.0, 90.0, 90.0, 90.0, 0.0, 90.0, 60.0, 70.0, 30.0, 60.0, 70.0, 30.0, 10.0, 20.0, 20.0, 50.0, 70.0, 30.0, 40.0, 60.0, 70.0, 60.0, 10.0, 50.0, 60.0, 40.0, 70.0, 90.0, 60.0, 40.0, 80.0, 60.0, 60.0, 100.0, 40.0, 40.0, 30.0, 100.0, 20.0, 70.0, 30.0, 70.0, 30.0, 20.0, 40.0, 60.0, 30.0, 0.0, 30.0, 60.0, 60.0, 60.0, 50.0, 40.0, 50.0, 50.0, 40.0, 30.0, 80.0, 70.0, 100.0, 40.0, 30.0, 50.0, 70.0, 50.0, 60.0, 100.0, 50.0, 40.0, 60.0, 60.0, 70.0, 60.0, 70.0, 20.0, 40.0, 50.0, 100.0, 30.0, 40.0, 60.0, 50.0, 60.0, 50.0, 70.0, 20.0, 70.0, 50.0, 50.0, 80.0, 90.0, 40.0, 60.0, 30.0, 60.0, 30.0, 60.0, 70.0, 0.0, 40.0, 30.0, 60.0, 60.0, 40.0, 100.0, 20.0, 70.0, 50.0, 70.0, 70.0, 50.0, 60.0, 40.0, 20.0, 20.0, 50.0, 40.0, 60.0, 90.0, 60.0, 50.0, 50.0, 60.0, 20.0, 60.0, 80.0, 30.0, 40.0, 30.0, 40.0, 40.0, 100.0, 60.0, 70.0, 100.0, 20.0, 50.0, 60.0, 30.0, 20.0, 50.0, 40.0, 80.0, 80.0, 70.0, 70.0, 30.0, 80.0, 80.0, 60.0, 60.0, 60.0, 100.0, 70.0, 40.0, 60.0, 50.0, 90.0, 60.0, 70.0, 40.0, 70.0, 50.0, 10.0, 60.0, 30.0, 30.0, 80.0, 30.0, 50.0, 10.0, 20.0, 60.0, 10.0, 70.0, 40.0, 40.0, 0.0, 80.0, 40.0, 50.0, 30.0, 80.0, 80.0, 70.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2000 = {(8000, 4000): [90.0, 40.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 30.0, 50.0, 10.0, 90.0, 100.0, 100.0, 100.0, 10.0, 70.0, 90.0, 30.0, 100.0, 20.0, 10.0, 60.0, 100.0, 30.0, 100.0, 80.0, 10.0, 0.0, 20.0, 100.0, 70.0, 0.0, 100.0, 10.0, 100.0, 10.0, 60.0, 20.0, 30.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 60.0, 10.0, 100.0, 80.0, 40.0, 40.0, 20.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 40.0, 80.0, 70.0, 70.0, 0.0, 70.0, 80.0, 100.0, 100.0, 80.0, 80.0, 80.0, 100.0, 10.0, 100.0, 90.0, 90.0, 30.0, 100.0, 90.0, 30.0, 80.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 80.0, 0.0, 100.0, 10.0, 0.0, 0.0, 100.0, 10.0, 100.0, 90.0, 0.0, 30.0, 10.0, 50.0, 100.0, 100.0, 40.0, 50.0, 40.0, 100.0, 100.0, 10.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 70.0, 100.0, 90.0, 0.0, 0.0, 0.0, 100.0, 10.0, 10.0, 0.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 40.0, 10.0, 90.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 60.0, 100.0, 0.0, 10.0, 80.0, 80.0, 100.0, 100.0, 0.0, 30.0, 100.0, 0.0, 30.0, 100.0, 70.0, 100.0, 70.0, 30.0, 80.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 30.0, 30.0, 100.0, 50.0, 0.0, 70.0, 80.0, 100.0, 10.0, 20.0, 20.0, 40.0, 20.0, 90.0, 90.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 100.0, 60.0, 100.0, 100.0, 70.0, 50.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 0.0, 20.0, 40.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 90.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 80.0, 100.0, 100.0, 10.0, 30.0, 80.0, 100.0, 100.0, 10.0, 50.0, 20.0, 90.0, 30.0, 100.0, 100.0, 90.0, 100.0, 50.0, 100.0, 10.0, 100.0, 30.0, 10.0, 100.0, 0.0, 80.0, 100.0, 0.0, 60.0, 100.0, 0.0, 0.0, 70.0, 40.0, 10.0, 30.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 80.0, 100.0, 60.0, 30.0, 20.0, 100.0, 10.0, 100.0, 0.0, 0.0, 20.0, 30.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 40.0, 50.0, 20.0, 100.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 20.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 20.0, 20.0, 30.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 20.0, 100.0, 80.0, 100.0, 100.0, 0.0, 60.0, 30.0, 100.0, 20.0, 100.0, 50.0, 100.0, 10.0, 90.0, 30.0, 100.0, 0.0, 100.0, 0.0, 30.0, 100.0, 20.0, 60.0, 20.0, 100.0, 50.0, 100.0, 80.0, 10.0, 100.0, 70.0, 0.0, 20.0, 100.0, 50.0, 20.0, 10.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 40.0, 10.0, 60.0, 60.0, 0.0, 10.0, 60.0, 70.0, 40.0, 70.0, 100.0, 0.0, 40.0, 50.0, 20.0, 100.0, 20.0, 0.0, 20.0, 0.0, 60.0, 100.0, 60.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 0.0, 0.0, 70.0, 90.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 20.0, 10.0], (8000, 2000): [0.0, 100.0, 100.0, 70.0, 100.0, 30.0, 50.0, 30.0, 50.0, 50.0, 100.0, 90.0, 90.0, 100.0, 100.0, 60.0, 100.0, 0.0, 70.0, 100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 40.0, 100.0, 40.0, 100.0, 40.0, 100.0, 20.0, 0.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 10.0, 40.0, 100.0, 90.0, 100.0, 70.0, 10.0, 100.0, 100.0, 20.0, 100.0, 100.0, 30.0, 100.0, 20.0, 40.0, 50.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 30.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 90.0, 100.0, 40.0, 10.0, 30.0, 50.0, 50.0, 100.0, 100.0, 80.0, 50.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 60.0, 100.0, 100.0, 70.0, 10.0, 0.0, 50.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 60.0, 50.0, 60.0, 100.0, 80.0, 70.0, 10.0, 30.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 80.0, 20.0, 90.0, 100.0, 20.0, 100.0, 90.0, 70.0, 100.0, 10.0, 100.0, 100.0, 60.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 100.0, 80.0, 0.0, 100.0, 30.0, 70.0, 100.0, 100.0, 100.0, 10.0, 90.0, 60.0, 70.0, 20.0, 100.0, 30.0, 90.0, 80.0, 0.0, 100.0, 10.0, 100.0, 20.0, 100.0, 60.0, 0.0, 100.0, 80.0, 100.0, 30.0, 30.0, 70.0, 100.0, 30.0, 40.0, 100.0, 90.0, 70.0, 100.0, 100.0, 60.0, 10.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 40.0, 10.0, 0.0, 10.0, 100.0, 100.0, 50.0, 100.0, 100.0, 30.0, 30.0, 70.0, 90.0, 90.0, 20.0, 100.0, 100.0, 100.0, 40.0, 10.0, 100.0, 90.0, 50.0, 40.0, 100.0, 100.0, 50.0, 20.0, 100.0, 40.0, 100.0, 0.0], (6000, 0): [80.0, 100.0, 60.0, 80.0, 70.0, 70.0, 60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 90.0, 30.0, 50.0, 60.0, 90.0, 100.0, 30.0, 20.0, 60.0, 60.0, 70.0, 100.0, 80.0, 20.0, 40.0, 30.0, 80.0, 60.0, 20.0, 70.0, 50.0, 90.0, 50.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 80.0, 100.0, 10.0, 80.0, 50.0, 100.0, 90.0, 100.0, 70.0, 80.0, 50.0, 50.0, 90.0, 30.0, 60.0, 40.0, 30.0, 70.0, 40.0, 70.0, 60.0, 70.0, 40.0, 50.0, 80.0, 30.0, 50.0, 40.0, 90.0, 10.0, 10.0, 70.0, 40.0, 60.0, 70.0, 30.0, 30.0, 20.0, 30.0, 40.0, 50.0, 40.0, 80.0, 40.0, 50.0, 50.0, 50.0, 40.0, 40.0, 60.0, 80.0, 60.0, 60.0, 50.0, 100.0, 60.0, 60.0, 100.0, 100.0, 60.0, 50.0, 50.0, 80.0, 10.0, 50.0, 20.0, 40.0, 70.0, 50.0, 50.0, 50.0, 90.0, 50.0, 30.0, 60.0, 10.0, 60.0, 40.0, 80.0, 50.0, 40.0, 50.0, 70.0, 30.0, 40.0, 40.0, 50.0, 60.0, 100.0, 20.0, 40.0, 70.0, 70.0, 50.0, 50.0, 60.0, 100.0, 90.0, 100.0, 50.0, 40.0, 100.0, 30.0, 40.0, 50.0, 40.0, 60.0, 50.0, 90.0, 60.0, 70.0, 70.0, 70.0, 80.0, 50.0, 60.0, 30.0, 60.0, 30.0, 100.0, 90.0, 90.0, 30.0, 90.0, 0.0, 90.0, 60.0, 10.0, 70.0, 30.0, 70.0, 60.0, 70.0, 10.0, 20.0, 10.0, 20.0, 50.0, 70.0, 30.0, 40.0, 60.0, 40.0, 70.0, 60.0, 90.0, 80.0, 10.0, 60.0, 40.0, 70.0, 90.0, 20.0, 40.0, 80.0, 60.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 70.0, 30.0, 70.0, 30.0, 80.0, 20.0, 10.0, 60.0, 40.0, 60.0, 90.0, 30.0, 0.0, 60.0, 60.0, 60.0, 50.0, 40.0, 100.0, 40.0, 50.0, 40.0, 90.0, 50.0, 40.0, 80.0, 80.0, 60.0, 70.0, 100.0, 40.0, 50.0, 70.0, 80.0, 70.0, 50.0, 60.0, 100.0, 40.0, 40.0, 60.0, 60.0, 70.0, 50.0, 60.0, 70.0, 20.0, 40.0, 50.0, 30.0, 60.0, 50.0, 70.0, 60.0, 50.0, 70.0, 90.0, 70.0, 70.0, 50.0, 50.0, 20.0, 80.0, 90.0, 50.0, 40.0, 60.0, 70.0, 90.0, 60.0, 60.0, 90.0, 70.0, 40.0, 30.0, 80.0, 80.0, 80.0, 60.0, 60.0, 100.0, 100.0, 20.0, 70.0, 50.0, 70.0, 70.0, 100.0, 80.0, 50.0, 60.0, 40.0, 20.0, 30.0, 40.0, 60.0, 100.0, 90.0, 60.0, 50.0, 100.0, 50.0, 20.0, 60.0, 80.0, 30.0, 40.0, 60.0, 40.0, 40.0, 100.0, 90.0, 60.0, 90.0, 70.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 90.0, 60.0, 30.0, 50.0, 40.0, 80.0, 80.0, 70.0, 70.0, 30.0, 100.0, 80.0, 80.0, 90.0, 60.0, 60.0, 70.0, 60.0, 100.0, 70.0, 100.0, 60.0, 90.0, 60.0, 70.0, 70.0, 60.0, 70.0, 50.0, 70.0, 60.0, 60.0, 30.0, 30.0, 80.0, 30.0, 50.0, 10.0, 60.0, 10.0, 70.0, 40.0, 40.0, 80.0, 40.0, 30.0, 50.0, 80.0, 80.0, 30.0, 80.0, 80.0, 70.0, 40.0], (8000, 0): [100.0, 80.0, 60.0, 90.0, 80.0, 20.0, 90.0, 100.0, 60.0, 40.0, 100.0, 70.0, 100.0, 100.0, 60.0, 100.0, 100.0, 90.0, 70.0, 20.0, 70.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 80.0, 90.0, 100.0, 100.0, 100.0, 90.0, 20.0, 80.0, 100.0, 100.0, 60.0, 90.0, 100.0, 100.0, 90.0, 100.0, 10.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 80.0, 90.0, 70.0, 40.0, 100.0, 100.0, 80.0, 80.0, 50.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 50.0, 20.0, 100.0, 80.0, 100.0, 80.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 80.0, 80.0, 90.0, 50.0, 80.0, 90.0, 70.0, 100.0, 90.0, 80.0, 70.0, 60.0, 90.0, 100.0, 20.0, 90.0, 10.0, 100.0, 30.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 50.0, 100.0, 70.0, 100.0, 80.0, 30.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 100.0, 100.0, 80.0, 50.0, 100.0, 100.0, 90.0, 90.0, 80.0, 100.0, 90.0, 50.0, 100.0, 90.0, 90.0, 80.0, 90.0, 80.0, 90.0, 60.0, 90.0, 90.0, 100.0, 100.0, 100.0, 90.0, 20.0, 80.0, 100.0, 90.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 80.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 90.0, 40.0, 80.0, 70.0, 90.0], (4000, 4000): [50.0, 100.0, 0.0, 20.0, 60.0, 40.0, 0.0, 20.0, 0.0, 20.0, 0.0, 50.0, 0.0, 100.0, 0.0, 30.0, 0.0, 30.0, 40.0, 0.0, 10.0, 0.0, 20.0, 80.0, 40.0, 10.0, 20.0, 20.0, 90.0, 20.0, 60.0, 100.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 100.0, 60.0, 80.0, 20.0, 30.0, 0.0, 0.0, 100.0, 0.0, 70.0, 30.0, 30.0, 90.0, 10.0, 30.0, 30.0, 60.0, 100.0, 0.0, 40.0, 100.0, 0.0, 0.0, 0.0, 40.0, 10.0, 60.0, 70.0, 0.0, 0.0, 60.0, 0.0, 100.0, 50.0, 20.0, 0.0, 0.0, 10.0, 10.0, 20.0, 0.0, 60.0, 40.0, 20.0, 10.0, 80.0, 20.0, 0.0, 10.0, 0.0, 0.0, 30.0, 50.0, 50.0, 0.0, 40.0, 10.0, 20.0, 0.0, 0.0, 10.0, 50.0, 10.0, 30.0, 20.0, 0.0, 10.0, 0.0, 70.0, 20.0, 70.0, 20.0, 40.0, 10.0, 70.0, 10.0, 0.0, 60.0, 60.0, 10.0, 50.0, 0.0, 40.0, 0.0, 0.0, 20.0, 20.0, 100.0, 50.0, 20.0, 60.0, 20.0, 50.0, 0.0, 0.0, 90.0, 100.0, 100.0, 20.0, 50.0, 50.0, 50.0, 0.0, 10.0, 40.0, 10.0, 0.0, 20.0, 100.0, 0.0, 0.0], (6000, 2000): [30.0, 50.0, 70.0, 100.0, 20.0, 0.0, 90.0, 20.0, 100.0, 100.0, 60.0, 70.0, 0.0, 100.0, 40.0, 10.0, 0.0, 60.0, 0.0, 20.0, 0.0, 100.0, 100.0, 80.0, 30.0, 30.0, 0.0, 70.0, 0.0, 100.0, 40.0, 100.0, 20.0, 20.0, 10.0, 50.0, 100.0, 20.0, 80.0, 0.0, 50.0, 50.0, 80.0, 20.0, 90.0, 100.0, 40.0, 100.0, 100.0, 80.0, 100.0, 40.0, 100.0, 0.0, 20.0, 100.0, 40.0, 20.0, 0.0, 100.0, 10.0, 60.0, 10.0, 0.0, 100.0, 30.0, 60.0, 10.0, 10.0, 100.0, 10.0, 50.0, 100.0, 30.0, 20.0, 30.0, 20.0, 30.0, 20.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 70.0, 0.0, 0.0, 80.0, 10.0, 30.0, 30.0, 90.0, 0.0, 30.0, 40.0, 40.0, 80.0, 30.0, 100.0, 20.0, 40.0, 0.0, 50.0, 30.0, 90.0, 100.0, 30.0, 20.0, 10.0, 30.0, 100.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 100.0, 60.0, 0.0, 10.0, 100.0, 90.0, 10.0, 70.0, 70.0, 0.0, 10.0, 100.0, 90.0, 90.0, 10.0, 80.0, 90.0, 50.0, 20.0, 30.0, 10.0, 70.0, 0.0, 10.0, 90.0, 40.0, 100.0, 0.0, 10.0, 40.0, 0.0, 70.0, 10.0, 100.0, 0.0, 70.0, 80.0, 10.0, 10.0, 0.0, 60.0, 20.0, 0.0, 40.0, 70.0, 40.0, 50.0, 10.0, -1.0, 100.0, 90.0, 50.0, 90.0, 60.0, 40.0, 10.0, 100.0, 30.0, 40.0, 30.0, 10.0, 100.0, 30.0, 80.0, 10.0, 0.0, 70.0, 60.0, 60.0, 60.0, 10.0, 90.0, 80.0, 80.0, 20.0, 60.0, 0.0, 100.0, 100.0, 30.0, 50.0, 100.0, 50.0, 0.0, 100.0, 60.0, 0.0, 90.0, 100.0, 100.0, 30.0, 40.0, 70.0, 60.0, 0.0, 40.0, 80.0, 100.0, 100.0, 40.0, 80.0, 10.0, 20.0, 100.0, 90.0, 100.0, 10.0, 10.0, 10.0, 0.0, 40.0, 10.0, 20.0, 70.0, 0.0, 10.0, 100.0, 100.0, 10.0, 60.0, 70.0, 60.0, 0.0, 40.0, 50.0, 20.0, 30.0, 90.0, 0.0, 0.0, 10.0, 80.0, 0.0, 100.0, 90.0, 100.0, 0.0, 70.0, 100.0, 100.0, 70.0, 70.0, 0.0, 10.0, 10.0, 60.0, 80.0, 40.0, 0.0, 90.0, 30.0, 100.0, 20.0, 70.0, 50.0, 100.0, 30.0, 10.0, 0.0, 50.0, 20.0, 70.0, 100.0, 100.0, 0.0, 60.0, 40.0, 100.0, 60.0, 40.0, 0.0, 10.0, 60.0, 10.0, 90.0, 60.0, 40.0, 100.0, 30.0, 10.0, 50.0, 50.0, 100.0, 100.0, 40.0, 100.0, 0.0, 40.0, 70.0, 0.0, 70.0, 0.0, 80.0, 60.0, 30.0, 90.0, 70.0, 10.0, 30.0, 0.0, 40.0, 70.0, 30.0, 60.0, 50.0, 50.0, 0.0, 100.0, 50.0, 0.0, 80.0, 100.0, 100.0, 100.0, 0.0, 20.0, 10.0, 60.0, 40.0, 0.0, 100.0, 100.0, 10.0, 30.0, 0.0, 20.0, 70.0, 90.0, 20.0, 100.0, 40.0, 100.0, 50.0, 20.0, 70.0, 30.0, 40.0, 30.0, 30.0, 0.0, 60.0, 60.0, 100.0, 70.0, 10.0, 70.0, 10.0, 10.0, 0.0, 10.0, 90.0, 40.0, 0.0, 70.0, 100.0, 100.0, 50.0, 0.0, 40.0, 70.0, 0.0, 100.0, 100.0, 40.0, 80.0, 80.0, 40.0, 50.0, 50.0, 40.0, 0.0, 10.0, 40.0, 100.0, 100.0, 80.0, 40.0, 0.0, 30.0, 100.0, 10.0, 90.0, 30.0, 20.0, 30.0, 0.0, 60.0, 100.0, 50.0, 100.0, 20.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 30.0, 40.0, 100.0, 70.0, 100.0, 0.0, 40.0, 30.0, 30.0, 100.0, 100.0, 30.0, 10.0, 50.0, 80.0, 20.0, 10.0, 30.0, 70.0, 80.0, 30.0, 100.0, 10.0, 20.0, 100.0, 50.0, 0.0, 20.0, 0.0, 90.0, 60.0, 0.0, 50.0, 10.0, 10.0, 10.0, 0.0, 90.0, 90.0, 90.0, 10.0, 0.0, 30.0, 20.0, 10.0, 60.0, 60.0, 50.0, 80.0, 100.0, 20.0, 0.0, 90.0, 100.0, 80.0, 60.0, 50.0, 60.0, 60.0, 70.0, 70.0, 70.0, 80.0, 100.0, 70.0, 0.0, 0.0, 20.0, 60.0, 80.0, 40.0, 70.0, 0.0, 80.0, 60.0, 100.0, 60.0, 0.0, 70.0, 0.0, 100.0, 10.0, 10.0, 80.0, 60.0, 10.0, 100.0, 0.0, 80.0, 20.0, 20.0, 50.0, 30.0, 0.0, 100.0, 10.0, 100.0, 20.0, 50.0, 80.0, 30.0, 0.0, 90.0, 10.0, 90.0, 50.0, 10.0, 100.0, 20.0, 60.0, 50.0, 100.0, 20.0, 70.0, 0.0, 70.0, 20.0, 0.0, 100.0, 10.0, 100.0, 60.0, 40.0, 100.0, 20.0, 80.0, 30.0, 100.0, 90.0, 30.0, 70.0, 70.0, 80.0, 80.0, 100.0, 70.0, 80.0, 20.0, 30.0, 100.0, 70.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 0.0, 0.0, 70.0, 100.0, 0.0, 50.0, 0.0, 0.0, 100.0, 10.0, 50.0, 0.0, 100.0, 70.0, 30.0, 100.0, 80.0, 40.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 90.0, 100.0, 60.0, 100.0, 0.0, 10.0, 0.0, 100.0, 10.0, 90.0, 100.0, 100.0, 0.0, 30.0, 60.0, 60.0, 0.0, 10.0, 100.0, 100.0, 100.0, 100.0, 30.0, 60.0, 0.0, 0.0, 0.0, 40.0, 30.0, 70.0, 10.0, 60.0, 40.0, 60.0, 50.0, 20.0, 40.0, 60.0, 90.0, 100.0, 100.0, 80.0, 20.0, 0.0, 90.0, 70.0, 10.0, 30.0, 0.0, 90.0, 90.0, 30.0, 60.0, 20.0, 90.0, 100.0, 100.0, 100.0, 100.0, 40.0, 10.0, 0.0, 100.0, 30.0, 0.0, 100.0, 0.0, 100.0, 20.0, 0.0, 60.0, 20.0, 50.0, 100.0], (0, 0): [60.0, 40.0, -1.0, 20.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 90.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 100.0, 40.0, 50.0, -1.0, 20.0, 10.0, 40.0, 70.0, 30.0, 40.0, 60.0, 40.0, 50.0, 20.0, 30.0, 10.0, 60.0, -1.0, 40.0, 10.0, 20.0, 20.0, 0.0, 20.0, 50.0, 20.0, 70.0, 30.0, 20.0, 50.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 40.0, 90.0, 10.0, 50.0, 10.0, -1.0, 30.0, 20.0, 20.0, 20.0, 20.0, 60.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 90.0, 20.0, 10.0, 60.0, 70.0, 60.0, -1.0, 30.0, 10.0, 80.0, 50.0, 10.0, 60.0, 30.0, 50.0, 100.0, 60.0, 20.0, 10.0, 50.0, 10.0, 40.0, -1.0, -1.0, 10.0, 20.0, 60.0, 40.0, 60.0, -1.0, 30.0, -1.0, 20.0, 0.0, 10.0, 10.0, 20.0, 50.0, -1.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, 20.0, 40.0, -1.0, 100.0, 40.0, 10.0, 20.0, 40.0, 40.0, 60.0, 40.0, 40.0, 20.0, 20.0, 30.0, 30.0, 80.0, 40.0, 30.0, 70.0, 20.0, 70.0, 40.0, 40.0, 40.0, 50.0, 10.0, 50.0, 30.0, 50.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 20.0, 40.0, 30.0, 40.0, 30.0, 30.0, 70.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, -1.0, 40.0, 0.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 40.0, 40.0, 60.0, 20.0, 40.0, 40.0, 10.0, 10.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 40.0, 10.0, 50.0, 40.0, 10.0, 40.0, 10.0, 10.0, 0.0, 30.0, 50.0, 10.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 0.0, 100.0, 30.0, -1.0, 50.0, 40.0, 30.0, 40.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 70.0, 30.0, 40.0, 30.0, 70.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 20.0, 20.0, 100.0, 30.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 10.0, 40.0, 50.0, 60.0, 10.0, 40.0, 10.0, 40.0, 10.0, 30.0, 30.0, 60.0, 10.0, 20.0, 50.0, 10.0, 90.0, 50.0, 40.0, 40.0, 30.0, 30.0, 10.0, 10.0, 0.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 20.0, -1.0, 50.0, 0.0, 10.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 70.0, 50.0, 60.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (8000, 6000): [100.0], (2000, 0): [10.0, 0.0, 0.0, 30.0, 10.0, 10.0, 60.0, 70.0, 20.0, 10.0, 30.0, 20.0, 50.0, 30.0, 50.0, 30.0, 10.0, 20.0, 40.0, 10.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 30.0, -1.0, 30.0, 20.0, 10.0, -1.0, 10.0, 20.0, 10.0, 10.0, 0.0, -1.0, -1.0, -1.0, -1.0, 30.0, 50.0, 80.0, 30.0, 10.0, 30.0, 30.0, -1.0, -1.0, 50.0, -1.0, -1.0, 10.0, 30.0, 40.0, -1.0, 10.0, 20.0, 20.0, 70.0, 0.0, -1.0, 40.0, 40.0, -1.0, 20.0, 50.0, 20.0, 20.0, 60.0, -1.0, -1.0, 10.0, 0.0, 20.0, 20.0, 30.0, 30.0, 40.0, 50.0, 30.0, 20.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 0.0, 90.0, 30.0, -1.0, 20.0, 30.0, 10.0, -1.0, 10.0, 30.0, 10.0, 20.0, 100.0, -1.0, 70.0, 50.0, -1.0, 50.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 30.0, -1.0, 20.0, -1.0, 10.0, 20.0, 70.0, 40.0, 50.0, 10.0, 10.0, 40.0, 70.0, 20.0, 20.0, 20.0, 70.0, 50.0, 30.0, 40.0, 50.0, 40.0, 50.0, 60.0, 20.0, 20.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 60.0, 10.0, 10.0, 50.0, 60.0, -1.0, 40.0, 50.0, 20.0, 30.0, 80.0, 40.0, 60.0, 10.0, 60.0, 60.0, 20.0, 20.0, 70.0, 80.0, -1.0, 50.0, 10.0, 10.0, -1.0, 10.0, 100.0, -1.0, -1.0, -1.0, 60.0, 30.0, 20.0, 20.0, -1.0, -1.0, 60.0, 20.0, 20.0, 30.0, 70.0, 40.0, 80.0, 40.0, 10.0, 60.0, 20.0, 40.0, 10.0, 20.0, 30.0, 30.0, 40.0, -1.0, -1.0, 0.0, 10.0, 40.0, 0.0, 50.0, 40.0, 20.0, 10.0, -1.0, 20.0, 10.0, 10.0, 20.0, 30.0, 40.0, 80.0, 10.0, 60.0, 20.0, -1.0, 10.0, -1.0, 40.0, 10.0, 30.0, 10.0, 10.0, 30.0, 10.0, 60.0, 40.0, 10.0, 30.0, 10.0, 50.0, 10.0, 10.0, 10.0, 20.0, 30.0, 0.0, 90.0, -1.0, 30.0, -1.0, -1.0, 30.0, 30.0, 40.0, 30.0, 80.0, 50.0, 70.0, 60.0, 20.0, 10.0, 40.0, 20.0, 50.0, -1.0, 20.0, 60.0, 10.0, 40.0, 10.0, 30.0, 40.0, 20.0, 0.0, 40.0, 40.0, 30.0, 30.0, 0.0, -1.0, 40.0, 20.0, 50.0, 40.0, 20.0, 10.0, -1.0, 30.0, 70.0, -1.0, 50.0, 30.0, 10.0, 80.0, 40.0, 50.0, 20.0, 30.0, 20.0, 20.0, 70.0, 10.0, 20.0, 20.0, -1.0, 10.0, 30.0, 40.0, 30.0, -1.0, 20.0, 30.0, 90.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 30.0, 10.0, 30.0, 50.0, 10.0, 60.0, 30.0, 40.0, 80.0, 30.0, 40.0, 0.0, 10.0, 40.0, -1.0, -1.0, 40.0, -1.0, 10.0, 50.0, 50.0, 50.0, 30.0, 20.0, 30.0, 60.0, 40.0, 0.0, -1.0, 20.0, 10.0, 0.0, -1.0, 20.0, 40.0, 20.0, 100.0, 20.0, 70.0, 10.0, 40.0, 10.0, 20.0, -1.0, 40.0, 30.0, -1.0, 30.0, 30.0, 0.0, 0.0, 50.0, 10.0, 30.0, 10.0, -1.0, 80.0, 20.0, 10.0, 60.0, 20.0, 30.0, 20.0, -1.0, 20.0, 40.0, 50.0, 50.0, 20.0, 30.0, 90.0, 10.0, 30.0, 0.0, 10.0, 20.0, 40.0, 50.0, 50.0, 40.0, 20.0, 40.0, 60.0, 20.0, -1.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 30.0, 20.0, 20.0, 0.0, -1.0, 60.0, 40.0, 70.0, 20.0, 10.0, 0.0, 30.0, 20.0, -1.0, -1.0, 10.0, 10.0, 50.0, 40.0, 40.0, 0.0, 10.0, 60.0, 20.0, 30.0, 20.0, 0.0, 10.0, 60.0, 10.0, -1.0, 0.0, -1.0, 30.0, 40.0, 10.0, 30.0, 20.0, 10.0, -1.0, 50.0, 20.0, -1.0, 30.0, 20.0, 40.0, -1.0, 40.0, 20.0, 20.0, 60.0, 40.0, 50.0, 60.0, 60.0, 50.0, 50.0, 70.0, 40.0, 50.0, 50.0, 30.0, 70.0, 10.0, 60.0, 30.0, 50.0, 20.0, 10.0, 50.0, -1.0, 50.0, 20.0, 10.0, 20.0, 30.0, 40.0, 30.0, 10.0, 40.0, 50.0, 40.0, -1.0, 50.0, 40.0, 60.0, 10.0, -1.0, 30.0, -1.0, 30.0, 50.0, 60.0, 50.0, 10.0, 10.0, 20.0, -1.0, 30.0, -1.0, 10.0, 40.0, 10.0, -1.0, 10.0, 70.0, 0.0, 10.0, 20.0, 30.0, 10.0, 20.0, 50.0, 0.0, 20.0, 30.0, -1.0, 40.0, 60.0, -1.0, 40.0, 10.0, 20.0, 0.0, 40.0, 50.0, 30.0, 30.0, -1.0, 10.0, 60.0, 50.0, 30.0, 10.0, 50.0, 40.0, 50.0, 30.0, 100.0, 20.0, 70.0, 70.0, 60.0, 50.0, 30.0, 10.0, 20.0, 20.0, -1.0, -1.0, 40.0, 40.0, 10.0, 60.0, 0.0, 60.0, 30.0, 30.0, 50.0, 50.0, 10.0, 40.0, 10.0, 30.0, 90.0, 30.0, 30.0, 70.0, 0.0, 60.0, -1.0, 60.0, 50.0, 40.0, 0.0, 20.0, 70.0, 20.0, 10.0, 20.0, 20.0, 30.0, 50.0, 40.0, 20.0, 80.0, 20.0, 60.0, 90.0, 20.0, 50.0, 30.0, 30.0, 10.0, 10.0, 10.0, 40.0, 10.0, -1.0, 20.0, 60.0, 60.0, 40.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 20.0, 20.0, 40.0, 20.0, 40.0, 20.0, 30.0, 20.0, 20.0, -1.0, 50.0, 20.0, 20.0, 30.0, 0.0, 20.0, 50.0, 20.0, 20.0, 30.0, 20.0, 50.0, 60.0, -1.0, 30.0, 10.0, 30.0, 0.0, 40.0, -1.0, 20.0, 10.0, 20.0, 0.0, 20.0, 30.0, 40.0, 40.0, 20.0, 40.0, -1.0, 50.0, 50.0, 100.0, 10.0, 40.0, 40.0, 10.0, 40.0, -1.0, 0.0, 30.0, 20.0, 30.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 10.0, 0.0, 40.0, 40.0, 40.0, 0.0], (2000, 2000): [50.0, 60.0, 30.0, 40.0, 40.0, 40.0, 80.0, -1.0, 40.0, 20.0, 40.0, 50.0, 40.0, 40.0, 50.0, -1.0, 30.0, 90.0, -1.0, 80.0, 50.0, 90.0, 40.0, 30.0, 60.0, 70.0, 50.0, 30.0, 30.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, -1.0, 30.0, 90.0, 40.0, 40.0, 80.0, 50.0, 80.0, 10.0, 40.0, 20.0, 50.0, 30.0, 40.0, 80.0, -1.0, 80.0, 20.0, 30.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 30.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, 30.0, 70.0, 90.0, 40.0, 40.0, 80.0, 20.0, 40.0, 40.0, 30.0, 30.0, 20.0, 10.0, 80.0, 80.0, 10.0, 50.0, 100.0, 30.0, 70.0, 40.0, 50.0, 30.0, 30.0, 40.0, 30.0, 50.0, 20.0, 40.0, 30.0, 20.0, 60.0, 60.0, 40.0, 50.0, -1.0, 10.0, 40.0, -1.0, 30.0, 40.0, 30.0, 10.0, 20.0, 90.0, 60.0, 50.0, 40.0, 30.0, 30.0, 90.0, 30.0, 40.0, 60.0, 30.0, 30.0, 10.0, 50.0, 20.0, 50.0, 70.0, 40.0, 40.0, 20.0, 30.0, 40.0, 30.0, 20.0, 30.0, 80.0, 50.0, 20.0, 30.0, 20.0, 70.0, 50.0, 50.0, 30.0, 50.0, -1.0, 50.0, 50.0, 40.0, 60.0, 40.0, 30.0, -1.0, 30.0, 40.0, 40.0, 60.0, 60.0, 40.0, 60.0, 60.0, 40.0, 30.0, 30.0, 20.0, 30.0, 100.0, 40.0, 20.0, 40.0, 30.0, 30.0, 40.0, 40.0, 100.0, 40.0, 30.0, 100.0, 50.0, 0.0, 30.0, 30.0, 80.0, 40.0, 30.0, 30.0, 40.0, 80.0, 40.0, 20.0, 40.0, 20.0, 80.0, 70.0, 60.0, 40.0, -1.0, 100.0, 30.0, 40.0, 70.0, 30.0, 20.0, 50.0, 50.0, 60.0, 20.0, 40.0, 60.0, 40.0, 30.0, 100.0, 30.0, 40.0, 30.0, 40.0, 60.0, 80.0, 60.0, 20.0, 30.0, 40.0, 40.0, 60.0, 60.0, 80.0, 40.0, 40.0, 100.0, 30.0, 90.0, 60.0, 30.0, 50.0, 30.0, 60.0, 50.0, 80.0, 40.0, 30.0, 70.0, 20.0, 70.0, 50.0, 60.0, 20.0, 40.0, 30.0, 30.0, 50.0, 40.0, -1.0, 60.0, 40.0, 40.0, 60.0, 30.0, 60.0, 70.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 80.0, 50.0, 40.0, 50.0, 30.0, 20.0, 60.0, 10.0, 10.0, 40.0, 30.0, 30.0, 30.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 100.0, 40.0, 60.0, 30.0, 90.0, 30.0, 50.0, 30.0, 50.0, 20.0, 60.0, 80.0, 30.0, 70.0, 40.0, 30.0, 30.0, 50.0, 80.0, 30.0, 50.0, 40.0, 50.0, 30.0, 100.0, 30.0, 30.0, 80.0, 50.0, -1.0, 0.0, 60.0, 50.0, 50.0, 20.0, -1.0, 40.0, 50.0, 40.0, -1.0, 40.0, -1.0, 40.0, -1.0, 40.0, 80.0, 30.0, 20.0, 50.0, 20.0, 40.0, 70.0, 60.0, 40.0, 30.0, 70.0, 60.0, 30.0, 50.0, 40.0, 20.0, -1.0, 50.0, 20.0, 60.0, 0.0, 50.0, 40.0, 60.0, 40.0, 60.0, 30.0, -1.0, -1.0, 30.0, 30.0, 50.0, 30.0, 40.0, 10.0, 60.0, -1.0, 40.0, -1.0, 40.0, 30.0, 90.0, 70.0, 50.0, 30.0, 20.0, 70.0, 90.0, 50.0, 30.0, 40.0, 60.0, 80.0, 20.0, 20.0, 50.0, 30.0, 40.0, 30.0, 20.0, 60.0, 40.0, 30.0, 40.0, 100.0, 40.0, 60.0, 40.0, 100.0, 70.0, 20.0, 40.0, 40.0, 90.0, 40.0, 60.0, -1.0, 50.0, 70.0, 30.0, 10.0, 50.0, 10.0, 90.0, 50.0, 40.0, 40.0, 50.0], (4000, 2000): [40.0, 10.0, 20.0, 20.0, 30.0, 0.0, 20.0, 20.0, 0.0, 90.0, 30.0, 40.0, 0.0, 0.0, 40.0, 100.0, 20.0, 20.0, 40.0, 30.0, 0.0, 80.0, 60.0, 50.0, 40.0, 20.0, 40.0, 50.0, 30.0, 10.0, 60.0, 10.0, -1.0, 10.0, 0.0, 50.0, 20.0, 100.0, 10.0, 20.0, 20.0, 70.0, 80.0, 70.0, 20.0, 10.0, 10.0, 50.0, 100.0, 60.0, 60.0, 70.0, 30.0, 10.0, 20.0, 70.0, 0.0, 20.0, 30.0, 0.0, 0.0, 50.0, 40.0, 50.0, 60.0, 10.0, 40.0, 10.0, 10.0, 10.0, 30.0, 0.0, 30.0, 60.0, 30.0, 30.0, 0.0, 0.0, 40.0, 70.0, 30.0, 30.0, 0.0, 60.0, 10.0, 40.0, 0.0, 20.0, 30.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, 100.0, 40.0, 0.0, 10.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 20.0, 0.0, 0.0, 60.0, 0.0, 90.0, 10.0, 10.0, 10.0, 10.0, 30.0, 0.0, 0.0, 0.0, 20.0, 50.0, 40.0, 10.0, 30.0, 80.0, 40.0, 100.0, 90.0, 60.0, 20.0, 0.0, 90.0, 100.0, 10.0, 0.0, 20.0, 20.0, 40.0, 0.0, 0.0, 0.0, 30.0, 10.0, 10.0, 0.0, 80.0, 30.0, 50.0, 10.0, 0.0, 0.0, 60.0, 50.0, 0.0, 30.0, 30.0, 30.0, 80.0, 0.0, 70.0, 20.0, 30.0, 10.0, 10.0, 40.0, 80.0, 0.0, 20.0, 20.0, 30.0, 0.0, 80.0, 0.0, 0.0, 0.0, 20.0, 10.0, 10.0, 40.0, 30.0, 20.0, 10.0, 60.0, 40.0, 40.0, 0.0, 20.0, 0.0, 30.0, 50.0, 20.0, 20.0, 20.0, 20.0, 0.0, 10.0, 30.0, 40.0, 10.0, 0.0, 10.0, 0.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 0.0, 40.0, 40.0, 0.0, 20.0, 10.0, 0.0, 40.0, 0.0, 0.0, 20.0, 30.0, 0.0, 70.0, 10.0, 40.0, 30.0, 50.0, 70.0, 40.0, 20.0, 90.0, 40.0, 50.0, 0.0, 0.0, 0.0, 20.0, 30.0, 0.0, 50.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 30.0, 100.0, 20.0, 40.0, 0.0, 80.0, 10.0, 30.0, 10.0, 0.0, 10.0, 50.0, 10.0, 20.0, 100.0, 60.0, 10.0, 0.0, 30.0, 20.0, 20.0, 0.0, 40.0, 10.0, 0.0, 60.0, 50.0, 20.0, 50.0, 100.0, 10.0, 50.0, 50.0, 40.0, 40.0, 20.0, 20.0, 10.0, 50.0, 10.0, 40.0, 20.0, 20.0, 0.0, 80.0, 80.0, 0.0, 0.0, 70.0, 0.0, 100.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 0.0, 90.0, 10.0, 0.0, 30.0, 100.0, 30.0, 30.0, 60.0, 90.0, 40.0, 0.0, 0.0, 70.0, 30.0, 40.0, 40.0, 50.0, 40.0, 0.0, 10.0, 0.0, 20.0, 0.0, 10.0, 50.0, 0.0, 10.0, 40.0, 40.0, 20.0, 20.0, 0.0, 60.0, 20.0, 50.0, 60.0, 10.0, 0.0, 40.0, 10.0, 10.0, 50.0, 0.0, 10.0, 50.0, 40.0, 20.0, 0.0, 30.0, 40.0, 90.0, 20.0, 0.0, 0.0, 10.0, 90.0, 0.0, 50.0, 90.0, 10.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 50.0, 20.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 20.0, 30.0, 0.0, 100.0, 0.0, 20.0, 40.0, 50.0, 20.0, 80.0, 40.0, 0.0, 10.0, 10.0, 80.0, 20.0, 0.0, 20.0, 30.0, 60.0, 100.0, 20.0, 20.0, 0.0, 30.0, 80.0, 20.0, 40.0, 10.0, 10.0, 40.0, 0.0, 60.0, 0.0, 30.0, 10.0, 30.0, 10.0, 20.0, 10.0, 40.0, 40.0, 0.0, 70.0, 10.0, 30.0, 10.0, 0.0, 20.0, 40.0, 30.0, 100.0, 100.0, 0.0, 60.0, 20.0, 0.0, 10.0, 50.0, 60.0, 0.0, 60.0, 20.0, 20.0, 20.0, 60.0, 90.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 100.0, 30.0, 100.0, 0.0, 100.0, 10.0, 100.0, 60.0, 70.0, 10.0, 20.0, 20.0, 30.0, 0.0, 70.0, 30.0, 20.0, 20.0, 100.0, 10.0, 50.0, 10.0, 10.0, 10.0, 40.0, 30.0, 60.0, 80.0, 10.0, 40.0, 50.0, 0.0, 0.0, 20.0, 80.0, 10.0, 0.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 40.0, 60.0, 70.0, 50.0, 0.0, 90.0, 30.0, 10.0, 90.0, 0.0, 80.0, 100.0, 10.0, 0.0, 0.0, 50.0, 0.0, 80.0, 10.0, 50.0, 90.0, 0.0, 70.0, 70.0, 10.0, 0.0, 20.0, 10.0, 0.0, -1.0, 20.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 100.0, 10.0, 0.0, 30.0, 0.0, 0.0, 60.0, 0.0, 30.0, 30.0, 60.0, 40.0, 0.0, 20.0, 40.0, 0.0, 100.0, 0.0, 100.0, 40.0, 0.0, 0.0, 30.0, 70.0, 10.0, 10.0, 0.0, 20.0, 90.0, 10.0, 70.0, 0.0, 20.0, 50.0, 0.0, 10.0, 10.0, 40.0, 10.0, 0.0, 0.0, 50.0, 50.0, 0.0, 30.0, 0.0, 0.0, 0.0, 30.0, 40.0, 20.0, 20.0, 10.0, 30.0, 30.0, 100.0, 0.0, 20.0, 0.0, 40.0, 100.0, 0.0, 0.0, 70.0, 0.0, 0.0, 40.0, 0.0, 10.0, 40.0, 20.0, 10.0, 30.0, 0.0, 0.0, 20.0, 20.0, 0.0, 30.0, 30.0, 10.0, 0.0, 50.0, 30.0, 0.0, 50.0, 10.0, 60.0, 10.0, 20.0, 50.0, 60.0, 10.0, 10.0, 0.0, 0.0, 20.0, 10.0, 90.0, 10.0, 40.0, 100.0, 0.0, 80.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 0.0, 20.0, 20.0, 0.0, 40.0, 0.0, 10.0, 10.0, 60.0, 10.0, 0.0, 50.0, 30.0, 30.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 30.0, 10.0, 0.0, 10.0, 10.0, 20.0, 80.0, 60.0, 20.0, 80.0, 30.0, 20.0, 40.0, 40.0, 10.0, 60.0, 20.0, 20.0, 0.0, 40.0, 30.0, 10.0, 0.0, 10.0, 10.0, 50.0, 10.0, 0.0, 10.0, 20.0, 30.0, 0.0, 0.0, 20.0, 90.0, 50.0, 0.0, 30.0, 100.0, 20.0, 30.0, 80.0, 40.0, 20.0, 0.0, 10.0, 10.0, 50.0, 40.0, 0.0, 0.0, 20.0, 10.0, 70.0, 20.0, 30.0, 0.0, 40.0, 10.0, 10.0, 0.0, 20.0, 60.0, 80.0, 10.0, 90.0, 10.0, 0.0, 10.0, 70.0, 30.0, 90.0, 0.0, 0.0, 10.0, 90.0, 0.0, 100.0, 90.0, 0.0, 30.0, 50.0, 20.0, 10.0, 70.0, 80.0, 20.0, 20.0, 30.0, 70.0, 30.0, 20.0, 10.0, 0.0, 20.0, 0.0, 0.0, 70.0, 0.0, 30.0, 30.0, 30.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 0.0, 10.0, 0.0, 0.0, 20.0, 10.0, 10.0, 10.0, 30.0, 60.0, 100.0, 30.0, 20.0, 10.0, 40.0, 0.0, 0.0, 70.0, 30.0, 20.0, 40.0, 80.0, 80.0, -1.0, 0.0, 0.0, 60.0, 0.0, 20.0, 20.0, 30.0, 60.0, 80.0, 0.0, 0.0, 20.0, 10.0, 40.0, 30.0, 10.0, 20.0, 80.0, 60.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 80.0, 0.0, 20.0, 0.0, 40.0, 40.0, 50.0, 30.0, 80.0, 0.0, 20.0, 10.0, 10.0, 0.0, 20.0, 30.0, 70.0, 40.0, 20.0, 50.0, 50.0, 100.0, 10.0, 0.0, 10.0, 0.0, 60.0, 70.0, 70.0, 0.0, 50.0, -1.0, 20.0, 20.0, 60.0, 40.0, 30.0, 0.0, -1.0, 20.0, 50.0, 0.0, 10.0, 20.0, 10.0, 20.0, 0.0, 10.0, 50.0, 70.0, 20.0, 20.0, 60.0, 40.0, 80.0, 40.0, 30.0, 20.0, 40.0, 0.0, 80.0, 20.0, 20.0, 20.0, 0.0, 0.0, 30.0, 0.0, 50.0, 20.0, 0.0, 10.0, 70.0, 60.0, 70.0, 20.0, 30.0, 0.0, 10.0, 20.0, 0.0, 0.0, 20.0, 30.0, 80.0, 80.0, 60.0, 0.0, 40.0, 30.0, 10.0, 60.0, 0.0, 40.0, 0.0, 10.0, 0.0, 50.0, 30.0, 0.0, 90.0, 10.0, 0.0, 20.0, 10.0, 30.0, 70.0, 10.0, 0.0, 0.0, 40.0, 0.0, 60.0, 10.0, 0.0, 50.0, 0.0, 90.0, 50.0, 50.0, 30.0, 0.0, 10.0, 20.0, 30.0, 70.0, 70.0, 20.0, 30.0, 0.0, 10.0, 80.0, 20.0, 60.0, 30.0, 0.0, 10.0, 20.0, 0.0, 20.0, 0.0, 10.0, 50.0, 0.0, 50.0, 10.0, 0.0, 30.0, 40.0, 100.0, 20.0, 20.0, 10.0, 0.0, 40.0, 0.0, 70.0, 20.0, 40.0, 10.0, 20.0, 10.0, 50.0, 10.0, 60.0, 0.0, 0.0, 40.0, 0.0, 50.0, 0.0, 60.0, 70.0, 20.0, 50.0, 0.0, 60.0, 50.0, 40.0, 0.0, 0.0, 0.0, -1.0, 50.0, 20.0, 50.0, 0.0, 70.0, 0.0, 0.0, 0.0, 0.0, 30.0, 40.0, 0.0, 100.0, 40.0, 10.0, 0.0, 40.0, 0.0, 0.0, 20.0, 60.0, 20.0, 30.0, 50.0, 30.0, 0.0, 10.0, 40.0, 0.0, 10.0, 40.0, 40.0, 0.0, 0.0, 20.0, 0.0, 60.0, 30.0, 50.0, 30.0, 70.0, 0.0, 0.0, 30.0, 0.0, 0.0, 30.0, 10.0, 20.0, 10.0, 30.0, 40.0, 90.0, 20.0, 10.0, 20.0, 20.0, 0.0, 30.0, 60.0, 10.0, 100.0, 30.0, 50.0, 60.0, 30.0, 100.0, 100.0, 0.0, 20.0, 50.0, 40.0, 60.0, 60.0, 0.0, 80.0, 0.0, 20.0, 20.0, 50.0, 20.0, 0.0, -1.0, 20.0, 0.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 0.0, 30.0, 90.0, 40.0, 0.0, 20.0, 30.0, 0.0, 40.0, 10.0, 10.0, 20.0, 100.0, 10.0, 0.0, 0.0, 0.0, 10.0, 50.0, 30.0, 0.0, 30.0, 0.0, 20.0, 50.0, 0.0, 50.0, 40.0, 30.0, 80.0, 50.0, 50.0, 30.0, 20.0, 10.0, 50.0, 50.0, 10.0, 0.0, 50.0, 20.0, -1.0, 20.0, 30.0, 60.0, 0.0, 60.0, 40.0, 30.0, 0.0, 0.0, 70.0, 40.0, 0.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 10.0, 100.0, 20.0, 70.0, 0.0, 30.0, 50.0, 100.0, 0.0, 10.0, 40.0, 70.0, 0.0, 10.0, 20.0, 40.0, 10.0, 20.0, 70.0, 60.0, 100.0, 30.0, 30.0, 0.0, 0.0, 20.0, 30.0, 10.0, 0.0, 20.0, 0.0, 20.0, 20.0, 20.0, 60.0, 30.0, 40.0, 50.0, 0.0, 30.0, 20.0, 0.0, 20.0, 50.0, 10.0, 50.0, 0.0, 0.0, 100.0, 40.0, 0.0, 20.0, 0.0, 60.0, 10.0, 30.0, 20.0, 0.0, 70.0, 0.0, 20.0, 40.0, 10.0, 100.0, 20.0, 30.0, 0.0, 10.0, 10.0, 20.0, 40.0, 40.0, 50.0, 70.0, 0.0, 10.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 70.0, 30.0, 30.0, 0.0, 30.0, 60.0, 0.0, 50.0, 60.0, 30.0, 0.0, 10.0, 30.0, 10.0, 60.0, 10.0, 10.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 20.0, 20.0, 60.0, 10.0, 0.0, 30.0, 0.0, 30.0, 10.0, 60.0, 10.0], (4000, 0): [10.0, 80.0, 70.0, 10.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 0.0, 20.0, 10.0, 30.0, 60.0, 30.0, 40.0, 20.0, 10.0, 10.0, 20.0, 30.0, 10.0, 10.0, 40.0, 20.0, 0.0, 0.0, 10.0, 10.0, 20.0, 20.0, 30.0, 10.0, 10.0, 10.0, 40.0, 10.0, 20.0, 20.0, 10.0, 30.0, 50.0, 0.0, 30.0, 30.0, 20.0, 0.0, 10.0, 40.0, 20.0, 10.0, 60.0, 30.0, 20.0, 30.0, 20.0, 10.0, 40.0, 60.0, 10.0, 10.0, 30.0, 10.0, 20.0, 30.0, 10.0, 30.0, 30.0, 0.0, 40.0, 20.0, 50.0, 10.0, 30.0, 20.0, 30.0, 0.0, 10.0, 0.0, 30.0, 30.0, 10.0, 40.0, 20.0, 50.0, 40.0, 40.0, 10.0, 10.0, 0.0, 10.0, 10.0, 40.0, 10.0, 10.0, 10.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 10.0, 0.0, 10.0, 40.0, 50.0, 40.0, -1.0, 0.0, 30.0, 60.0, 10.0, 20.0, 0.0, 40.0, 0.0, 40.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 20.0, 40.0, 40.0, -1.0, 20.0, 20.0, 20.0, 10.0, 80.0, 0.0, 10.0, 50.0, 20.0, 50.0, -1.0, 0.0, 10.0, 0.0, 10.0, 10.0, 10.0, 40.0, 10.0, 30.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 40.0, 40.0, 20.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, 20.0, 30.0, 0.0, 10.0, 40.0, 10.0, 10.0, 0.0, 40.0, 20.0, 20.0, 30.0, 20.0, 10.0, 30.0, 30.0, 10.0, 30.0, 0.0, 20.0, 0.0, 10.0, 10.0, 60.0, 40.0, 10.0, 10.0, 10.0, 10.0, 10.0, 50.0, 0.0, -1.0, 10.0, 10.0, 30.0, 10.0, 20.0, 0.0, 40.0, 30.0, 0.0, 10.0, 20.0, 10.0, 30.0, 40.0, -1.0, 100.0, 20.0, 30.0, 20.0, 50.0, 30.0, 30.0, 0.0, -1.0, 10.0, 60.0, 0.0, 60.0, -1.0, 10.0, -1.0, 10.0, 40.0, 10.0, 30.0, 30.0, 20.0, 0.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, -1.0, 0.0, 70.0, 0.0, 30.0, 20.0, 0.0, 50.0, 60.0, 10.0, 10.0, 30.0, 10.0, 40.0, 40.0, 10.0, 20.0, 30.0, 10.0, 30.0, 10.0, 30.0, 50.0, 60.0, 10.0, 20.0, 30.0, 40.0, -1.0, 50.0, 10.0, 40.0, 100.0, 10.0, 20.0, 40.0, 0.0, 40.0, 50.0, 20.0, 10.0, 30.0, 10.0, 20.0, 30.0, 20.0, 30.0, 10.0, 30.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 30.0, 40.0, 0.0, 30.0, 10.0, -1.0, 30.0, 10.0, 20.0, 20.0, 10.0, 20.0, 0.0, 50.0, 30.0, 30.0, 10.0, 30.0, 20.0, 20.0, 60.0, 30.0, 10.0, 40.0, 0.0, 20.0, 30.0, 10.0, 80.0, 10.0, 20.0, 0.0, 70.0, 20.0, 10.0, 40.0, -1.0, 20.0, 10.0, 0.0, 50.0, 20.0, 10.0, 10.0, 20.0, 20.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 10.0, 30.0, -1.0, 50.0, 30.0, 50.0, 10.0, 40.0, 50.0, 0.0, 10.0, 20.0, 10.0, 10.0, 40.0, 0.0, 50.0, 10.0, 30.0, 50.0, 40.0, 20.0, 30.0, 0.0, 20.0, 10.0, 40.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 10.0, 20.0, 10.0, 20.0, 10.0, 10.0, 0.0, 10.0, 10.0, 20.0, 10.0, 10.0, 0.0, 30.0, 10.0, 10.0, 40.0, 20.0], (6000, 4000): [40.0, 90.0, 60.0, 20.0, 60.0, 50.0, 100.0, 0.0, 10.0, 10.0, 100.0, 0.0, 100.0, 40.0, 100.0, 20.0, 20.0, 30.0, 100.0, 70.0, 60.0, 50.0, 90.0, 80.0, 100.0, 40.0, 40.0, 100.0, 100.0, 40.0, 30.0, 10.0, 100.0, 40.0, 10.0, 20.0, 10.0, 100.0, 70.0, 0.0, 100.0, 40.0, 90.0, 30.0, 100.0, 70.0, 20.0, 80.0, 10.0, 10.0, 10.0, 30.0, 60.0, 90.0, 0.0, 90.0, 100.0, 20.0, 100.0, 50.0, 20.0, 70.0, 0.0, 0.0, 0.0, 10.0, 20.0, 60.0, 0.0, 100.0, 100.0, 50.0, 0.0, 100.0, 0.0, 0.0, 70.0, 80.0, 100.0, 20.0, 50.0, 10.0, 10.0, 0.0, 10.0, 10.0, 0.0, 20.0, 10.0, 10.0, 90.0, 0.0, 80.0, 70.0, 100.0, 0.0, 30.0, 50.0, 100.0, 50.0, 10.0, 10.0, 10.0, 60.0, 40.0, 50.0, 40.0, 100.0, 40.0, 20.0, 50.0, 100.0, 0.0, 70.0, 40.0, 60.0, 50.0, 80.0, 100.0, 40.0, 40.0, 30.0, 10.0, 10.0, 90.0, 0.0, 30.0, 60.0, 70.0, 0.0, 0.0, 50.0, 80.0, 100.0, 30.0, 0.0, 0.0, 100.0, 0.0, 0.0, 50.0, 0.0, 30.0, 0.0, 100.0, 70.0, 0.0, 70.0, 30.0, 0.0, 80.0, 60.0, 100.0, 50.0, 0.0, 40.0, 10.0, 80.0, 90.0, 0.0, 10.0, 100.0, 100.0, 0.0, 70.0, 80.0, 40.0, 0.0, 80.0, 100.0, 60.0, 30.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 10.0, 100.0, 0.0, 10.0, 100.0, 20.0, 50.0, 20.0, 0.0, 30.0, 10.0, 100.0, 80.0, 0.0, 80.0, 90.0, 90.0, 50.0, 100.0, 40.0, 50.0, 20.0, 60.0, 10.0, 0.0, 50.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 100.0, 90.0, 100.0, 30.0, 0.0, 100.0, 10.0, 0.0, 50.0, 60.0, 90.0, 0.0, 100.0, 0.0, 90.0, 0.0, 100.0, 20.0, 70.0, 60.0, 30.0, 40.0, 20.0, 20.0, 0.0, 100.0, 30.0, 100.0, 0.0, 10.0, 20.0, 90.0, 100.0, 100.0, 60.0, 90.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 100.0, 100.0, 10.0, 20.0, 0.0, 0.0, 0.0, 0.0, 70.0, 60.0, 100.0, 100.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 50.0, 0.0, 10.0, 20.0, 40.0, 20.0, 20.0, 100.0, 0.0, 30.0, 80.0, 100.0, 70.0, 0.0, 0.0, 0.0, 70.0, 60.0, 0.0, 100.0, 100.0, 70.0, 0.0, 70.0, 20.0, 100.0, 0.0, 20.0, 0.0, 0.0, 100.0, 70.0, 40.0, 0.0, 60.0, 100.0, 100.0, 60.0, 40.0, 0.0, 100.0, 10.0, 10.0, 0.0, 100.0, 0.0, 0.0, 0.0, 30.0, 80.0, 90.0, 100.0, 20.0, 30.0, 60.0, 90.0, 10.0, 40.0, 80.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 70.0, 100.0, 10.0, 10.0, 100.0, 100.0, 10.0, 90.0, 70.0, 10.0, 10.0, 10.0, 80.0, 0.0, 60.0, 60.0, 90.0, 50.0, 0.0, 90.0, 90.0, 100.0, 0.0, 40.0, 100.0, 40.0, 100.0, 70.0, 100.0, 50.0, 0.0, 0.0, 20.0, 70.0, 100.0, 0.0, 0.0, 90.0, 10.0, 60.0, 100.0, 50.0, 20.0, 0.0, 30.0, 70.0, 100.0, 60.0, 10.0, 60.0, 10.0, 100.0, 10.0, 100.0, 60.0, 0.0, 40.0, 100.0, 90.0, 0.0, 100.0, 10.0, 80.0, 20.0, 10.0, 90.0, 20.0, 100.0, 70.0, 50.0, 100.0, 90.0, 100.0, 0.0, 0.0, 30.0, 10.0, 0.0, 100.0, 0.0, 90.0, 100.0, 10.0, 30.0, 0.0, 100.0, 50.0, 100.0, 0.0, 30.0, 70.0, 70.0, 0.0, 20.0, 20.0, 0.0, 30.0, 50.0, 10.0, 100.0, 100.0, 0.0, 10.0, 50.0, 80.0, 100.0, 0.0, 100.0, 70.0, 0.0, 100.0, 20.0, 30.0, 100.0, 50.0, 100.0, 100.0, 20.0, 0.0, 60.0, 100.0, 100.0, 90.0, 60.0, 50.0, 60.0, 100.0, 90.0, 10.0, 0.0, 90.0, 20.0, 10.0, 100.0, 70.0, 30.0, 100.0, 50.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 80.0, 10.0, 100.0, 0.0, 0.0, 30.0, 40.0, 0.0, 0.0, 10.0, 0.0, 70.0, 40.0, 100.0, 0.0, 0.0, 60.0, 100.0, 80.0, 100.0, 80.0, 100.0, 60.0, 0.0, 100.0, 80.0, 100.0, 0.0, 30.0, 40.0, 100.0, 40.0, 0.0, 30.0, 70.0, 100.0, 0.0, 100.0, 40.0, 20.0, 100.0, 0.0, 30.0, 60.0, 10.0, 20.0, 0.0, 20.0, 0.0, 20.0, 40.0, 60.0, 50.0, 80.0, 30.0, 60.0, 0.0, 20.0, 20.0, 40.0, 70.0, 100.0, 50.0, 80.0, 50.0, 40.0, 40.0, 10.0, 100.0, 0.0, 30.0, 100.0, 10.0, 100.0, 10.0, 50.0, 30.0, 20.0, 100.0, 30.0, 80.0, 80.0, 100.0, 10.0, 60.0, 90.0, 30.0, 100.0, 10.0, 0.0, 100.0, 0.0, 100.0, 90.0, 60.0, 20.0, 0.0, 0.0, 30.0, 100.0, 10.0, 10.0, 20.0, 40.0, 10.0, 30.0, 10.0, 30.0, 0.0, 30.0, 40.0, 50.0, 20.0, 100.0, 90.0, -1.0, 0.0, 100.0, 10.0, 50.0, 0.0, 10.0, 0.0, 20.0, 10.0, 20.0, 70.0, 100.0, 0.0, 20.0, 30.0, 10.0, 60.0, 10.0, 90.0, 40.0, 40.0, 100.0, 90.0, 50.0, 30.0, 10.0, 80.0, 10.0, 100.0, 30.0, 20.0, 50.0, 80.0, 100.0, 10.0, 100.0, 0.0, 20.0, 60.0, 50.0, 70.0, 10.0, 30.0, 70.0, 0.0, 40.0, 100.0, 40.0, 90.0, 0.0, 100.0, 0.0, 100.0, 40.0, 50.0, 60.0, 100.0, 10.0, 100.0, 0.0, 0.0, 0.0, 20.0, 0.0, 40.0, 20.0, 0.0, 50.0, 100.0, 40.0, 70.0, 10.0, 60.0, 50.0, 60.0, 60.0, 50.0, 70.0, 0.0, 10.0, 10.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 90.0, 20.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 90.0, 10.0, 10.0, 100.0, 20.0, 10.0, 0.0, 10.0, 100.0, 100.0, 0.0, 10.0, 100.0, 20.0, 20.0, 30.0, 100.0, 20.0, 20.0, 0.0, 100.0, 10.0, 60.0, 100.0, 100.0, 60.0, 0.0, 0.0, 0.0, 30.0, 0.0, 100.0, 90.0, 0.0, 70.0, 100.0, 30.0, 60.0, 70.0, 100.0, 30.0, 100.0, 30.0, 60.0, 100.0, 100.0, 40.0, 40.0, 100.0, 20.0, 20.0, 100.0, 70.0, 10.0, 100.0, 90.0, 100.0, 0.0, 40.0, 100.0, 100.0, 0.0, 30.0, 20.0, 0.0, 70.0, 100.0, 40.0, 90.0, 30.0, 100.0, 80.0, 0.0, 70.0, 100.0, 0.0, 30.0, 20.0, 100.0, 100.0, 90.0, 10.0, 0.0, 20.0, 100.0, 20.0, 0.0, 100.0, 100.0, 20.0, 50.0, 100.0, 100.0, 60.0, 90.0, 0.0, 100.0, 40.0, 20.0, 100.0, 80.0, 0.0, 0.0, 40.0, 40.0, 100.0, 70.0, 10.0, 10.0, 90.0, 100.0, 20.0, 0.0, 100.0, 0.0, 70.0, 80.0, 50.0, 80.0, 0.0, 30.0, 90.0, 0.0, 50.0, 0.0, 20.0, 90.0, 0.0, 100.0, 0.0, 70.0, 100.0, 20.0, 40.0, 20.0, 60.0, 60.0, 50.0, 60.0, 80.0, 20.0, 80.0, 40.0, 100.0, 40.0, 10.0, 0.0, 20.0, -1.0, 100.0, 100.0, 70.0, 0.0, 90.0, 0.0, 30.0, 10.0, 10.0, 50.0, 50.0, 60.0, 70.0, 100.0, 10.0, 20.0, 100.0, 80.0, 20.0, 100.0, 0.0, 20.0, 20.0, 60.0, 0.0, 10.0, 100.0, 70.0, 10.0, 0.0, 0.0, 0.0, 50.0, 100.0, 50.0, 40.0, 40.0, 0.0, 50.0, 40.0, 20.0, 0.0, 100.0, 50.0, 20.0, 0.0, 0.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2100 = {(8400, 4200): [100.0, 100.0, 100.0, 30.0, 10.0, 90.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 10.0, 0.0, 100.0, 70.0, 0.0, 10.0, 100.0, 10.0, 20.0, 30.0, 100.0, 100.0, 100.0, 20.0, 40.0, 60.0, 10.0, 100.0, 80.0, 40.0, 20.0, 100.0, 90.0, 100.0, 40.0, 80.0, 0.0, 100.0, 80.0, 80.0, 80.0, 10.0, 100.0, 90.0, 100.0, 90.0, 30.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 10.0, 100.0, 100.0, 40.0, 50.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 0.0, 0.0, 10.0, 0.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 0.0, 10.0, 100.0, 80.0, 80.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 70.0, 80.0, 100.0, 90.0, 30.0, 100.0, 0.0, 70.0, 10.0, 20.0, 90.0, 0.0, 0.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 80.0, 100.0, 10.0, 100.0, 100.0, 10.0, 90.0, 100.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 0.0, 100.0, 10.0, 40.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 90.0, 80.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 100.0, 100.0, 90.0, 30.0, 100.0, 0.0, 100.0, 60.0, 20.0, 100.0, 100.0, 80.0, 100.0, 0.0, 20.0, 10.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 40.0, 60.0, 0.0, 60.0, 40.0, 70.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 90.0, 100.0, 100.0, 50.0, 100.0], (2100, 2100): [50.0, 60.0, 30.0, 30.0, 40.0, 80.0, -1.0, 40.0, 20.0, 30.0, 40.0, 40.0, 30.0, -1.0, 90.0, -1.0, 70.0, 80.0, 50.0, 60.0, 30.0, 60.0, 70.0, 50.0, 30.0, 30.0, 20.0, 60.0, 40.0, -1.0, 20.0, 50.0, 80.0, -1.0, 90.0, 40.0, 40.0, 80.0, 50.0, 80.0, 10.0, 40.0, 20.0, 50.0, 30.0, 40.0, 90.0, 80.0, 20.0, -1.0, 80.0, 20.0, 30.0, 30.0, 10.0, 30.0, 40.0, 40.0, 20.0, 30.0, 70.0, 30.0, 20.0, 50.0, 20.0, 40.0, 80.0, 90.0, 20.0, 20.0, 30.0, 70.0, 50.0, 40.0, 40.0, 80.0, 20.0, 40.0, 40.0, 30.0, 10.0, 30.0, 20.0, 10.0, 80.0, 10.0, 50.0, 100.0, 30.0, 70.0, 50.0, 70.0, 30.0, 30.0, 40.0, 30.0, 50.0, 20.0, 40.0, 30.0, 20.0, 60.0, 60.0, 40.0, 50.0, 40.0, -1.0, 10.0, 40.0, -1.0, 40.0, 30.0, 10.0, 20.0, 90.0, 60.0, 50.0, 40.0, 30.0, 30.0, 90.0, 30.0, 40.0, 40.0, 60.0, 30.0, 30.0, 10.0, 50.0, 20.0, 50.0, 70.0, 40.0, 40.0, 20.0, 30.0, 40.0, 30.0, 20.0, 20.0, 50.0, 20.0, 30.0, 20.0, 70.0, 100.0, 50.0, 30.0, 50.0, -1.0, 50.0, 40.0, 60.0, 40.0, 30.0, -1.0, 20.0, 30.0, 40.0, 60.0, 30.0, 60.0, 70.0, 40.0, 60.0, 30.0, 60.0, 40.0, 30.0, 30.0, 10.0, 20.0, 30.0, 40.0, 50.0, 40.0, 30.0, 30.0, 40.0, 40.0, 100.0, 40.0, 30.0, 100.0, 0.0, 30.0, 30.0, 80.0, 40.0, 30.0, 30.0, 20.0, 10.0, 40.0, 80.0, 40.0, 40.0, 30.0, 40.0, 20.0, 30.0, 80.0, 40.0, 70.0, 60.0, 40.0, -1.0, 100.0, 20.0, 30.0, 40.0, 70.0, 30.0, 50.0, 50.0, 60.0, 20.0, 40.0, 40.0, 30.0, 100.0, 30.0, 40.0, 30.0, 40.0, 60.0, 80.0, 60.0, 20.0, 30.0, 40.0, 40.0, 60.0, 60.0, 80.0, 40.0, 40.0, 100.0, 30.0, 30.0, 50.0, 30.0, 60.0, 20.0, 50.0, 30.0, 50.0, 80.0, 40.0, 30.0, 70.0, 20.0, 60.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 40.0, 50.0, 40.0, -1.0, 60.0, 10.0, 10.0, 40.0, 40.0, 90.0, 60.0, 30.0, 50.0, 70.0, 20.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 80.0, 50.0, 20.0, 40.0, 50.0, 30.0, 20.0, 60.0, 40.0, 30.0, 30.0, 80.0, 30.0, 40.0, 30.0, 40.0, 70.0, 80.0, 100.0, 40.0, 60.0, 20.0, 40.0, 80.0, 30.0, 30.0, 90.0, 50.0, 30.0, 50.0, 70.0, 50.0, -1.0, 20.0, 50.0, 60.0, 30.0, 40.0, 30.0, 30.0, 50.0, 80.0, 20.0, 30.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 80.0, 50.0, 60.0, 50.0, 50.0, 20.0, 40.0, 50.0, -1.0, 40.0, -1.0, 50.0, 40.0, 80.0, 20.0, 50.0, 20.0, 40.0, 10.0, 70.0, 60.0, 40.0, 30.0, 70.0, 60.0, 60.0, 30.0, -1.0, 70.0, 50.0, 40.0, -1.0, 50.0, 50.0, 60.0, 0.0, 50.0, 50.0, 40.0, 30.0, 20.0, 40.0, 60.0, 40.0, 20.0, 10.0, 50.0, -1.0, -1.0, 30.0, 30.0, 50.0, 50.0, 60.0, 30.0, 50.0, 10.0, 20.0, 60.0, -1.0, 50.0, -1.0, 30.0, 50.0, 40.0, 30.0, 90.0, 50.0, 70.0, 50.0, 30.0, 20.0, 70.0, 90.0, 50.0, 30.0, 40.0, 10.0, 60.0, 80.0, 20.0, 20.0, 20.0, 50.0, 20.0, 60.0, 30.0, 40.0, 20.0, 40.0, 60.0, 40.0, 100.0, 70.0, 20.0, 40.0, 40.0, 90.0, 40.0, 60.0, 70.0, 20.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 30.0, 10.0, 50.0, 10.0, 0.0, 10.0, 30.0, 90.0, 40.0, 50.0, 60.0], (4200, 0): [80.0, 70.0, 10.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 0.0, 40.0, 40.0, 20.0, 30.0, 70.0, 10.0, 30.0, 60.0, 60.0, 30.0, 40.0, 20.0, 10.0, 10.0, 20.0, 30.0, 10.0, 60.0, 10.0, 40.0, 20.0, 40.0, 20.0, 0.0, 0.0, 10.0, 20.0, 50.0, 20.0, 20.0, 30.0, 10.0, 30.0, 20.0, 10.0, 10.0, 40.0, 10.0, 10.0, 20.0, 20.0, 60.0, 50.0, 10.0, 0.0, 30.0, 30.0, 20.0, 0.0, 10.0, 30.0, 30.0, 40.0, 40.0, 20.0, 30.0, 20.0, 30.0, 70.0, 10.0, 40.0, 60.0, 10.0, 60.0, 40.0, 50.0, 10.0, 30.0, 30.0, 10.0, 20.0, 40.0, 30.0, 10.0, 10.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 30.0, 20.0, 30.0, 0.0, 10.0, 30.0, 0.0, 30.0, 30.0, 30.0, 20.0, 50.0, 40.0, 40.0, 10.0, 10.0, 60.0, 0.0, 10.0, 10.0, 40.0, 10.0, 10.0, 80.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 10.0, 0.0, 10.0, 40.0, 50.0, 40.0, -1.0, 0.0, 30.0, 60.0, 10.0, 50.0, 20.0, 0.0, 40.0, 0.0, 40.0, 60.0, 10.0, 10.0, 10.0, 40.0, 40.0, 20.0, 20.0, 20.0, 10.0, 0.0, 50.0, 20.0, 50.0, 0.0, 10.0, 0.0, 40.0, 30.0, 10.0, 10.0, 10.0, 40.0, 10.0, 30.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 30.0, 40.0, 40.0, 10.0, 20.0, 40.0, 20.0, 10.0, 10.0, 20.0, 10.0, 70.0, 30.0, 10.0, 20.0, 50.0, 30.0, 0.0, 10.0, 10.0, 40.0, 10.0, 10.0, 0.0, 40.0, 20.0, 20.0, 40.0, 50.0, 30.0, 20.0, 30.0, 30.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 60.0, 40.0, 60.0, 10.0, 10.0, 10.0, 10.0, 90.0, 50.0, 0.0, -1.0, 10.0, 10.0, 30.0, 30.0, 10.0, 20.0, 0.0, 40.0, 60.0, 30.0, 0.0, 30.0, 10.0, 10.0, 20.0, 10.0, 30.0, 40.0, -1.0, 100.0, 20.0, 30.0, 20.0, 10.0, 50.0, 30.0, 30.0, 0.0, -1.0, 40.0, 10.0, 60.0, 0.0, 60.0, -1.0, 10.0, -1.0, 10.0, 40.0, 20.0, 10.0, 30.0, 30.0, 30.0, 20.0, 0.0, 10.0, 10.0, 0.0, 30.0, 20.0, 10.0, 10.0, 0.0, 70.0, 0.0, 30.0, 20.0, 20.0, 40.0, 40.0, 0.0, 50.0, 60.0, 10.0, 10.0, 30.0, 10.0, 90.0, 40.0, 40.0, 10.0, 20.0, 30.0, 10.0, 30.0, 30.0, 50.0, 60.0, 10.0, 20.0, 30.0, 40.0, 50.0, 10.0, 40.0, 100.0, 10.0, 20.0, 40.0, 0.0, 40.0, 50.0, 20.0, 10.0, 30.0, 50.0, 20.0, 50.0, 10.0, 40.0, 20.0, 30.0, 20.0, 30.0, 10.0, 30.0, 70.0, 0.0, 20.0, 0.0, 20.0, 0.0, 10.0, 60.0, 40.0, 0.0, 30.0, 100.0, 10.0, 50.0, -1.0, 30.0, 10.0, 20.0, 10.0, 20.0, 0.0, 10.0, 20.0, 20.0, 0.0, 50.0, 40.0, 30.0, 30.0, 10.0, 50.0, 20.0, 20.0, 60.0, 30.0, 10.0, 30.0, 0.0, 20.0, 30.0, 40.0, 10.0, 80.0, 10.0, 20.0, 0.0, 70.0, 20.0, 10.0, 40.0, -1.0, 20.0, 10.0, 0.0, 50.0, 20.0, 30.0, 10.0, 10.0, 20.0, 20.0, 40.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 10.0, 30.0, -1.0, 50.0, 30.0, 50.0, 10.0, 80.0, 40.0, 50.0, 30.0, 0.0, 10.0, 10.0, 40.0, 0.0, 50.0, 10.0, 50.0, 40.0, 20.0, 30.0, 0.0, 20.0, 10.0, 40.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 10.0, 20.0, 10.0, 20.0, 10.0, 10.0, 10.0, 30.0, 40.0, 0.0, 10.0, 10.0, 40.0, 20.0, 10.0, 10.0, 0.0, 30.0, 20.0, 10.0, 10.0, 40.0, 20.0], (0, 0): [60.0, 40.0, -1.0, 20.0, 50.0, 40.0, 40.0, 50.0, 0.0, 10.0, 60.0, 10.0, 0.0, 90.0, 10.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 100.0, 40.0, 50.0, -1.0, 20.0, 10.0, 40.0, 70.0, 30.0, 40.0, 60.0, 40.0, 50.0, 20.0, 30.0, 30.0, 10.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 20.0, 0.0, 20.0, 50.0, 30.0, 20.0, 70.0, 30.0, 20.0, 50.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 40.0, 50.0, 50.0, 0.0, 30.0, 10.0, 40.0, 90.0, 10.0, 50.0, 20.0, 10.0, -1.0, 30.0, 20.0, 20.0, 20.0, 20.0, 60.0, 50.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 40.0, 30.0, 70.0, 20.0, 10.0, 10.0, 90.0, 20.0, 70.0, -1.0, 10.0, 60.0, 70.0, 60.0, -1.0, 30.0, 30.0, 10.0, 80.0, 50.0, 20.0, 10.0, 60.0, 30.0, 50.0, 100.0, 60.0, 40.0, 20.0, 10.0, 50.0, 10.0, 40.0, -1.0, -1.0, 10.0, 20.0, 60.0, 40.0, 60.0, -1.0, 30.0, -1.0, 20.0, 0.0, 10.0, 10.0, 20.0, 50.0, -1.0, 40.0, -1.0, -1.0, -1.0, 30.0, 40.0, 20.0, 30.0, 60.0, 20.0, 20.0, 40.0, -1.0, 100.0, 40.0, 10.0, 20.0, 40.0, 40.0, 60.0, 50.0, 40.0, 40.0, 20.0, 20.0, 30.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 20.0, 70.0, 40.0, 40.0, 40.0, 20.0, 50.0, 10.0, 50.0, 30.0, 50.0, 50.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 20.0, 40.0, 30.0, 40.0, 20.0, 30.0, 30.0, 70.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, -1.0, 40.0, 0.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 40.0, 40.0, 60.0, 20.0, 40.0, 40.0, 10.0, 10.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 50.0, 40.0, 10.0, 50.0, 40.0, 10.0, 10.0, 40.0, 10.0, 10.0, 20.0, 20.0, 0.0, 30.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 0.0, 100.0, 30.0, -1.0, 50.0, 40.0, 30.0, 40.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 70.0, 30.0, 40.0, 30.0, 70.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 70.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 10.0, 40.0, 50.0, 60.0, 10.0, 40.0, 10.0, 40.0, 40.0, 10.0, 30.0, 20.0, 30.0, 60.0, 10.0, 20.0, 50.0, 10.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 30.0, 10.0, 10.0, 0.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 20.0, -1.0, 20.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 0.0, 70.0, 50.0, 60.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (6300, 4200): [40.0, 90.0, 90.0, 40.0, 20.0, 60.0, 50.0, 100.0, 10.0, 10.0, 100.0, 100.0, 30.0, 100.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 30.0, 100.0, 70.0, 100.0, 50.0, 90.0, 80.0, 100.0, 50.0, 100.0, 40.0, 30.0, 100.0, 100.0, 20.0, 10.0, 100.0, 70.0, 0.0, 100.0, 10.0, 40.0, 90.0, 100.0, 70.0, 70.0, 20.0, 80.0, 10.0, 90.0, 30.0, 10.0, 0.0, 60.0, 20.0, 80.0, 100.0, 50.0, 20.0, 20.0, 70.0, 0.0, 0.0, 60.0, 0.0, 100.0, 100.0, 50.0, 0.0, 100.0, 0.0, 0.0, 100.0, 30.0, 80.0, 100.0, 20.0, 10.0, 0.0, 10.0, 10.0, 0.0, 20.0, 10.0, 90.0, 0.0, 40.0, 70.0, 100.0, 0.0, 30.0, 50.0, 50.0, 10.0, 100.0, 10.0, 40.0, 50.0, 20.0, 50.0, 100.0, 0.0, 100.0, 70.0, 40.0, 50.0, 80.0, 100.0, 40.0, 70.0, 10.0, 70.0, 0.0, 70.0, 60.0, 70.0, 0.0, 80.0, 50.0, 100.0, 100.0, 0.0, 0.0, 50.0, 0.0, 30.0, 0.0, 100.0, 100.0, 70.0, 0.0, 70.0, 30.0, 90.0, 80.0, 30.0, 100.0, 0.0, 40.0, 80.0, 90.0, 0.0, 10.0, 100.0, 40.0, 0.0, 80.0, 100.0, 30.0, 80.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 10.0, 100.0, 10.0, 100.0, 20.0, 0.0, 30.0, 80.0, 10.0, 0.0, 0.0, 10.0, 100.0, 80.0, 100.0, 0.0, 80.0, 90.0, 90.0, 50.0, 100.0, 40.0, 90.0, 50.0, 0.0, 20.0, 30.0, 60.0, 10.0, 0.0, 50.0, 10.0, 50.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 90.0, 100.0, 30.0, 100.0, 10.0, 0.0, 50.0, 0.0, 100.0, 0.0, 0.0, 100.0, 20.0, 70.0, 100.0, 60.0, 30.0, 20.0, 0.0, 100.0, 0.0, 10.0, 20.0, 90.0, 100.0, 90.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 100.0, 20.0, 90.0, 0.0, 0.0, 0.0, 60.0, 0.0, 100.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 50.0, 10.0, 20.0, 0.0, 20.0, 100.0, 100.0, 0.0, 30.0, 80.0, 100.0, 70.0, 100.0, 0.0, 100.0, 0.0, 70.0, 40.0, 10.0, 70.0, 100.0, 100.0, 0.0, 70.0, 70.0, 20.0, 100.0, 0.0, 0.0, 100.0, 70.0, 100.0, 40.0, 0.0, 100.0, 60.0, 0.0, 60.0, 10.0, 10.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 30.0, 80.0, 90.0, 100.0, 20.0, 10.0, 30.0, 10.0, 80.0, 100.0, 0.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 30.0, 10.0, 10.0, 10.0, 10.0, 80.0, 70.0, 30.0, 0.0, 100.0, 60.0, 90.0, 50.0, 0.0, 90.0, 100.0, 90.0, 40.0, 100.0, 100.0, 40.0, 30.0, 70.0, 100.0, 50.0, 0.0, 80.0, 70.0, 100.0, 0.0, 0.0, 20.0, 10.0, 60.0, 100.0, 50.0, 40.0, 20.0, 30.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 10.0, 100.0, 60.0, 0.0, 20.0, 100.0, 30.0, 0.0, 0.0, 100.0, 10.0, 20.0, 20.0, 10.0, 90.0, 20.0, 100.0, 70.0, 50.0, 100.0, 90.0, 60.0, 100.0, 0.0, 0.0, 30.0, 10.0, 50.0, 100.0, 100.0, 90.0, 0.0, 100.0, 0.0, 50.0, 100.0, 30.0, 70.0, 20.0, 20.0, 20.0, 30.0, 50.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 70.0, 0.0, 0.0, 100.0, 30.0, 100.0, 50.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 90.0, 60.0, 100.0, 60.0, 100.0, 90.0, 10.0, 90.0, 10.0, 100.0, 100.0, 30.0, 30.0, 100.0, 50.0, 80.0, 0.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 80.0, 10.0, 100.0, 50.0, 0.0, 0.0, 40.0, 20.0, 0.0, 0.0, 10.0, 0.0, 100.0, 30.0, 0.0, 60.0, 100.0, 100.0, 80.0, 100.0, 60.0, 0.0, 100.0, 100.0, 0.0, 30.0, 40.0, 100.0, 40.0, 30.0, 70.0, 100.0, 0.0, 100.0, 40.0, 100.0, 10.0, 0.0, 30.0, 0.0, 80.0, 60.0, 0.0, 20.0, 0.0, 70.0, 20.0, 40.0, 40.0, 60.0, 10.0, 50.0, 80.0, 30.0, 30.0, 0.0, 40.0, 70.0, 100.0, 80.0, 50.0, 40.0, 40.0, 10.0, 100.0, 0.0, 30.0, 100.0, 80.0, 10.0, 100.0, 50.0, 30.0, 20.0, 100.0, 80.0, 70.0, 80.0, 100.0, 100.0, 80.0, 10.0, 60.0, 90.0, 100.0, 60.0, 100.0, 10.0, 20.0, 100.0, 0.0, 10.0, 0.0, 0.0, 20.0, 0.0, 100.0, 90.0, 60.0, 100.0, 0.0, 30.0, 100.0, 10.0, 10.0, 20.0, 40.0, 10.0, 30.0, 100.0, 10.0, 30.0, 0.0, 30.0, 50.0, 40.0, 50.0, 20.0, 90.0, 0.0, 100.0, 100.0, 100.0, 10.0, 70.0, 50.0, 0.0, 100.0, 10.0, 20.0, 20.0, 0.0, 20.0, 30.0, 10.0, 60.0, 100.0, 10.0, 10.0, 60.0, 90.0, 40.0, 40.0, 100.0, 0.0, 30.0, 10.0, 20.0, 30.0, 20.0, 20.0, 50.0, 100.0, 10.0, 40.0, 100.0, 0.0, 60.0, 20.0, 70.0, 0.0, 100.0, 100.0, 0.0, 100.0, 0.0, 20.0, 100.0, 40.0, 50.0, 100.0, 10.0, 0.0, 20.0, 100.0, 0.0, 40.0, 20.0, 0.0, 30.0, 50.0, 100.0, 40.0, 70.0, 20.0, 100.0, 50.0, 60.0, 60.0, 50.0, 70.0, 50.0, 0.0, 10.0, 10.0, 100.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 50.0, 90.0, 30.0, 20.0, 10.0, 100.0, 10.0, 0.0, 10.0, 100.0, 100.0, 0.0, 10.0, 100.0, 20.0, 100.0, 50.0, 20.0, 20.0, 100.0, 10.0, 10.0, 100.0, 100.0, 60.0, 70.0, 0.0, 0.0, 30.0, 0.0, 100.0, 100.0, 0.0, 30.0, 50.0, 70.0, 100.0, 30.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 10.0, 100.0, 90.0, 100.0, 0.0, 100.0, 0.0, 30.0, 50.0, 0.0, 100.0, 30.0, 20.0, 0.0, 70.0, 100.0, 40.0, 90.0, 30.0, 100.0, 80.0, 0.0, 70.0, 100.0, 0.0, 20.0, 100.0, 100.0, 10.0, 10.0, 60.0, 0.0, 20.0, 10.0, 70.0, 20.0, 100.0, 100.0, 100.0, 60.0, 0.0, 100.0, 20.0, 100.0, 40.0, 80.0, 0.0, 40.0, 50.0, 70.0, 10.0, 90.0, 100.0, 20.0, 20.0, 0.0, 100.0, 0.0, 70.0, 80.0, 20.0, 80.0, 0.0, 20.0, 0.0, 0.0, 50.0, 100.0, 0.0, 90.0, 60.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 20.0, 40.0, 20.0, 100.0, 60.0, 60.0, 50.0, 60.0, 20.0, 80.0, 40.0, 50.0, 10.0, 0.0, 20.0, 100.0, 100.0, 100.0, 70.0, 0.0, 90.0, 0.0, 30.0, 10.0, 10.0, 50.0, 50.0, 70.0, 10.0, 20.0, 100.0, 0.0, 20.0, 100.0, 20.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 50.0, 100.0, 100.0, 50.0, 100.0, 40.0, 40.0, 0.0, 50.0, 100.0, 40.0, 100.0, 90.0, 20.0, 20.0, 0.0, 100.0, 50.0, 10.0, 20.0, 0.0, 0.0], (8400, 0): [100.0, 60.0, 20.0, 90.0, 40.0, 100.0, 70.0, 100.0, 100.0, 100.0, 20.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 60.0, 90.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 80.0, 90.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 50.0, 80.0, 90.0, 90.0, 80.0, 70.0, 100.0, 20.0, 90.0, 10.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 90.0, 80.0, 90.0], (4200, 4200): [60.0, 0.0, 20.0, 10.0, 40.0, 20.0, 60.0, 10.0, 90.0, 40.0, 100.0, 20.0, 80.0, 0.0, 100.0, 60.0, 40.0, 0.0, 30.0, 40.0, 10.0, 0.0, 30.0, 100.0, 0.0, 50.0, 20.0, 100.0, 70.0, 80.0, 20.0, 20.0, 100.0, 60.0, 0.0, 0.0, 0.0, 40.0, 20.0, 60.0, 60.0, 10.0, 0.0, 100.0, 0.0, 0.0, 60.0, 40.0, 30.0, 30.0, 70.0, 100.0, 0.0, 0.0, 100.0, 70.0, 0.0, 80.0, 70.0, 0.0, 0.0, 0.0, 10.0, 30.0, 60.0, 50.0, 0.0, 20.0, 10.0, 80.0, 20.0, 60.0, 20.0, 0.0, 60.0, 0.0, 40.0, 20.0, 80.0, 10.0, 20.0, 10.0, 0.0, 20.0, 0.0, 50.0, 0.0, 0.0, 60.0, 40.0, 20.0, 20.0, 0.0, 50.0, 0.0, 30.0, 50.0, 10.0, 30.0, 20.0, -1.0, 0.0, 0.0, 10.0, 100.0, 20.0, 90.0, 50.0, 80.0, 80.0, 0.0, 50.0, 20.0, 30.0, 40.0, 40.0, 40.0, 10.0, 70.0, 10.0, 0.0, 10.0, 60.0, 60.0, 50.0, 0.0, 10.0, 20.0, 0.0, 30.0, 0.0, 20.0, 70.0, 30.0, 20.0, 70.0, 20.0, 0.0, 20.0, 0.0, 90.0, 90.0, 100.0, 20.0, 40.0, 100.0, 0.0, 10.0, 40.0, 100.0, 70.0, 10.0, 0.0, 20.0, 0.0], (2100, 0): [10.0, 10.0, 0.0, 0.0, 30.0, 10.0, 10.0, 60.0, 70.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 50.0, 30.0, 30.0, 50.0, 40.0, 10.0, 20.0, 50.0, 10.0, -1.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 30.0, -1.0, 30.0, 20.0, -1.0, 10.0, 20.0, 10.0, 0.0, -1.0, 90.0, -1.0, 40.0, -1.0, -1.0, 30.0, 50.0, 80.0, 30.0, 10.0, 30.0, 30.0, -1.0, -1.0, 50.0, -1.0, -1.0, 10.0, 30.0, 40.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 70.0, 0.0, -1.0, 40.0, 40.0, -1.0, 20.0, 50.0, 20.0, 20.0, 60.0, -1.0, -1.0, 10.0, 0.0, 20.0, 20.0, 30.0, 30.0, 50.0, 40.0, 50.0, 30.0, 20.0, 20.0, 10.0, 40.0, 30.0, 20.0, 0.0, 90.0, 30.0, 20.0, 10.0, -1.0, 20.0, 10.0, 60.0, -1.0, 10.0, 30.0, 10.0, 20.0, 100.0, -1.0, 20.0, 50.0, -1.0, 50.0, 90.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 30.0, -1.0, 20.0, -1.0, 10.0, 20.0, 10.0, 70.0, 40.0, 50.0, 10.0, 10.0, 40.0, 70.0, 20.0, 20.0, 80.0, 70.0, 20.0, 50.0, 40.0, 30.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 20.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 60.0, 10.0, 10.0, 50.0, 60.0, -1.0, 40.0, 50.0, 20.0, 10.0, 40.0, 30.0, 80.0, 40.0, 60.0, 60.0, 60.0, 20.0, 20.0, 80.0, -1.0, 50.0, 10.0, 10.0, 10.0, 10.0, 100.0, -1.0, 30.0, -1.0, -1.0, 60.0, 30.0, 20.0, 20.0, -1.0, -1.0, 60.0, 20.0, 20.0, 70.0, 40.0, 80.0, 40.0, 10.0, 60.0, 40.0, 10.0, 20.0, 30.0, 30.0, -1.0, -1.0, 0.0, 10.0, 40.0, 10.0, 0.0, 20.0, 20.0, 50.0, 40.0, 20.0, 10.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 20.0, 80.0, 30.0, 40.0, 80.0, 10.0, 60.0, 50.0, -1.0, 20.0, -1.0, 10.0, 80.0, -1.0, 40.0, 10.0, 30.0, 10.0, 10.0, -1.0, 50.0, 10.0, 30.0, 10.0, 60.0, 40.0, 10.0, 30.0, 10.0, 50.0, 10.0, 10.0, 10.0, 20.0, 30.0, 0.0, 90.0, -1.0, 30.0, -1.0, -1.0, 30.0, 30.0, 30.0, 40.0, 30.0, 80.0, 50.0, 70.0, 60.0, 20.0, 10.0, 40.0, 20.0, 50.0, -1.0, 20.0, 60.0, 10.0, 40.0, 10.0, 30.0, 40.0, 20.0, 0.0, 40.0, 40.0, 30.0, 30.0, 0.0, -1.0, 100.0, 40.0, 20.0, 20.0, 40.0, 20.0, 10.0, -1.0, 30.0, 70.0, 10.0, 50.0, 30.0, 10.0, 50.0, 80.0, 30.0, 40.0, 50.0, 20.0, 30.0, 20.0, 20.0, 70.0, 30.0, 10.0, 20.0, -1.0, 10.0, 30.0, 40.0, 30.0, -1.0, 20.0, 30.0, 90.0, 20.0, 30.0, 10.0, 10.0, 70.0, 20.0, 30.0, 10.0, 30.0, 50.0, 20.0, 10.0, 60.0, 30.0, 40.0, 80.0, 30.0, 30.0, 40.0, 0.0, 20.0, 10.0, 40.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 50.0, 50.0, 50.0, 30.0, 20.0, 30.0, 60.0, 40.0, 0.0, -1.0, 10.0, 0.0, -1.0, 20.0, 40.0, 20.0, 100.0, 20.0, 70.0, 10.0, 40.0, 60.0, 10.0, 20.0, -1.0, 30.0, -1.0, 30.0, 30.0, 0.0, 0.0, 50.0, 10.0, 90.0, 30.0, 60.0, 10.0, -1.0, 80.0, 20.0, 10.0, 60.0, 20.0, 30.0, 20.0, -1.0, 20.0, 40.0, 50.0, 50.0, 20.0, -1.0, 30.0, 90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 10.0, 20.0, 40.0, 50.0, 50.0, 40.0, 20.0, 40.0, 60.0, 20.0, -1.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 30.0, 20.0, 20.0, 0.0, -1.0, 60.0, 40.0, 70.0, 20.0, 10.0, 0.0, 30.0, 20.0, 60.0, -1.0, -1.0, 10.0, 10.0, 50.0, 40.0, 40.0, 0.0, 10.0, 60.0, 20.0, 30.0, 20.0, 0.0, 10.0, 60.0, 10.0, 10.0, -1.0, 0.0, -1.0, 30.0, 40.0, 10.0, 30.0, 20.0, 10.0, 10.0, 10.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 20.0, 40.0, -1.0, 20.0, 40.0, 20.0, 40.0, 20.0, 60.0, -1.0, 40.0, 40.0, 50.0, 60.0, 60.0, 50.0, 70.0, 40.0, 50.0, 50.0, 30.0, 70.0, 60.0, 30.0, 50.0, 30.0, 10.0, 50.0, -1.0, 50.0, 80.0, 10.0, 20.0, 70.0, 30.0, 40.0, 30.0, 10.0, 40.0, 40.0, 30.0, 50.0, 40.0, -1.0, 50.0, 50.0, 30.0, 40.0, 60.0, 10.0, -1.0, 30.0, -1.0, 30.0, -1.0, 50.0, 60.0, 50.0, 0.0, 10.0, 10.0, 20.0, 30.0, -1.0, 30.0, -1.0, -1.0, 10.0, 40.0, 40.0, 10.0, -1.0, -1.0, 10.0, 40.0, 70.0, 0.0, 10.0, 20.0, 30.0, 10.0, 20.0, 50.0, 0.0, 20.0, 30.0, -1.0, 40.0, 60.0, -1.0, 40.0, 10.0, 20.0, 0.0, 40.0, 50.0, 30.0, 30.0, 30.0, -1.0, 10.0, 60.0, 50.0, 30.0, 10.0, 50.0, 40.0, 50.0, 30.0, 30.0, 100.0, 20.0, 70.0, 60.0, 50.0, 20.0, 30.0, 10.0, 40.0, 20.0, 20.0, -1.0, 40.0, 40.0, 10.0, 60.0, 0.0, 60.0, 30.0, 30.0, 60.0, 50.0, 50.0, 10.0, 40.0, 10.0, 30.0, 90.0, 30.0, 30.0, 70.0, 0.0, 60.0, -1.0, 60.0, 50.0, 30.0, 0.0, 20.0, 70.0, 20.0, 10.0, 20.0, 30.0, 50.0, 40.0, 20.0, 80.0, 20.0, 60.0, 90.0, 20.0, 50.0, 40.0, 30.0, 30.0, 10.0, 10.0, 40.0, 10.0, -1.0, 20.0, 60.0, 60.0, 40.0, 40.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 20.0, 20.0, 40.0, 20.0, 20.0, 40.0, 10.0, 20.0, 30.0, 20.0, 20.0, -1.0, 30.0, 50.0, 20.0, 20.0, 30.0, 0.0, 50.0, 20.0, 20.0, 20.0, 50.0, 60.0, -1.0, 30.0, 30.0, 40.0, 10.0, 30.0, 30.0, 40.0, 100.0, 0.0, 40.0, -1.0, 20.0, 10.0, 20.0, 20.0, 30.0, 40.0, 40.0, 20.0, 40.0, -1.0, -1.0, 50.0, 50.0, 100.0, 10.0, 40.0, 40.0, 10.0, 40.0, 50.0, -1.0, 70.0, 0.0, 30.0, 20.0, 30.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 10.0, 0.0, 40.0, 40.0, 40.0, 0.0, 50.0, 40.0, 40.0], (8400, 2100): [0.0, 100.0, 100.0, 30.0, 50.0, 50.0, 50.0, 100.0, 90.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 70.0, 40.0, 100.0, 40.0, 100.0, 20.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 100.0, 80.0, 0.0, 100.0, 0.0, 100.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 80.0, 20.0, 40.0, 10.0, 30.0, 50.0, 50.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 10.0, 50.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 50.0, 70.0, 10.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 90.0, 60.0, 100.0, 30.0, 80.0, 100.0, 0.0, 100.0, 10.0, 60.0, 0.0, 100.0, 80.0, 100.0, 30.0, 70.0, 100.0, 30.0, 70.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 50.0, 30.0, 100.0, 0.0, 90.0, 60.0, 90.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 20.0, 40.0, 100.0, 0.0], (6300, 0): [80.0, 80.0, 100.0, 90.0, 60.0, 80.0, 70.0, 70.0, 80.0, 60.0, 60.0, 50.0, 60.0, 40.0, 90.0, 30.0, 50.0, 60.0, 100.0, 60.0, 90.0, 100.0, 30.0, 20.0, 60.0, 60.0, 70.0, 100.0, 60.0, 80.0, 30.0, 80.0, 60.0, 70.0, 90.0, 50.0, 100.0, 30.0, -1.0, 60.0, 40.0, 30.0, 70.0, 80.0, 100.0, 80.0, 90.0, 70.0, 100.0, 90.0, 100.0, 70.0, 70.0, 80.0, 50.0, 100.0, 50.0, 90.0, 60.0, 30.0, 70.0, 40.0, 70.0, 80.0, 30.0, 100.0, 50.0, 90.0, 10.0, 70.0, 100.0, 40.0, 60.0, 70.0, 80.0, 30.0, 100.0, 30.0, 20.0, 40.0, 50.0, 40.0, 80.0, 40.0, 20.0, 50.0, 50.0, 50.0, 40.0, 40.0, 80.0, 60.0, 80.0, 60.0, 60.0, 90.0, 100.0, 50.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 80.0, 100.0, 60.0, 50.0, 30.0, 80.0, 10.0, 50.0, 20.0, 40.0, 100.0, 70.0, 50.0, 100.0, 50.0, 50.0, 90.0, 90.0, 50.0, 30.0, 60.0, 10.0, 100.0, 60.0, 80.0, 40.0, 80.0, 50.0, 80.0, 50.0, 40.0, 50.0, 70.0, 80.0, 40.0, 100.0, 50.0, 60.0, 100.0, 40.0, 70.0, 50.0, 60.0, 50.0, 100.0, 60.0, 80.0, 90.0, 100.0, 50.0, 40.0, 80.0, 100.0, 30.0, 80.0, 50.0, 40.0, 60.0, 90.0, 60.0, 50.0, 10.0, 90.0, 60.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 50.0, 60.0, 60.0, 30.0, 30.0, 100.0, 90.0, 90.0, 80.0, 30.0, 90.0, 0.0, 60.0, 10.0, 70.0, 70.0, 70.0, 70.0, 20.0, 10.0, 20.0, 100.0, 50.0, 70.0, 30.0, 40.0, 60.0, 40.0, 70.0, 60.0, 90.0, 80.0, 60.0, 90.0, 60.0, 70.0, 90.0, 20.0, 40.0, 80.0, 60.0, 100.0, 100.0, 40.0, 100.0, 100.0, 20.0, 70.0, 30.0, 70.0, 30.0, 80.0, 10.0, 60.0, 40.0, 60.0, 90.0, 80.0, 30.0, 0.0, 60.0, 60.0, 30.0, 60.0, 50.0, 40.0, 100.0, 50.0, 40.0, 90.0, 50.0, 40.0, 100.0, 80.0, 80.0, 60.0, 70.0, 100.0, 40.0, 50.0, 70.0, 70.0, 80.0, 70.0, 50.0, 60.0, 100.0, 80.0, 30.0, 40.0, 40.0, 60.0, 60.0, 70.0, 50.0, 50.0, 60.0, 70.0, 100.0, 50.0, 80.0, 70.0, 30.0, 60.0, 50.0, 70.0, 60.0, 50.0, 80.0, 50.0, 70.0, 90.0, 70.0, 70.0, 50.0, 20.0, 80.0, 90.0, 90.0, 80.0, 90.0, 60.0, 70.0, 90.0, 60.0, 60.0, 90.0, 90.0, 70.0, 80.0, 40.0, 70.0, 30.0, 80.0, 80.0, 80.0, 60.0, 100.0, 90.0, 80.0, 20.0, 70.0, 70.0, 90.0, 60.0, 70.0, 100.0, 80.0, 50.0, 60.0, 40.0, 90.0, 30.0, 60.0, 80.0, 100.0, 90.0, 60.0, 50.0, 100.0, 100.0, 50.0, 20.0, 60.0, 80.0, 90.0, 20.0, 100.0, 90.0, 40.0, 60.0, 100.0, 40.0, 100.0, 0.0, 90.0, 90.0, 90.0, 60.0, 90.0, 70.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 90.0, 60.0, 30.0, 50.0, 80.0, 90.0, 80.0, 70.0, 100.0, 70.0, 30.0, 100.0, 80.0, 70.0, 90.0, 60.0, 60.0, 70.0, 60.0, 100.0, 70.0, 80.0, 100.0, 70.0, 60.0, 90.0, 100.0, 90.0, 60.0, 100.0, 100.0, 70.0, 70.0, 60.0, 100.0, 100.0, 70.0, 50.0, 70.0, 60.0, 60.0, 30.0, 30.0, 80.0, 30.0, 50.0, 10.0, 100.0, 60.0, 70.0, 40.0, 80.0, 90.0, 30.0, 50.0, 40.0, 80.0, 80.0, 30.0, 70.0, 100.0, 80.0, 80.0, 70.0], (6300, 2100): [30.0, 70.0, 100.0, 20.0, 0.0, 90.0, 20.0, 100.0, 70.0, 100.0, 60.0, 70.0, 0.0, 100.0, 40.0, 60.0, 0.0, 60.0, 30.0, 20.0, 40.0, 0.0, 40.0, 100.0, 100.0, 80.0, 30.0, 30.0, 0.0, 70.0, 30.0, 100.0, 40.0, 10.0, 20.0, 90.0, 10.0, 30.0, 50.0, 100.0, 50.0, 80.0, 20.0, 90.0, 100.0, 100.0, 0.0, 40.0, 10.0, 20.0, 60.0, 100.0, 100.0, 80.0, 100.0, 40.0, 70.0, 100.0, 0.0, 100.0, 0.0, 70.0, 20.0, 0.0, 50.0, 100.0, 10.0, 60.0, 10.0, 10.0, 0.0, 100.0, 30.0, 10.0, 10.0, 10.0, 50.0, 100.0, 30.0, 20.0, 30.0, 20.0, 100.0, 30.0, 60.0, 20.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 40.0, 100.0, 100.0, 70.0, 40.0, 0.0, 80.0, 10.0, 100.0, 30.0, 30.0, 90.0, 0.0, 30.0, 40.0, 40.0, 40.0, 80.0, 100.0, 20.0, 40.0, 90.0, 30.0, 90.0, 100.0, 80.0, 20.0, 10.0, 30.0, 100.0, 100.0, 100.0, 30.0, 0.0, 0.0, 0.0, 60.0, 0.0, 10.0, 100.0, 10.0, 70.0, 70.0, 0.0, 10.0, 10.0, 100.0, 90.0, 90.0, 80.0, 80.0, 50.0, 20.0, 70.0, 10.0, 60.0, 10.0, 0.0, 50.0, 10.0, 100.0, 40.0, 0.0, 90.0, 70.0, 10.0, 100.0, 0.0, 70.0, 70.0, 10.0, 100.0, 10.0, 0.0, 60.0, 20.0, 0.0, 40.0, 30.0, 100.0, 70.0, 40.0, 0.0, 50.0, 10.0, 90.0, -1.0, 100.0, 50.0, 90.0, 100.0, 100.0, 50.0, 30.0, 90.0, 20.0, 40.0, 100.0, 10.0, 40.0, 100.0, 30.0, 100.0, 40.0, 30.0, 10.0, 70.0, 100.0, 0.0, 80.0, 30.0, 100.0, 10.0, 70.0, 100.0, 60.0, 10.0, 10.0, 80.0, 80.0, 20.0, 60.0, 0.0, 100.0, 30.0, 20.0, 40.0, 50.0, 50.0, 100.0, 100.0, 0.0, 100.0, 0.0, 90.0, 100.0, 100.0, 0.0, 70.0, 100.0, 60.0, 0.0, 30.0, 60.0, 20.0, 30.0, 0.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 10.0, 100.0, 90.0, 100.0, 10.0, 60.0, 10.0, 90.0, 10.0, 0.0, 40.0, 100.0, 20.0, 70.0, 100.0, 10.0, 20.0, 70.0, 0.0, 100.0, 100.0, 10.0, 60.0, 90.0, 70.0, 60.0, 0.0, 40.0, 50.0, 60.0, 100.0, 20.0, 30.0, 60.0, 0.0, 30.0, 10.0, 0.0, 100.0, 90.0, 100.0, 0.0, 100.0, 50.0, 0.0, 20.0, 70.0, 100.0, 100.0, 100.0, 70.0, 90.0, 70.0, 70.0, 10.0, 90.0, 0.0, 90.0, 90.0, 100.0, 30.0, 100.0, 20.0, 70.0, 50.0, 100.0, 10.0, 0.0, 50.0, 20.0, 70.0, 60.0, 100.0, 100.0, 60.0, 10.0, 60.0, 40.0, 100.0, 40.0, 0.0, 60.0, 10.0, 90.0, 40.0, 100.0, 30.0, 80.0, 10.0, 50.0, 50.0, 100.0, 100.0, 10.0, 100.0, 30.0, 40.0, 0.0, 40.0, 70.0, 70.0, 0.0, 0.0, 0.0, 60.0, 50.0, 90.0, 70.0, 100.0, 10.0, 30.0, 60.0, 70.0, 30.0, 90.0, 60.0, 50.0, 100.0, 20.0, 100.0, 50.0, 100.0, 100.0, 70.0, 100.0, 20.0, 50.0, 0.0, 20.0, 0.0, 20.0, 60.0, 70.0, 0.0, 100.0, 100.0, 30.0, 20.0, 70.0, 90.0, 20.0, 100.0, 40.0, 100.0, 100.0, 10.0, 50.0, 70.0, 40.0, 20.0, 70.0, 100.0, 40.0, 90.0, 30.0, 30.0, 100.0, 0.0, 60.0, 60.0, 60.0, 100.0, 80.0, 80.0, 70.0, 10.0, 0.0, 70.0, 30.0, 10.0, 0.0, 10.0, 90.0, 40.0, 10.0, 20.0, 100.0, 100.0, 60.0, 0.0, 80.0, 20.0, 100.0, 100.0, 40.0, 80.0, 20.0, 80.0, 40.0, 50.0, 90.0, 100.0, 20.0, 100.0, 10.0, 90.0, 100.0, 70.0, 10.0, 100.0, 80.0, 40.0, 100.0, 30.0, 100.0, 10.0, 90.0, 20.0, 100.0, 0.0, 60.0, 100.0, 100.0, 20.0, 0.0, 100.0, 90.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 30.0, 40.0, 100.0, 70.0, 100.0, 40.0, 30.0, 100.0, 100.0, 80.0, 100.0, 10.0, 50.0, 80.0, 0.0, 10.0, 30.0, 80.0, 30.0, 100.0, 20.0, 100.0, 50.0, 100.0, 0.0, 20.0, 70.0, 0.0, 100.0, 60.0, 70.0, 0.0, 50.0, 10.0, 0.0, 90.0, 90.0, 10.0, 70.0, 0.0, 20.0, 30.0, 20.0, 10.0, 60.0, 60.0, 80.0, 100.0, 20.0, 100.0, 20.0, 100.0, 80.0, 60.0, 50.0, 100.0, 70.0, 20.0, 60.0, 10.0, 70.0, 70.0, 100.0, 100.0, 70.0, 90.0, 0.0, 0.0, 20.0, 60.0, 80.0, 60.0, 80.0, 100.0, 40.0, 0.0, 0.0, 80.0, 60.0, 100.0, 60.0, 0.0, 0.0, 100.0, 10.0, 80.0, 60.0, 30.0, 30.0, 100.0, 0.0, 0.0, 100.0, 20.0, 20.0, 50.0, 30.0, 40.0, 50.0, 80.0, 0.0, 90.0, 10.0, 90.0, 50.0, 60.0, 10.0, 100.0, 20.0, 90.0, 60.0, 50.0, 0.0, 100.0, 20.0, 0.0, 90.0, 100.0, 60.0, 70.0, 20.0, 10.0, 100.0, 40.0, 60.0, 40.0, 100.0, 60.0, 100.0, 10.0, 100.0, 20.0, 40.0, 80.0, 30.0, 100.0, 100.0, 30.0, 70.0, 0.0, 60.0, 70.0, 80.0, 80.0, 10.0, 100.0, 70.0, 20.0, 30.0, 30.0, 100.0, 70.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 0.0, 40.0, 0.0, 100.0, 10.0, 50.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 50.0, 100.0, 30.0, 100.0, 30.0, 90.0, 80.0, 40.0, 0.0, 100.0, 40.0, 10.0, 100.0, 90.0, 100.0, 90.0, 100.0, 60.0, 50.0, 30.0, 0.0, 0.0, 100.0, 10.0, 90.0, 90.0, 100.0, 30.0, 60.0, 0.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 30.0, 0.0, 0.0, 0.0, 40.0, 40.0, 30.0, 80.0, 70.0, 60.0, 40.0, 100.0, 60.0, 50.0, -1.0, 20.0, 40.0, 60.0, 90.0, 100.0, 90.0, 50.0, 80.0, 60.0, 0.0, 40.0, 90.0, 100.0, 70.0, 100.0, 70.0, 10.0, 80.0, 20.0, 100.0, 0.0, 90.0, 90.0, 30.0, 60.0, 50.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 0.0, 100.0, 20.0, 0.0, 60.0, 50.0], (4200, 2100): [40.0, 10.0, 20.0, 20.0, 30.0, 50.0, 0.0, 20.0, 20.0, 0.0, 90.0, 100.0, 40.0, 0.0, 0.0, 40.0, 0.0, 100.0, 20.0, 20.0, 40.0, 0.0, 80.0, 60.0, 50.0, 40.0, 10.0, 0.0, 20.0, 40.0, 50.0, 30.0, 10.0, 60.0, 10.0, 10.0, 0.0, 50.0, 20.0, 100.0, 10.0, 50.0, 20.0, 20.0, 70.0, 80.0, 20.0, 10.0, 10.0, 100.0, 50.0, 100.0, 0.0, 10.0, 100.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 20.0, 30.0, 0.0, 0.0, 50.0, 40.0, 50.0, 0.0, 60.0, 10.0, 40.0, 10.0, 10.0, 10.0, 30.0, 0.0, 30.0, 100.0, 30.0, 30.0, 60.0, 0.0, 0.0, 40.0, 70.0, 20.0, 30.0, 30.0, 0.0, 10.0, 40.0, 0.0, 20.0, 20.0, 30.0, 80.0, 30.0, 20.0, 0.0, 40.0, 40.0, 50.0, 40.0, 100.0, 40.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 20.0, 0.0, 0.0, 60.0, 0.0, 90.0, 10.0, 10.0, 10.0, 10.0, 0.0, 0.0, 20.0, 0.0, 20.0, 40.0, 50.0, 40.0, 10.0, 30.0, 80.0, 40.0, 100.0, 0.0, 20.0, 20.0, 60.0, 0.0, 90.0, 100.0, 10.0, 0.0, 0.0, 20.0, 10.0, 100.0, 40.0, 0.0, 0.0, 0.0, 30.0, 10.0, 10.0, 0.0, 50.0, 80.0, 30.0, 50.0, 10.0, 0.0, 10.0, 0.0, 60.0, 50.0, 0.0, 30.0, 100.0, 80.0, 0.0, 0.0, 70.0, 0.0, 30.0, 30.0, 10.0, 10.0, 40.0, 80.0, 0.0, 20.0, 30.0, 0.0, 30.0, 80.0, 0.0, 0.0, 0.0, 30.0, 20.0, 10.0, 10.0, 0.0, 40.0, 30.0, 0.0, 10.0, 60.0, 40.0, 40.0, 50.0, 0.0, 20.0, 0.0, 30.0, 20.0, 20.0, 30.0, 20.0, 20.0, 0.0, 0.0, 0.0, 10.0, 30.0, 50.0, 40.0, 0.0, 100.0, 10.0, 0.0, 0.0, 20.0, 70.0, 0.0, 10.0, 0.0, 0.0, 90.0, 40.0, 40.0, 0.0, 20.0, 10.0, 0.0, 40.0, 60.0, 0.0, 0.0, 100.0, 20.0, 30.0, 0.0, 0.0, 70.0, 10.0, 40.0, 0.0, 30.0, 50.0, 10.0, 80.0, 40.0, 90.0, 20.0, 90.0, 40.0, 50.0, 0.0, 30.0, 10.0, 0.0, 0.0, 0.0, 20.0, 0.0, 50.0, 40.0, 0.0, 90.0, 0.0, 0.0, 40.0, 10.0, 0.0, 10.0, 100.0, 0.0, 50.0, 30.0, 100.0, 20.0, 0.0, 40.0, 20.0, 0.0, 90.0, 20.0, 80.0, 10.0, 30.0, 60.0, 10.0, 0.0, 10.0, 50.0, 10.0, 20.0, 100.0, 60.0, 10.0, 0.0, 20.0, 20.0, 0.0, 40.0, 10.0, 0.0, 50.0, 20.0, 50.0, 80.0, 100.0, 10.0, 50.0, 20.0, 10.0, 50.0, 40.0, 20.0, 20.0, 10.0, 50.0, 10.0, 40.0, 20.0, 20.0, 0.0, 80.0, 0.0, 0.0, 0.0, 70.0, 0.0, 100.0, 0.0, 0.0, 90.0, 0.0, 0.0, 10.0, 30.0, 0.0, 0.0, 0.0, 90.0, 10.0, 0.0, 30.0, 100.0, 30.0, 30.0, 10.0, 60.0, 90.0, 40.0, 0.0, 0.0, 70.0, 30.0, 100.0, 40.0, 40.0, 50.0, 40.0, 0.0, 10.0, 60.0, 80.0, 0.0, 20.0, 0.0, 10.0, 50.0, 0.0, 10.0, 40.0, 40.0, 20.0, 20.0, 0.0, 60.0, 20.0, 50.0, 60.0, 10.0, 0.0, 10.0, 10.0, 50.0, 0.0, 70.0, 20.0, 10.0, 50.0, 0.0, 40.0, 20.0, 0.0, 30.0, 40.0, 90.0, 20.0, 0.0, 0.0, 60.0, 30.0, 90.0, 10.0, 90.0, 0.0, 50.0, 90.0, 10.0, 0.0, 100.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 50.0, 0.0, 60.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 20.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 40.0, 50.0, 20.0, 80.0, 40.0, 0.0, 10.0, 10.0, 80.0, 20.0, 0.0, 20.0, 30.0, 60.0, 100.0, 20.0, 20.0, 0.0, 30.0, 80.0, 20.0, 0.0, 40.0, 40.0, 70.0, 30.0, 10.0, 10.0, 40.0, 0.0, 60.0, 0.0, 10.0, 30.0, 10.0, 20.0, 10.0, 40.0, 20.0, 40.0, 0.0, 70.0, 10.0, 30.0, 10.0, 100.0, 90.0, 0.0, 20.0, 40.0, 40.0, 30.0, 100.0, 100.0, 0.0, 60.0, 20.0, 0.0, 10.0, 50.0, 60.0, 0.0, 60.0, 20.0, 20.0, 60.0, 90.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 100.0, 100.0, 30.0, 0.0, 100.0, 10.0, 10.0, 100.0, 60.0, 10.0, 20.0, 60.0, 20.0, 0.0, 70.0, 30.0, 20.0, 20.0, 100.0, 90.0, 100.0, 50.0, 0.0, 10.0, 10.0, 10.0, 80.0, 40.0, 30.0, 60.0, 80.0, 40.0, 50.0, 0.0, 0.0, 0.0, 40.0, 20.0, 80.0, 10.0, 0.0, 0.0, 0.0, 30.0, 70.0, 80.0, 0.0, 30.0, 10.0, 40.0, 40.0, 60.0, 70.0, 0.0, 90.0, 30.0, 10.0, 0.0, 90.0, 0.0, 80.0, 100.0, 10.0, 0.0, 0.0, 30.0, 50.0, 0.0, 80.0, 0.0, 10.0, 50.0, 90.0, 0.0, 70.0, 70.0, 10.0, 0.0, 0.0, 20.0, 10.0, 0.0, -1.0, 40.0, 20.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 100.0, 10.0, 0.0, 30.0, 0.0, 0.0, 60.0, 40.0, 10.0, 0.0, 30.0, 60.0, 40.0, 0.0, 40.0, 90.0, 0.0, 100.0, 0.0, 100.0, 40.0, 60.0, 0.0, 0.0, 30.0, 70.0, 10.0, 0.0, 20.0, 90.0, 10.0, 70.0, 0.0, 20.0, 50.0, 0.0, 10.0, 10.0, 40.0, 50.0, 10.0, 0.0, 0.0, 50.0, 50.0, 0.0, 30.0, 0.0, 0.0, 0.0, 0.0, 20.0, 20.0, 10.0, 30.0, 100.0, 100.0, 0.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 0.0, 70.0, 0.0, 0.0, 40.0, 100.0, 0.0, 10.0, 40.0, 10.0, 70.0, 0.0, 0.0, 20.0, 20.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 30.0, 0.0, 50.0, 10.0, 30.0, 0.0, 60.0, 10.0, 20.0, 50.0, 60.0, 10.0, 10.0, 0.0, 0.0, 0.0, 20.0, 40.0, 10.0, 90.0, 10.0, 40.0, 100.0, 0.0, 80.0, 10.0, 0.0, 0.0, 50.0, 0.0, 30.0, 0.0, 80.0, 0.0, 10.0, 10.0, 0.0, 30.0, 100.0, 10.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 10.0, 40.0, 10.0, 0.0, 40.0, 10.0, 10.0, 10.0, 10.0, 0.0, 50.0, 30.0, 0.0, 30.0, 10.0, 10.0, 0.0, 30.0, 0.0, 10.0, 30.0, 30.0, 10.0, 0.0, 100.0, 10.0, 10.0, 80.0, 60.0, 20.0, 80.0, 30.0, 40.0, 40.0, 10.0, 60.0, 20.0, 20.0, 0.0, 40.0, 10.0, 0.0, 10.0, 80.0, 10.0, 0.0, 10.0, 0.0, 10.0, 20.0, 30.0, 0.0, 10.0, 0.0, 20.0, 90.0, 50.0, 0.0, 30.0, 100.0, 20.0, 30.0, 80.0, 40.0, 30.0, 0.0, 10.0, 0.0, 10.0, 50.0, 0.0, 70.0, 60.0, 0.0, 50.0, 20.0, 30.0, 0.0, 10.0, 10.0, 0.0, 20.0, 60.0, 50.0, 0.0, 80.0, 10.0, 90.0, 0.0, 40.0, 70.0, 30.0, 0.0, 70.0, 0.0, 10.0, 90.0, 0.0, 100.0, 10.0, 50.0, 0.0, 30.0, 40.0, 0.0, 20.0, 10.0, 70.0, 80.0, 40.0, 20.0, 30.0, 70.0, 30.0, 100.0, 20.0, 0.0, 10.0, 0.0, 0.0, 0.0, 70.0, 30.0, 0.0, 30.0, 30.0, 30.0, 30.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 0.0, 10.0, 0.0, 0.0, 20.0, 10.0, 10.0, 10.0, 30.0, 10.0, 60.0, 100.0, 30.0, 20.0, 10.0, 20.0, 40.0, 0.0, 0.0, 70.0, 30.0, 20.0, 40.0, 80.0, 80.0, -1.0, 0.0, 0.0, 0.0, 60.0, 0.0, 20.0, 20.0, 100.0, 30.0, 60.0, 80.0, 0.0, 0.0, 20.0, 10.0, 30.0, 10.0, 20.0, 0.0, 60.0, 20.0, 20.0, 40.0, 20.0, 30.0, 20.0, 10.0, 10.0, 80.0, 0.0, 0.0, 40.0, 50.0, 30.0, 30.0, 0.0, 20.0, 20.0, 10.0, 10.0, 70.0, 0.0, 20.0, 70.0, 40.0, 20.0, 10.0, 50.0, 100.0, 10.0, 0.0, 10.0, 0.0, 60.0, 70.0, 0.0, 50.0, -1.0, 20.0, 20.0, 60.0, 40.0, 30.0, 90.0, 0.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 50.0, 70.0, 20.0, 20.0, 60.0, 70.0, 80.0, 40.0, 20.0, 40.0, 0.0, 80.0, 20.0, 20.0, 0.0, 50.0, 0.0, 30.0, 0.0, 50.0, 20.0, 0.0, 10.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 10.0, 20.0, 0.0, 0.0, 70.0, 0.0, 20.0, 80.0, 80.0, 60.0, 90.0, 0.0, 40.0, 30.0, 10.0, 60.0, 60.0, 0.0, 40.0, 0.0, 10.0, 0.0, 50.0, 30.0, 80.0, 0.0, 90.0, 0.0, 20.0, 10.0, 30.0, 70.0, 10.0, 0.0, 0.0, 40.0, 0.0, 60.0, 10.0, 0.0, 50.0, 0.0, 90.0, 50.0, 70.0, 50.0, 0.0, 30.0, 0.0, 10.0, 20.0, 30.0, 70.0, 70.0, 20.0, 70.0, 30.0, 0.0, 10.0, 80.0, 20.0, 60.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 10.0, 10.0, 0.0, 50.0, 10.0, 30.0, 40.0, 100.0, 20.0, 10.0, 20.0, 10.0, 0.0, 40.0, 60.0, 0.0, 100.0, 70.0, 20.0, 40.0, 10.0, 10.0, 20.0, 50.0, 10.0, 60.0, 0.0, 0.0, 40.0, 40.0, 0.0, 50.0, 0.0, 60.0, 70.0, 0.0, 20.0, 50.0, 0.0, 100.0, 0.0, 10.0, 100.0, 50.0, 20.0, 40.0, 0.0, 0.0, 0.0, 20.0, 50.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 30.0, 20.0, 40.0, 0.0, 100.0, 40.0, 10.0, 0.0, 40.0, 0.0, 0.0, 20.0, 60.0, 20.0, 30.0, 30.0, 0.0, 10.0, 70.0, 40.0, 20.0, 0.0, 10.0, 40.0, 40.0, 0.0, 0.0, 100.0, 20.0, 0.0, 60.0, 30.0, 30.0, 60.0, 70.0, 0.0, 0.0, 0.0, 0.0, 30.0, 100.0, 10.0, 10.0, 50.0, 60.0, 30.0, 90.0, 90.0, 20.0, 10.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 60.0, 100.0, 100.0, 0.0, 20.0, 40.0, 50.0, 60.0, 0.0, 80.0, 80.0, 0.0, 20.0, 0.0, 20.0, 100.0, 20.0, 0.0, -1.0, 0.0, 70.0, 100.0, 0.0, 0.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 0.0, 30.0, 90.0, 40.0, 0.0, 0.0, 20.0, 30.0, 10.0, 0.0, 40.0, 10.0, 10.0, 20.0, 50.0, 100.0, 20.0, 100.0, 10.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0, 50.0, 0.0, 50.0, 40.0, 80.0, 50.0, 50.0, 30.0, 100.0, 20.0, 10.0, 50.0, 100.0, 50.0, 10.0, 50.0, 0.0, 20.0, -1.0, 20.0, 30.0, 60.0, 100.0, 0.0, 60.0, 40.0, 30.0, 0.0, 0.0, 10.0, 70.0, 40.0, 50.0, 0.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 100.0, 100.0, 0.0, 20.0, 70.0, 0.0, 30.0, 50.0, 100.0, 0.0, 20.0, 10.0, 40.0, 70.0, 0.0, 60.0, 10.0, 40.0, 10.0, 20.0, 70.0, 60.0, 100.0, 30.0, 30.0, 0.0, 20.0, 30.0, 60.0, 10.0, 0.0, 10.0, 20.0, 40.0, 0.0, 20.0, 20.0, 60.0, 30.0, 40.0, 50.0, 10.0, 0.0, 30.0, 20.0, 60.0, 0.0, 20.0, 50.0, 10.0, 50.0, 0.0, 0.0, 100.0, 40.0, 0.0, 20.0, 0.0, 60.0, 10.0, 30.0, 100.0, 20.0, 0.0, 0.0, 40.0, 10.0, 100.0, 20.0, 30.0, 0.0, 10.0, 10.0, 20.0, 40.0, 50.0, 70.0, 0.0, 30.0, 30.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 50.0, 0.0, 60.0, 30.0, 0.0, 10.0, 30.0, 10.0, 60.0, 10.0, 20.0, 20.0, 30.0, 0.0, 0.0, 100.0, 30.0, 60.0, 10.0, 0.0, 100.0, 20.0, 30.0, 0.0, 20.0, 60.0, 10.0, 0.0, 0.0, 30.0, 0.0, 20.0, 30.0, 10.0, 10.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2200 = {(8800, 2200): [30.0, 100.0, 100.0, 100.0, 40.0, 40.0, 20.0, 100.0, 100.0, 30.0, 20.0, 100.0, 0.0, 30.0, 100.0, 100.0, 80.0, 0.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 30.0, 100.0, 100.0, 100.0, 90.0, 100.0, 40.0, 100.0], (2200, 0): [10.0, 10.0, 0.0, 60.0, 0.0, 30.0, 10.0, 10.0, 70.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 40.0, 50.0, 30.0, 30.0, 50.0, 40.0, 10.0, 20.0, 50.0, 10.0, -1.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 80.0, 30.0, -1.0, 30.0, 20.0, -1.0, 10.0, 20.0, 0.0, -1.0, 90.0, -1.0, 40.0, -1.0, -1.0, 30.0, 30.0, 40.0, 50.0, 30.0, 30.0, 10.0, 30.0, 20.0, 30.0, -1.0, -1.0, 50.0, -1.0, 10.0, 30.0, 40.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 70.0, 0.0, 40.0, -1.0, 40.0, 40.0, 40.0, -1.0, 20.0, 50.0, 20.0, 10.0, 60.0, -1.0, -1.0, 40.0, 10.0, 20.0, 20.0, 30.0, 30.0, 50.0, 40.0, 50.0, 30.0, 20.0, 20.0, 20.0, 10.0, 40.0, 30.0, 20.0, 0.0, 90.0, 30.0, 20.0, 10.0, -1.0, 40.0, 20.0, 20.0, 10.0, 60.0, -1.0, 10.0, 30.0, 10.0, 20.0, 20.0, 100.0, -1.0, 20.0, 50.0, 10.0, 10.0, 20.0, -1.0, 50.0, 70.0, 90.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 40.0, -1.0, 20.0, -1.0, 10.0, 20.0, 10.0, 70.0, 40.0, 10.0, 80.0, 50.0, 10.0, 10.0, 40.0, 20.0, 80.0, 70.0, 20.0, 50.0, 30.0, 40.0, 30.0, 40.0, 40.0, 50.0, 60.0, 20.0, 20.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 60.0, 10.0, 50.0, 60.0, 10.0, -1.0, 40.0, 30.0, 50.0, 30.0, 20.0, 10.0, 40.0, 30.0, 40.0, 80.0, 40.0, 60.0, 60.0, 60.0, 20.0, 20.0, 80.0, 10.0, -1.0, 50.0, 10.0, 10.0, 10.0, 10.0, 100.0, 40.0, -1.0, -1.0, 30.0, -1.0, 80.0, -1.0, 60.0, 30.0, 20.0, 20.0, 20.0, -1.0, -1.0, 60.0, 10.0, 20.0, 10.0, -1.0, 40.0, 80.0, 40.0, 10.0, 60.0, 30.0, 60.0, 10.0, 40.0, 20.0, 10.0, 20.0, 30.0, 30.0, -1.0, -1.0, 0.0, 10.0, 40.0, 20.0, 10.0, 0.0, 20.0, 20.0, 30.0, 50.0, 30.0, 40.0, 20.0, 10.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 20.0, 80.0, 30.0, 40.0, 80.0, 10.0, 60.0, 50.0, -1.0, 20.0, -1.0, 10.0, 50.0, 10.0, 80.0, -1.0, 40.0, 10.0, 30.0, 10.0, 20.0, -1.0, 50.0, 10.0, 30.0, 10.0, 60.0, 10.0, 30.0, 20.0, 10.0, 50.0, 10.0, 10.0, 40.0, 10.0, 20.0, 30.0, 0.0, 90.0, -1.0, 30.0, -1.0, -1.0, 30.0, -1.0, 30.0, 30.0, 40.0, 30.0, 70.0, 60.0, 20.0, 10.0, 60.0, 40.0, 20.0, 50.0, -1.0, 20.0, 60.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 40.0, 30.0, 30.0, 0.0, -1.0, 100.0, 40.0, 20.0, 20.0, 40.0, 20.0, 10.0, -1.0, 30.0, 70.0, 30.0, 20.0, 30.0, 10.0, 50.0, 30.0, 10.0, 40.0, 50.0, 80.0, 30.0, 40.0, 50.0, 20.0, 20.0, 20.0, 70.0, 30.0, 10.0, 20.0, -1.0, 10.0, 30.0, 40.0, 30.0, -1.0, 20.0, 30.0, 90.0, 20.0, 30.0, 10.0, 10.0, 10.0, 70.0, 20.0, 30.0, 10.0, 30.0, 50.0, 20.0, 10.0, 40.0, 10.0, 60.0, 30.0, 40.0, 20.0, 60.0, 80.0, 30.0, 30.0, 40.0, 20.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 50.0, 50.0, 50.0, 30.0, 20.0, 30.0, 60.0, 40.0, 0.0, -1.0, 40.0, 0.0, -1.0, 20.0, 40.0, 20.0, 100.0, 20.0, 70.0, 10.0, 40.0, 60.0, 10.0, 10.0, 20.0, 30.0, 30.0, -1.0, 30.0, 60.0, 30.0, 40.0, 10.0, 0.0, 50.0, 10.0, 20.0, 90.0, 30.0, 60.0, 10.0, -1.0, 80.0, 20.0, 50.0, 60.0, 20.0, 30.0, 20.0, -1.0, 20.0, 40.0, 50.0, 40.0, 50.0, 20.0, -1.0, 30.0, 90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 10.0, 20.0, 40.0, 50.0, 50.0, 40.0, 20.0, 40.0, 60.0, 20.0, -1.0, 10.0, 30.0, 10.0, 30.0, 10.0, 10.0, 10.0, 20.0, 30.0, 20.0, 60.0, 0.0, 10.0, -1.0, 60.0, 40.0, 70.0, 20.0, 10.0, 0.0, 30.0, 20.0, 60.0, -1.0, -1.0, 10.0, 70.0, 10.0, 50.0, 40.0, 0.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 30.0, 20.0, 10.0, 60.0, 10.0, 10.0, -1.0, 0.0, -1.0, 30.0, 40.0, 10.0, 60.0, 30.0, 20.0, 10.0, 10.0, 10.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 20.0, 10.0, 40.0, -1.0, 20.0, 40.0, 20.0, 40.0, 60.0, 80.0, -1.0, 40.0, 40.0, 10.0, 70.0, 50.0, 60.0, 60.0, 50.0, 70.0, 40.0, 50.0, 50.0, 30.0, 70.0, 60.0, 30.0, 50.0, 30.0, 10.0, 20.0, -1.0, 50.0, 80.0, 10.0, 20.0, 70.0, 40.0, 10.0, 40.0, 40.0, 30.0, 50.0, 40.0, 30.0, -1.0, 50.0, 30.0, 50.0, 30.0, 40.0, 60.0, 10.0, -1.0, 30.0, -1.0, 30.0, -1.0, 50.0, 60.0, 50.0, 0.0, 10.0, 10.0, 20.0, 30.0, -1.0, 30.0, -1.0, -1.0, 10.0, 40.0, 50.0, 40.0, 10.0, -1.0, -1.0, 10.0, 40.0, 70.0, 0.0, 10.0, 20.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 40.0, 10.0, -1.0, 40.0, 20.0, 0.0, 40.0, 50.0, 80.0, 30.0, 30.0, 30.0, 20.0, -1.0, 10.0, 40.0, 60.0, 50.0, 70.0, 30.0, 10.0, 50.0, 40.0, 50.0, 30.0, 30.0, 100.0, 20.0, 20.0, 60.0, 50.0, 20.0, 30.0, 10.0, 50.0, 40.0, 20.0, 20.0, -1.0, 40.0, 40.0, 10.0, 60.0, 0.0, 10.0, 60.0, 50.0, 30.0, 10.0, 60.0, 50.0, 50.0, 10.0, 40.0, 10.0, 30.0, 90.0, 30.0, 70.0, 0.0, 60.0, 60.0, 60.0, 50.0, 30.0, 0.0, 20.0, 50.0, 70.0, 20.0, 10.0, 20.0, 30.0, 50.0, 40.0, 20.0, 80.0, 20.0, 60.0, 90.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 30.0, -1.0, 10.0, 10.0, 40.0, 10.0, -1.0, 20.0, 60.0, 60.0, 40.0, 40.0, 10.0, -1.0, 10.0, 20.0, 10.0, 20.0, 20.0, 20.0, 40.0, 40.0, 20.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 0.0, 20.0, 20.0, -1.0, 30.0, 30.0, 50.0, 20.0, 30.0, 0.0, 50.0, 20.0, 80.0, 20.0, 20.0, 50.0, 60.0, 10.0, -1.0, 30.0, 30.0, 40.0, 10.0, 30.0, 30.0, 40.0, 30.0, 100.0, 0.0, 40.0, 0.0, 30.0, -1.0, 20.0, 60.0, 10.0, 20.0, 70.0, 10.0, 90.0, 20.0, 30.0, 40.0, 40.0, 20.0, -1.0, 50.0, 50.0, 100.0, 10.0, 40.0, 40.0, 10.0, 10.0, 40.0, 50.0, -1.0, 70.0, 0.0, 30.0, 20.0, 30.0, 30.0, 10.0, 20.0, 10.0, 40.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, 40.0, 10.0, 40.0, 40.0, 0.0, 50.0, 40.0, 40.0], (6600, 4400): [40.0, 90.0, 20.0, 50.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 30.0, 70.0, 100.0, 30.0, 50.0, 90.0, 100.0, 50.0, 100.0, 40.0, 10.0, 100.0, 90.0, 100.0, 10.0, 100.0, 100.0, 70.0, 0.0, 100.0, 10.0, 40.0, 70.0, 80.0, 10.0, 90.0, 30.0, 100.0, 30.0, 10.0, 0.0, 60.0, 20.0, 80.0, 100.0, 10.0, 0.0, 50.0, 20.0, 100.0, 70.0, 10.0, 100.0, 60.0, 20.0, 0.0, 100.0, 100.0, 50.0, 30.0, 100.0, 0.0, 100.0, 30.0, 80.0, 100.0, 20.0, 100.0, 20.0, 10.0, 10.0, 10.0, 60.0, 10.0, 10.0, 80.0, 90.0, 40.0, 0.0, 40.0, 70.0, 20.0, 100.0, 30.0, 50.0, 10.0, 100.0, 10.0, 100.0, 50.0, 50.0, 100.0, 0.0, 100.0, 70.0, 50.0, 80.0, 100.0, 100.0, 40.0, 40.0, 80.0, 70.0, 70.0, 0.0, 70.0, 70.0, 0.0, 80.0, 50.0, 100.0, 100.0, 80.0, 0.0, 0.0, 50.0, 0.0, 0.0, 100.0, 100.0, 70.0, 10.0, 100.0, 0.0, 30.0, 90.0, 30.0, 90.0, 0.0, 10.0, 100.0, 90.0, 0.0, 80.0, 100.0, 30.0, 80.0, 30.0, 10.0, 20.0, 10.0, 10.0, 10.0, 100.0, 100.0, 0.0, 20.0, 0.0, 100.0, 30.0, 0.0, 80.0, 0.0, 10.0, 0.0, 0.0, 100.0, 80.0, 100.0, 90.0, 90.0, 50.0, 40.0, 100.0, 90.0, 50.0, 0.0, 60.0, 10.0, 10.0, 50.0, 0.0, 70.0, 50.0, 10.0, 60.0, 0.0, 90.0, 100.0, 40.0, 30.0, 100.0, 10.0, 50.0, 40.0, 0.0, 100.0, 100.0, 100.0, 0.0, 100.0, 20.0, 10.0, 70.0, 100.0, 60.0, 100.0, 30.0, 20.0, 0.0, 0.0, 10.0, 100.0, 90.0, 80.0, 0.0, 0.0, 100.0, 30.0, 70.0, 100.0, 20.0, 90.0, 0.0, 0.0, 0.0, 60.0, 0.0, 0.0, 100.0, 20.0, 50.0, 100.0, 100.0, 50.0, 20.0, 0.0, 20.0, 100.0, 0.0, 80.0, 100.0, 70.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 0.0, 70.0, 70.0, 100.0, 0.0, 0.0, 100.0, 100.0, 100.0, 60.0, 0.0, 60.0, 10.0, 10.0, 0.0, 100.0, 0.0, 0.0, 30.0, 80.0, 90.0, 100.0, 20.0, 10.0, 30.0, 80.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 0.0, 30.0, 10.0, 10.0, 80.0, 70.0, 30.0, 0.0, 100.0, 60.0, 90.0, 100.0, 90.0, 90.0, 40.0, 30.0, 100.0, 40.0, 70.0, 100.0, 0.0, 70.0, 80.0, 100.0, 10.0, 0.0, 20.0, 10.0, 100.0, 50.0, 30.0, 90.0, 90.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 100.0, 60.0, 0.0, 20.0, 100.0, 30.0, 100.0, 0.0, 0.0, 100.0, 20.0, 20.0, 10.0, 90.0, 100.0, 100.0, 70.0, 50.0, 100.0, 90.0, 100.0, 100.0, 100.0, 0.0, 30.0, 10.0, 50.0, 100.0, 90.0, 0.0, 100.0, 0.0, 50.0, 100.0, 0.0, 30.0, 100.0, 70.0, 20.0, 0.0, 20.0, 40.0, 50.0, 100.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 0.0, 70.0, 0.0, 0.0, 100.0, 30.0, 50.0, 100.0, 100.0, 0.0, 100.0, 90.0, 100.0, 60.0, 100.0, 90.0, 100.0, 10.0, 80.0, 10.0, 100.0, 100.0, 10.0, 30.0, 30.0, 100.0, 50.0, 80.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 10.0, 0.0, 40.0, 20.0, 0.0, 10.0, 100.0, 90.0, 30.0, 100.0, 100.0, 80.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 40.0, 30.0, 100.0, 100.0, 100.0, 10.0, 0.0, 100.0, 30.0, 0.0, 80.0, 100.0, 60.0, 20.0, 0.0, 70.0, 20.0, 40.0, 50.0, 80.0, 30.0, 30.0, 0.0, 40.0, 70.0, 50.0, 40.0, 40.0, 100.0, 0.0, 30.0, 100.0, 80.0, 10.0, 100.0, 50.0, 100.0, 100.0, 30.0, 20.0, 100.0, 100.0, 80.0, 70.0, 100.0, 10.0, 100.0, 60.0, 100.0, 30.0, 20.0, 100.0, 0.0, 10.0, 0.0, 0.0, 20.0, 30.0, 0.0, 60.0, 100.0, 0.0, 100.0, 10.0, 20.0, 40.0, 10.0, 100.0, 30.0, 100.0, 40.0, 30.0, 0.0, 30.0, 50.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 70.0, 0.0, 100.0, 10.0, 20.0, 20.0, 30.0, 100.0, 100.0, 10.0, 10.0, 60.0, 90.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 10.0, 20.0, 30.0, 20.0, 20.0, 100.0, 100.0, 10.0, 40.0, 0.0, 60.0, 100.0, 100.0, 20.0, 70.0, 0.0, 100.0, 100.0, 0.0, 0.0, 20.0, 100.0, 50.0, 100.0, 10.0, 100.0, 0.0, 100.0, 40.0, 0.0, 20.0, 0.0, 30.0, 100.0, 70.0, 20.0, 100.0, 50.0, 100.0, 50.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 10.0, 90.0, 20.0, 0.0, 0.0, 10.0, 0.0, 0.0, 50.0, 0.0, 90.0, 30.0, 100.0, 20.0, 10.0, 100.0, 60.0, 10.0, 0.0, 20.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 100.0, 50.0, 20.0, 100.0, 10.0, 10.0, 100.0, 100.0, 60.0, 70.0, 0.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 50.0, 70.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 100.0, 10.0, 90.0, 0.0, 100.0, 0.0, 100.0, 50.0, 0.0, 90.0, 100.0, 0.0, 100.0, 40.0, 90.0, 30.0, 80.0, 70.0, 0.0, 100.0, 100.0, 40.0, 10.0, 60.0, 0.0, 20.0, 60.0, 0.0, 10.0, 60.0, 20.0, 100.0, 100.0, 40.0, 0.0, 20.0, 40.0, 0.0, 50.0, 10.0, 100.0, 20.0, 100.0, 0.0, 70.0, 80.0, 20.0, 0.0, 0.0, 20.0, 0.0, 50.0, 100.0, 60.0, 0.0, 0.0, 100.0, 0.0, 100.0, 20.0, 100.0, 100.0, 20.0, 100.0, 60.0, 50.0, 60.0, 100.0, 20.0, 40.0, 50.0, 10.0, 20.0, 100.0, 100.0, 100.0, 70.0, 90.0, 30.0, 10.0, 0.0, 50.0, 70.0, 90.0, 20.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 60.0, 10.0, 100.0, 50.0, 0.0, 50.0, 100.0, 100.0, 50.0, 100.0, 40.0, 100.0, 90.0, 20.0, 100.0, 10.0, 20.0, 0.0, 0.0], (4400, 4400): [20.0, 20.0, 100.0, 100.0, 0.0, 0.0, 0.0, 80.0, 50.0, 0.0, 40.0, 100.0, 60.0, 0.0, 100.0, 30.0, 100.0, 0.0, 40.0, 20.0, 100.0, 70.0, 80.0, 100.0, 20.0, 70.0, 0.0, 60.0, 0.0, 0.0, 40.0, 100.0, 20.0, 10.0, 10.0, 100.0, 30.0, 0.0, 70.0, 100.0, 20.0, 40.0, 60.0, 40.0, 0.0, 0.0, 100.0, 50.0, 60.0, 0.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 0.0, 10.0, 20.0, 10.0, 20.0, 60.0, 90.0, 60.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 70.0, 40.0, 50.0, 0.0, 40.0, 60.0, 60.0, 40.0, 50.0, 0.0, 30.0, 10.0, 30.0, 10.0, 50.0, 10.0, 100.0, 10.0, 90.0, 50.0, 80.0, 0.0, 50.0, 30.0, 40.0, 10.0, 70.0, 40.0, 10.0, 100.0, 0.0, 50.0, 10.0, 60.0, 60.0, 70.0, 60.0, 10.0, 20.0, 0.0, 100.0, 70.0, 30.0, 30.0, 30.0, 20.0, 0.0, 20.0, 0.0, 90.0, 100.0, 20.0, 100.0, 100.0, 80.0, 0.0, 40.0, 80.0, 40.0, 0.0, 10.0, 20.0, 10.0, 0.0, 40.0, 0.0, 40.0, 0.0, 0.0], (6600, 0): [30.0, 100.0, 80.0, 80.0, 100.0, 60.0, 90.0, 60.0, 80.0, 70.0, 70.0, 50.0, 80.0, 60.0, 60.0, 50.0, 60.0, 20.0, 40.0, 90.0, 50.0, 90.0, 60.0, 100.0, 60.0, 90.0, 100.0, 30.0, 20.0, 60.0, 60.0, 70.0, 50.0, 100.0, 60.0, 80.0, 30.0, 80.0, 60.0, 70.0, 90.0, 100.0, -1.0, 70.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 10.0, 100.0, 90.0, 20.0, 70.0, 100.0, 70.0, 10.0, 100.0, 70.0, 80.0, 100.0, 50.0, 100.0, 90.0, 100.0, 100.0, 70.0, 70.0, 40.0, 70.0, 80.0, 100.0, 30.0, 100.0, 50.0, 90.0, 60.0, 80.0, 70.0, 100.0, 80.0, 100.0, 60.0, 70.0, 80.0, 90.0, 30.0, 40.0, 100.0, 30.0, 40.0, 50.0, 90.0, 80.0, 20.0, 50.0, 40.0, 80.0, 100.0, 100.0, 60.0, 80.0, 60.0, 60.0, 90.0, 100.0, 60.0, 100.0, 90.0, 100.0, 50.0, 100.0, 60.0, 60.0, 100.0, 100.0, 10.0, 100.0, 80.0, 100.0, 60.0, 100.0, 100.0, 80.0, 10.0, 20.0, 100.0, 100.0, 40.0, 100.0, 100.0, 70.0, 50.0, 100.0, 10.0, 50.0, 90.0, 100.0, 90.0, 50.0, 90.0, 30.0, 60.0, 70.0, 40.0, 100.0, 100.0, 60.0, 80.0, 80.0, 50.0, 80.0, 50.0, 40.0, 50.0, 70.0, 80.0, 100.0, 100.0, 60.0, 80.0, 100.0, 40.0, 20.0, 50.0, 20.0, 100.0, 80.0, 90.0, 100.0, 100.0, 50.0, 40.0, 80.0, 100.0, 30.0, 80.0, 50.0, 60.0, 90.0, 50.0, 90.0, 60.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 60.0, 60.0, 100.0, 30.0, 30.0, 100.0, 90.0, 80.0, 90.0, 80.0, 90.0, 50.0, 30.0, 60.0, 10.0, 70.0, 90.0, 70.0, 70.0, 70.0, 20.0, 10.0, 20.0, 100.0, 100.0, 70.0, 90.0, 100.0, 60.0, 40.0, 30.0, 60.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 100.0, 50.0, 70.0, 90.0, 20.0, 80.0, 60.0, 100.0, 100.0, 40.0, 100.0, 90.0, 100.0, 20.0, 70.0, 70.0, 30.0, 80.0, 10.0, 60.0, 40.0, 60.0, 90.0, 10.0, 80.0, 100.0, 0.0, 60.0, 30.0, 100.0, 100.0, 50.0, 40.0, 100.0, 50.0, 40.0, 100.0, 90.0, 100.0, 90.0, 50.0, 100.0, 80.0, 80.0, 60.0, 70.0, 50.0, 10.0, 100.0, 40.0, 50.0, 100.0, 70.0, 70.0, 20.0, 100.0, 80.0, 70.0, 50.0, 60.0, 100.0, 80.0, 30.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 50.0, 50.0, 70.0, 100.0, 100.0, 50.0, 80.0, 70.0, 100.0, 30.0, 60.0, 100.0, 50.0, 70.0, 60.0, 50.0, 80.0, 50.0, 70.0, 100.0, 90.0, 70.0, 70.0, 50.0, 20.0, 100.0, 80.0, 90.0, 90.0, 90.0, 80.0, 100.0, 90.0, 60.0, 70.0, 90.0, 60.0, 60.0, 90.0, 90.0, 90.0, 70.0, 80.0, 10.0, 40.0, 30.0, 80.0, 80.0, 80.0, 60.0, 100.0, 90.0, 80.0, 20.0, 70.0, 90.0, 60.0, 70.0, 100.0, 50.0, 60.0, 40.0, 90.0, 90.0, 30.0, 60.0, 80.0, 100.0, 100.0, 90.0, 60.0, 100.0, 100.0, 50.0, 100.0, 20.0, 100.0, 60.0, 80.0, 90.0, 20.0, 100.0, 90.0, 70.0, 100.0, 90.0, 60.0, 100.0, 100.0, 0.0, 90.0, 90.0, 90.0, 60.0, 90.0, 100.0, 70.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 50.0, 80.0, 90.0, 80.0, 70.0, 100.0, 70.0, 100.0, 100.0, 100.0, 90.0, 70.0, 90.0, 60.0, 60.0, 70.0, 60.0, 20.0, 100.0, 70.0, 100.0, 80.0, 100.0, 70.0, 60.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 60.0, 100.0, 100.0, 70.0, 70.0, 60.0, 100.0, 100.0, 0.0, 50.0, 70.0, 60.0, 60.0, 90.0, 30.0, 80.0, 30.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 60.0, 70.0, 90.0, 80.0, 90.0, 90.0, 30.0, 50.0, 100.0, 40.0, 80.0, 80.0, 80.0, 30.0, 70.0, 100.0, 80.0, 80.0, 70.0, 90.0], (8800, 4400): [100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 40.0, 90.0, 80.0, 80.0, 90.0, 100.0, 100.0, 20.0, 10.0, 100.0, 100.0, 10.0, 0.0, 100.0, 10.0, 90.0, 100.0, 10.0, 100.0, 100.0, 80.0, 100.0, 100.0, 20.0, 0.0, 40.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 10.0, 10.0, 100.0, 30.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 10.0, 100.0, 30.0, 100.0, 0.0, 60.0, 100.0, 30.0, 100.0, 80.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0], (0, 0): [60.0, 40.0, 60.0, -1.0, 20.0, 50.0, 40.0, 40.0, 50.0, 0.0, 10.0, 60.0, 10.0, 0.0, 10.0, 90.0, 10.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 80.0, 100.0, 40.0, 50.0, -1.0, 20.0, 10.0, -1.0, 40.0, 70.0, 30.0, 40.0, 60.0, 20.0, 40.0, 0.0, 50.0, 20.0, 30.0, 30.0, 10.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 20.0, 0.0, 20.0, 50.0, 30.0, 20.0, 70.0, 30.0, 20.0, 50.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 40.0, 50.0, 30.0, 50.0, 0.0, 30.0, 10.0, 40.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 20.0, 20.0, 30.0, 20.0, 60.0, 50.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 10.0, 40.0, 30.0, 70.0, 20.0, 10.0, 10.0, 90.0, 20.0, 70.0, -1.0, 10.0, 60.0, 70.0, 60.0, -1.0, 20.0, 30.0, 30.0, 70.0, 10.0, 80.0, 50.0, 20.0, 10.0, 60.0, 30.0, 50.0, 100.0, 60.0, 40.0, 20.0, 10.0, 50.0, 10.0, 40.0, -1.0, -1.0, 10.0, 20.0, 60.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 20.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, -1.0, 40.0, -1.0, -1.0, -1.0, 80.0, 30.0, 50.0, 40.0, 20.0, 30.0, 60.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 40.0, 10.0, 20.0, 30.0, 40.0, 0.0, 40.0, 40.0, 60.0, 50.0, 40.0, 40.0, 20.0, 20.0, 30.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 20.0, 70.0, 40.0, 30.0, 40.0, 40.0, 20.0, 50.0, 10.0, 50.0, 30.0, 50.0, 50.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 20.0, 40.0, 30.0, 40.0, 20.0, 10.0, 30.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, -1.0, 40.0, 0.0, 10.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 20.0, 10.0, 30.0, 10.0, 20.0, 20.0, 40.0, 40.0, 60.0, 20.0, 40.0, 40.0, 10.0, 40.0, 10.0, 20.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 20.0, 20.0, 50.0, 40.0, 10.0, 50.0, 40.0, 10.0, 10.0, 40.0, 10.0, 10.0, 20.0, 50.0, 20.0, 30.0, 0.0, 30.0, 30.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 0.0, 100.0, 30.0, -1.0, 50.0, 40.0, 30.0, 40.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 70.0, 70.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 10.0, 40.0, 50.0, 60.0, 30.0, 10.0, 30.0, 40.0, 10.0, -1.0, 40.0, 40.0, 10.0, 30.0, 20.0, 30.0, 60.0, 10.0, 20.0, 50.0, 30.0, 10.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 30.0, 10.0, 10.0, 40.0, 0.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 20.0, 20.0, -1.0, 20.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 0.0, 70.0, 40.0, 50.0, -1.0, 60.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (2200, 2200): [50.0, 30.0, 30.0, 40.0, 80.0, -1.0, 40.0, 20.0, 30.0, 0.0, 40.0, 40.0, 40.0, 30.0, 30.0, -1.0, 90.0, 20.0, 80.0, -1.0, 70.0, 50.0, 60.0, 30.0, 40.0, 60.0, 10.0, 70.0, 50.0, 40.0, 30.0, 0.0, 10.0, 60.0, 40.0, 40.0, -1.0, 30.0, 20.0, 50.0, 80.0, 40.0, -1.0, 90.0, 20.0, 40.0, 10.0, 80.0, 50.0, 80.0, 10.0, 20.0, 50.0, 30.0, 100.0, 90.0, 80.0, 20.0, -1.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 30.0, 30.0, 10.0, 30.0, 0.0, 40.0, 30.0, 70.0, 30.0, 20.0, 50.0, 40.0, 80.0, 90.0, 20.0, 30.0, 30.0, 50.0, 40.0, 80.0, 20.0, 40.0, 40.0, 30.0, 30.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, 40.0, 10.0, 50.0, 20.0, 100.0, 70.0, 70.0, 40.0, 50.0, 70.0, 40.0, 50.0, 30.0, 30.0, 40.0, 30.0, 50.0, 20.0, 40.0, 20.0, 60.0, 60.0, 20.0, 20.0, 40.0, 40.0, 100.0, 50.0, 50.0, 40.0, -1.0, 10.0, 40.0, 40.0, 30.0, 10.0, 30.0, 90.0, 60.0, 40.0, 50.0, 40.0, 30.0, 20.0, 90.0, 30.0, 40.0, 40.0, 60.0, 30.0, 30.0, 20.0, 10.0, 50.0, 90.0, 50.0, 70.0, 40.0, 40.0, 20.0, 40.0, 20.0, 20.0, 20.0, 50.0, 20.0, 30.0, 20.0, 70.0, 100.0, 30.0, 100.0, 50.0, -1.0, 50.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 20.0, 20.0, 30.0, 40.0, 60.0, 60.0, 30.0, 60.0, 0.0, 70.0, 40.0, 30.0, 40.0, 30.0, 30.0, 20.0, 10.0, 20.0, 30.0, 0.0, 30.0, 40.0, 60.0, 50.0, 40.0, 40.0, 50.0, 40.0, 100.0, 10.0, 30.0, 100.0, 0.0, 100.0, 30.0, 30.0, 80.0, 40.0, 30.0, 30.0, 20.0, 40.0, 0.0, 10.0, 40.0, 80.0, 40.0, 0.0, 30.0, 40.0, 30.0, 20.0, 30.0, 100.0, 80.0, 40.0, 70.0, 40.0, 0.0, 0.0, -1.0, 100.0, 20.0, 30.0, 40.0, 70.0, 30.0, 0.0, 30.0, 50.0, 50.0, 60.0, 20.0, 40.0, 40.0, 30.0, 100.0, 10.0, 0.0, 30.0, 30.0, 40.0, 60.0, 80.0, 60.0, 20.0, 40.0, 40.0, 60.0, 80.0, 40.0, 30.0, 10.0, 100.0, 30.0, 30.0, 30.0, 60.0, 20.0, 50.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, 30.0, 70.0, 20.0, 60.0, 50.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 40.0, 50.0, 40.0, 20.0, -1.0, 60.0, 10.0, 10.0, 40.0, 40.0, 90.0, 60.0, 30.0, 50.0, 20.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 80.0, 50.0, 40.0, 50.0, 30.0, 20.0, 60.0, 40.0, 30.0, 40.0, 30.0, 30.0, 30.0, 80.0, 40.0, 30.0, 40.0, 20.0, 80.0, 100.0, 40.0, 60.0, 20.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 90.0, 50.0, 30.0, 50.0, 70.0, -1.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 30.0, 20.0, 40.0, 30.0, 30.0, 50.0, 80.0, 20.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 80.0, 50.0, 10.0, 60.0, 30.0, 50.0, 50.0, 20.0, 40.0, 10.0, 30.0, 70.0, 10.0, -1.0, 50.0, 40.0, 40.0, 50.0, 20.0, 20.0, 10.0, 60.0, 40.0, 30.0, 70.0, 60.0, 60.0, 30.0, -1.0, 20.0, 50.0, 70.0, 50.0, 40.0, 30.0, -1.0, 50.0, 30.0, 60.0, 0.0, 60.0, 50.0, 40.0, 30.0, 20.0, 40.0, 40.0, 20.0, 10.0, 50.0, -1.0, -1.0, 30.0, 30.0, 20.0, 50.0, 50.0, 40.0, 60.0, 60.0, 30.0, 50.0, 10.0, 20.0, 60.0, 20.0, 30.0, -1.0, 20.0, 40.0, 10.0, 50.0, 0.0, 30.0, 50.0, 30.0, 30.0, 50.0, 10.0, 90.0, 50.0, 50.0, 20.0, 40.0, 70.0, 90.0, 50.0, 30.0, 40.0, 10.0, 60.0, 20.0, 30.0, 20.0, 20.0, 50.0, 20.0, 60.0, 30.0, 40.0, 20.0, 40.0, 40.0, 100.0, 20.0, 20.0, 40.0, 40.0, 40.0, 40.0, 60.0, 30.0, 70.0, 20.0, 20.0, 40.0, 10.0, 20.0, 70.0, 30.0, 30.0, 50.0, 30.0, 0.0, 30.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0], (6600, 2200): [90.0, 0.0, 40.0, 100.0, 20.0, 100.0, 0.0, 90.0, 20.0, 100.0, 70.0, 100.0, 60.0, 100.0, 70.0, 0.0, 100.0, 60.0, 100.0, 0.0, 100.0, 60.0, 30.0, 80.0, 40.0, 40.0, 100.0, 80.0, 50.0, 30.0, 30.0, 70.0, 50.0, 90.0, 30.0, 100.0, 100.0, 20.0, 40.0, 90.0, 20.0, 90.0, 90.0, 10.0, 30.0, 20.0, 50.0, 80.0, 100.0, 20.0, 70.0, 90.0, 0.0, 100.0, 10.0, 60.0, 100.0, 100.0, 80.0, 60.0, 100.0, 40.0, 70.0, 100.0, 100.0, 100.0, 0.0, 70.0, 20.0, 50.0, 100.0, 10.0, 10.0, 10.0, 0.0, 0.0, 100.0, 30.0, 0.0, 20.0, 10.0, 100.0, 60.0, 10.0, 100.0, 50.0, 100.0, 30.0, 20.0, 30.0, 20.0, 100.0, 30.0, 60.0, 20.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 70.0, 20.0, 80.0, 10.0, 100.0, 30.0, 40.0, 0.0, 100.0, 30.0, 40.0, 40.0, 80.0, 100.0, 20.0, 40.0, 90.0, 0.0, 30.0, 90.0, 100.0, 80.0, 20.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 0.0, 0.0, 70.0, 100.0, 70.0, 10.0, 100.0, 80.0, 70.0, 70.0, 0.0, 10.0, 80.0, 100.0, 100.0, 90.0, 40.0, 80.0, 80.0, 50.0, 20.0, 70.0, 10.0, 10.0, 40.0, 100.0, 0.0, 10.0, 100.0, 40.0, 0.0, 90.0, 70.0, 10.0, 100.0, 100.0, 10.0, 70.0, 0.0, 80.0, 100.0, 70.0, 10.0, 100.0, 100.0, 100.0, 10.0, 30.0, 0.0, 60.0, 50.0, 20.0, 0.0, 40.0, 100.0, 100.0, 30.0, 100.0, 70.0, 40.0, 0.0, 50.0, 50.0, 90.0, 100.0, 100.0, 50.0, 90.0, 100.0, 30.0, 90.0, 20.0, 40.0, 100.0, 10.0, 40.0, 50.0, 100.0, 0.0, 100.0, 30.0, 100.0, 10.0, 70.0, 0.0, 100.0, 30.0, 100.0, 10.0, 0.0, 100.0, 100.0, 100.0, 60.0, 10.0, 10.0, 80.0, 60.0, 0.0, 100.0, 30.0, 20.0, 40.0, 50.0, 50.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 90.0, 100.0, 100.0, 0.0, 0.0, 40.0, 80.0, 70.0, 100.0, 60.0, 0.0, 30.0, 100.0, 60.0, 100.0, 0.0, 20.0, 30.0, 100.0, 100.0, 0.0, 70.0, 0.0, 0.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 10.0, 60.0, 10.0, 90.0, 10.0, 10.0, 40.0, 80.0, 80.0, 100.0, 20.0, 0.0, 100.0, 0.0, 70.0, 100.0, 10.0, 20.0, 10.0, 70.0, 0.0, 100.0, 100.0, 10.0, 60.0, 90.0, 100.0, 60.0, 10.0, 10.0, 0.0, 70.0, 40.0, 100.0, 60.0, 60.0, 100.0, 100.0, 60.0, 90.0, 50.0, 0.0, 30.0, 10.0, 0.0, 100.0, 100.0, 100.0, 30.0, 90.0, 100.0, 50.0, 0.0, 0.0, 20.0, 70.0, 100.0, 70.0, 100.0, 100.0, 90.0, 70.0, 70.0, 10.0, 20.0, 90.0, 0.0, 90.0, 90.0, 100.0, 40.0, 40.0, 10.0, 100.0, 70.0, 50.0, 100.0, 0.0, 50.0, 20.0, 70.0, 30.0, 100.0, 60.0, 100.0, 50.0, 100.0, 60.0, 10.0, 60.0, 40.0, 100.0, 40.0, 0.0, 60.0, 10.0, 40.0, 100.0, 60.0, 70.0, 30.0, 80.0, 10.0, 50.0, 50.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 40.0, 70.0, 0.0, 20.0, 30.0, 0.0, 60.0, 50.0, 90.0, 70.0, 100.0, 30.0, 60.0, 70.0, 90.0, 20.0, 100.0, 100.0, 50.0, 100.0, 100.0, 70.0, 100.0, 20.0, 10.0, 50.0, 0.0, 20.0, 0.0, 60.0, 70.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 20.0, 70.0, 60.0, 50.0, 20.0, 100.0, 50.0, 100.0, 100.0, 100.0, 10.0, 50.0, 0.0, 70.0, 20.0, 60.0, 60.0, 100.0, 40.0, 90.0, 50.0, 30.0, 100.0, 0.0, 60.0, 60.0, 60.0, 100.0, 100.0, 60.0, 80.0, 70.0, 10.0, 50.0, 40.0, 0.0, 10.0, 70.0, 0.0, 30.0, 10.0, 0.0, 10.0, 100.0, 40.0, 20.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 0.0, 80.0, 20.0, 100.0, 100.0, 40.0, 80.0, 20.0, 80.0, 50.0, 90.0, 80.0, 100.0, 20.0, 100.0, 90.0, 10.0, 70.0, 100.0, 80.0, 100.0, 10.0, 30.0, 100.0, 80.0, 90.0, 100.0, 60.0, 80.0, 90.0, 20.0, 0.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 20.0, 100.0, 100.0, 30.0, 100.0, 40.0, 100.0, 10.0, 70.0, 100.0, 40.0, 30.0, 100.0, 100.0, 100.0, 80.0, 100.0, 20.0, 50.0, 0.0, 80.0, 0.0, 10.0, 80.0, 30.0, 20.0, 50.0, 100.0, 50.0, 100.0, 0.0, 20.0, 70.0, 0.0, 100.0, 20.0, 100.0, 0.0, 10.0, 90.0, 50.0, 10.0, 0.0, 0.0, 60.0, 90.0, 60.0, 10.0, 70.0, 40.0, 20.0, 40.0, 30.0, 20.0, 10.0, 100.0, 60.0, 60.0, 80.0, 30.0, 20.0, 100.0, 50.0, 80.0, 100.0, 100.0, 20.0, 0.0, 100.0, 80.0, 60.0, 100.0, 50.0, 100.0, 70.0, 20.0, 60.0, 70.0, 70.0, 100.0, 100.0, 90.0, 0.0, 20.0, 60.0, 100.0, 0.0, 80.0, 80.0, 100.0, 40.0, 0.0, 20.0, 80.0, 60.0, 100.0, 60.0, 0.0, 0.0, 40.0, 100.0, 10.0, 100.0, 80.0, 60.0, 50.0, 30.0, 0.0, 60.0, 30.0, 100.0, 0.0, 30.0, 100.0, 90.0, 0.0, 100.0, 50.0, 30.0, 40.0, 80.0, 90.0, 20.0, 90.0, 50.0, 100.0, 60.0, 100.0, 90.0, 60.0, 50.0, 0.0, 100.0, 0.0, 90.0, 100.0, 60.0, 70.0, 20.0, 20.0, 100.0, 100.0, 60.0, 40.0, 100.0, 60.0, 100.0, 10.0, 100.0, 100.0, 100.0, 20.0, 40.0, 80.0, 30.0, 100.0, 30.0, 30.0, 70.0, 100.0, 0.0, 100.0, 60.0, 80.0, 10.0, 70.0, 100.0, 100.0, 100.0, 70.0, 0.0, 100.0, 20.0, 30.0, 30.0, 70.0, 20.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 40.0, 10.0, 10.0, 0.0, 100.0, 10.0, 50.0, 100.0, 0.0, 50.0, 100.0, 100.0, 100.0, 70.0, 0.0, 50.0, 30.0, 100.0, 30.0, 100.0, 30.0, 70.0, 90.0, 100.0, 0.0, 80.0, 40.0, 80.0, 0.0, 40.0, 100.0, 70.0, 10.0, 100.0, 90.0, 100.0, 100.0, 20.0, 60.0, 0.0, 50.0, 30.0, 0.0, 100.0, 10.0, 90.0, 90.0, 60.0, 100.0, 90.0, 0.0, 30.0, 90.0, 60.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 0.0, 100.0, 0.0, 40.0, 60.0, 40.0, 30.0, 80.0, 70.0, 60.0, 40.0, 100.0, 60.0, 50.0, 100.0, -1.0, 20.0, 60.0, 90.0, 10.0, 100.0, 100.0, 90.0, 50.0, 50.0, 80.0, 0.0, 40.0, 100.0, 100.0, 10.0, 10.0, 80.0, 20.0, 100.0, 90.0, 30.0, 60.0, 50.0, 0.0, 20.0, 20.0, 0.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 40.0, 20.0, 0.0, 100.0, 50.0, 20.0, 0.0, 0.0, 50.0], (4400, 0): [80.0, 70.0, 10.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 0.0, 40.0, 40.0, 20.0, 30.0, 30.0, 70.0, 0.0, 10.0, 50.0, 30.0, 60.0, 60.0, 20.0, 30.0, 10.0, 10.0, 20.0, 30.0, 10.0, 60.0, 10.0, 40.0, 20.0, 40.0, 80.0, 20.0, 0.0, 0.0, 10.0, 20.0, 50.0, 20.0, 50.0, 30.0, 30.0, 10.0, 0.0, 60.0, 40.0, 30.0, 30.0, 20.0, 10.0, 80.0, 40.0, 10.0, 10.0, 20.0, 20.0, 60.0, 50.0, 20.0, 10.0, 0.0, 30.0, 50.0, 30.0, 20.0, 0.0, 10.0, 30.0, 60.0, 30.0, 40.0, 40.0, 30.0, 20.0, 30.0, 30.0, 20.0, 30.0, 70.0, 40.0, 60.0, 60.0, 40.0, 50.0, 10.0, 30.0, 20.0, 30.0, 10.0, 20.0, 40.0, 50.0, 30.0, 10.0, 10.0, 40.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 30.0, 20.0, 20.0, 30.0, 0.0, 30.0, 0.0, 40.0, 30.0, 0.0, 40.0, 10.0, 30.0, 20.0, 50.0, 50.0, 40.0, 50.0, 10.0, 10.0, 40.0, 60.0, 0.0, 10.0, 40.0, 10.0, 10.0, 0.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 0.0, 40.0, 40.0, 50.0, 0.0, 40.0, 0.0, 30.0, 50.0, 50.0, 30.0, 0.0, 40.0, 0.0, 40.0, 60.0, 50.0, 10.0, 10.0, 10.0, 40.0, 50.0, 40.0, 10.0, 20.0, 10.0, 20.0, 20.0, 0.0, 50.0, 50.0, 0.0, 10.0, 0.0, 40.0, 40.0, 30.0, 10.0, 10.0, 10.0, 40.0, 10.0, 30.0, 20.0, 40.0, 20.0, 0.0, 10.0, 10.0, 30.0, 40.0, 40.0, 30.0, 10.0, 40.0, 20.0, 40.0, 20.0, 10.0, 10.0, 50.0, 10.0, 20.0, 10.0, 70.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 0.0, 10.0, 0.0, 10.0, 40.0, 0.0, 10.0, 10.0, 10.0, 60.0, 0.0, 40.0, 20.0, 40.0, 50.0, 30.0, 20.0, 30.0, 30.0, 10.0, 40.0, 60.0, 0.0, 10.0, 20.0, 0.0, 0.0, 10.0, 10.0, 50.0, 60.0, 40.0, 60.0, 10.0, 90.0, 0.0, 10.0, 30.0, 10.0, 50.0, 0.0, 90.0, 50.0, 0.0, -1.0, 10.0, 30.0, 0.0, 30.0, 10.0, 0.0, 40.0, 60.0, 30.0, 0.0, 30.0, 10.0, 10.0, 50.0, 10.0, 30.0, 40.0, 30.0, 40.0, 0.0, -1.0, 100.0, 40.0, 70.0, 40.0, 20.0, 30.0, 20.0, 10.0, 50.0, 30.0, 30.0, 0.0, 60.0, -1.0, 40.0, 60.0, 0.0, 40.0, 60.0, -1.0, -1.0, 10.0, 40.0, 10.0, 30.0, 30.0, 30.0, 30.0, 20.0, 0.0, 10.0, 10.0, 0.0, 30.0, 20.0, 10.0, 10.0, 0.0, 70.0, 30.0, 0.0, 30.0, 20.0, 60.0, 20.0, 60.0, 40.0, 0.0, 40.0, 0.0, 50.0, 60.0, 40.0, 10.0, 30.0, 90.0, 40.0, 40.0, 10.0, 20.0, 30.0, 30.0, 0.0, 50.0, 60.0, 60.0, 20.0, 30.0, 40.0, 50.0, 10.0, 20.0, 40.0, 100.0, 10.0, 20.0, 40.0, 0.0, 20.0, 40.0, 50.0, 20.0, 10.0, 30.0, 20.0, 50.0, 60.0, 50.0, 10.0, 10.0, 40.0, 20.0, 30.0, 20.0, 10.0, 30.0, 70.0, 0.0, 20.0, 0.0, 20.0, 0.0, 70.0, 10.0, 60.0, 40.0, 0.0, 30.0, 100.0, 10.0, 50.0, 70.0, -1.0, 10.0, 20.0, 20.0, 80.0, 0.0, 10.0, 20.0, 20.0, 0.0, 50.0, 40.0, 50.0, 60.0, 50.0, 30.0, 30.0, 10.0, 50.0, 20.0, 60.0, 30.0, 10.0, 30.0, 0.0, 60.0, 20.0, 40.0, 30.0, 40.0, 40.0, 10.0, 80.0, 20.0, 0.0, 70.0, 20.0, 40.0, -1.0, 20.0, 10.0, 0.0, 20.0, 60.0, 30.0, 10.0, 30.0, 10.0, 20.0, 20.0, 40.0, 40.0, 20.0, 40.0, 20.0, 30.0, 30.0, 50.0, 30.0, 50.0, 10.0, 80.0, 40.0, 80.0, 50.0, 30.0, 0.0, 10.0, 10.0, 40.0, 50.0, 10.0, 50.0, 40.0, 20.0, 30.0, 0.0, 60.0, 20.0, 40.0, 0.0, 70.0, 10.0, 30.0, 30.0, 50.0, 10.0, 10.0, 20.0, 20.0, 10.0, 10.0, 40.0, 10.0, 30.0, 40.0, 0.0, 10.0, 10.0, 40.0, 20.0, 10.0, 0.0, 30.0, 20.0, 10.0, 40.0, 20.0], (8800, 0): [40.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 20.0, 100.0, 80.0, 100.0, 100.0, 60.0, 100.0, 50.0, 100.0, 90.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 40.0, 80.0, 100.0], (4400, 2200): [40.0, 10.0, 20.0, 20.0, 60.0, 30.0, 60.0, 50.0, 70.0, 0.0, 0.0, 20.0, 20.0, 0.0, 90.0, 100.0, 0.0, 0.0, 40.0, 0.0, 100.0, 20.0, 20.0, 40.0, 80.0, 60.0, 50.0, 40.0, 40.0, 10.0, 0.0, 20.0, 50.0, 10.0, 60.0, 10.0, 10.0, 0.0, 20.0, 50.0, 100.0, 0.0, 10.0, 50.0, 20.0, 20.0, 70.0, 100.0, 20.0, 30.0, 10.0, 10.0, 10.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 100.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 20.0, 30.0, 20.0, 0.0, 0.0, 50.0, 40.0, 0.0, 60.0, 10.0, 70.0, 60.0, 10.0, 10.0, 30.0, 0.0, 30.0, 10.0, 100.0, 30.0, 10.0, 60.0, 90.0, 0.0, 0.0, 20.0, 40.0, 70.0, 20.0, 30.0, 30.0, 0.0, 100.0, 20.0, 20.0, 30.0, 20.0, 0.0, 40.0, 40.0, 50.0, 100.0, 40.0, 0.0, 10.0, 0.0, 20.0, 20.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 40.0, 50.0, 20.0, 0.0, 60.0, 0.0, 90.0, 10.0, 20.0, 10.0, 10.0, 0.0, 0.0, 0.0, 20.0, 0.0, 20.0, 40.0, 50.0, 40.0, 0.0, 10.0, 30.0, 80.0, 40.0, 0.0, 20.0, 60.0, 60.0, 0.0, 90.0, 100.0, 10.0, 0.0, 0.0, 20.0, 10.0, 100.0, 40.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 0.0, 60.0, 50.0, 0.0, 30.0, 100.0, 40.0, 80.0, 40.0, 0.0, 0.0, 70.0, 0.0, 30.0, 10.0, 30.0, 10.0, 60.0, 90.0, 40.0, 80.0, 0.0, 40.0, 20.0, 30.0, 40.0, 0.0, 0.0, 30.0, 80.0, 0.0, 10.0, 30.0, 0.0, 0.0, 30.0, 20.0, 10.0, 40.0, 10.0, 0.0, 10.0, 40.0, 30.0, 0.0, 10.0, 60.0, 40.0, 40.0, 50.0, 0.0, 0.0, 20.0, 20.0, 30.0, 20.0, 20.0, 30.0, 0.0, 0.0, 0.0, 10.0, 40.0, 0.0, 100.0, 10.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 90.0, 40.0, 0.0, 20.0, 80.0, 10.0, 0.0, 60.0, 10.0, 50.0, 0.0, 10.0, 0.0, 100.0, 30.0, 0.0, 90.0, 0.0, 10.0, 0.0, 30.0, 50.0, 10.0, 80.0, 40.0, 90.0, 20.0, 90.0, 0.0, 30.0, 10.0, 0.0, 0.0, 0.0, 60.0, 20.0, 0.0, 50.0, 40.0, 0.0, 100.0, 90.0, 0.0, 0.0, 40.0, 10.0, 0.0, 10.0, 100.0, 0.0, 50.0, 30.0, 100.0, 20.0, 20.0, 0.0, 40.0, 50.0, 20.0, 90.0, 20.0, 80.0, 20.0, 10.0, 30.0, 60.0, 10.0, 0.0, 50.0, 10.0, 20.0, 100.0, 0.0, 60.0, 10.0, 0.0, 100.0, 0.0, 10.0, 0.0, 50.0, 20.0, 50.0, 80.0, 10.0, 50.0, 20.0, 10.0, 40.0, 20.0, 20.0, 0.0, 10.0, 50.0, 10.0, 20.0, 20.0, 0.0, 80.0, 0.0, 0.0, 70.0, 0.0, 100.0, 0.0, 0.0, 90.0, 0.0, 0.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, -1.0, 0.0, 90.0, 0.0, 10.0, 0.0, 100.0, 30.0, 30.0, 10.0, 60.0, 90.0, 20.0, 0.0, 0.0, 70.0, 30.0, 100.0, 100.0, 50.0, 40.0, 50.0, 40.0, 90.0, 10.0, 60.0, 60.0, 80.0, 60.0, 0.0, 20.0, 0.0, 30.0, 10.0, 50.0, 0.0, 0.0, 40.0, 10.0, 40.0, 40.0, 20.0, 0.0, 60.0, 20.0, 50.0, 60.0, 10.0, 0.0, 10.0, 80.0, 10.0, 50.0, 0.0, 70.0, 20.0, 10.0, 50.0, 0.0, 70.0, 40.0, 20.0, 0.0, 30.0, 40.0, 90.0, 0.0, 0.0, 60.0, 30.0, 90.0, 0.0, 10.0, 80.0, 20.0, 100.0, 0.0, 50.0, 90.0, 10.0, 0.0, 100.0, 50.0, 20.0, 20.0, 20.0, 0.0, 0.0, 50.0, 0.0, 60.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 20.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 40.0, 50.0, 20.0, 80.0, 40.0, 0.0, 10.0, 80.0, 20.0, 0.0, 20.0, 30.0, 0.0, 60.0, 20.0, 20.0, 0.0, 30.0, 80.0, 0.0, 20.0, 0.0, 40.0, 80.0, 100.0, 40.0, 70.0, 30.0, 10.0, 10.0, 40.0, 0.0, 60.0, 0.0, 10.0, 10.0, 100.0, 20.0, 10.0, 40.0, 10.0, 0.0, 20.0, 40.0, 0.0, 30.0, 70.0, 10.0, 30.0, 10.0, 100.0, 90.0, 0.0, 20.0, 0.0, 40.0, 30.0, 100.0, 100.0, 0.0, 10.0, 50.0, 60.0, 0.0, 60.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 30.0, 0.0, 100.0, 100.0, 30.0, 100.0, 10.0, 100.0, 60.0, 10.0, 20.0, 60.0, 70.0, 70.0, 20.0, 50.0, 30.0, 0.0, 70.0, 30.0, 20.0, 100.0, 90.0, 100.0, 50.0, 0.0, 10.0, 10.0, 10.0, 80.0, 0.0, 40.0, 30.0, 60.0, 80.0, 0.0, 100.0, 50.0, 0.0, 0.0, 40.0, 20.0, 80.0, 10.0, 0.0, 70.0, 70.0, 80.0, 0.0, 30.0, 0.0, 40.0, 40.0, 70.0, 0.0, 90.0, 30.0, 30.0, 20.0, 10.0, 0.0, 100.0, 0.0, 90.0, 0.0, 20.0, 80.0, 100.0, 10.0, 0.0, 70.0, 0.0, 30.0, 10.0, 50.0, 0.0, 80.0, 0.0, 10.0, 90.0, 0.0, 70.0, 70.0, 0.0, 0.0, 20.0, 10.0, 0.0, -1.0, 40.0, 20.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 60.0, 40.0, 10.0, 30.0, 60.0, 90.0, 40.0, 0.0, 40.0, 90.0, 0.0, 100.0, 10.0, 0.0, 80.0, 100.0, 60.0, 0.0, 30.0, 70.0, 10.0, 20.0, 90.0, 10.0, 70.0, 0.0, 20.0, 0.0, 10.0, 10.0, 40.0, 70.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 20.0, 20.0, 10.0, 30.0, 40.0, 100.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 0.0, 40.0, 100.0, 10.0, 0.0, 40.0, 10.0, 70.0, 0.0, 0.0, 20.0, 20.0, 10.0, 0.0, 50.0, 80.0, 30.0, 0.0, 50.0, 10.0, 30.0, 0.0, 80.0, 60.0, 10.0, 20.0, 50.0, 10.0, 60.0, 10.0, 10.0, 0.0, 0.0, 20.0, 90.0, 10.0, 60.0, 50.0, 100.0, 0.0, 100.0, 80.0, 10.0, 0.0, 100.0, 50.0, 0.0, 30.0, 60.0, 0.0, 80.0, 100.0, 0.0, 10.0, 10.0, 0.0, 30.0, 100.0, 10.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 10.0, 20.0, 40.0, 10.0, 0.0, 40.0, 20.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 50.0, 30.0, 30.0, 0.0, 100.0, 60.0, 30.0, 10.0, 10.0, 0.0, 90.0, 40.0, 30.0, 0.0, 10.0, 30.0, 10.0, 0.0, 100.0, 10.0, 80.0, 40.0, 60.0, 20.0, 70.0, 80.0, 30.0, 40.0, 40.0, 30.0, 10.0, 60.0, 20.0, 40.0, 20.0, 0.0, 20.0, 10.0, 80.0, 0.0, 10.0, 80.0, 10.0, 80.0, 20.0, 0.0, 100.0, 0.0, 10.0, 10.0, 20.0, 30.0, 0.0, 0.0, 10.0, 0.0, 20.0, 20.0, 90.0, 50.0, 0.0, 30.0, 100.0, 90.0, 20.0, 0.0, 30.0, 80.0, 40.0, 30.0, 0.0, 10.0, 0.0, 10.0, 70.0, 60.0, 10.0, 0.0, 50.0, 20.0, 30.0, 0.0, 10.0, 0.0, 10.0, 0.0, 50.0, 0.0, 80.0, 10.0, 90.0, 0.0, 40.0, 70.0, 30.0, 0.0, 70.0, 0.0, 10.0, 90.0, 0.0, 100.0, 10.0, 40.0, 50.0, 0.0, 30.0, 20.0, 20.0, 40.0, 100.0, 0.0, 0.0, 20.0, 10.0, 70.0, 80.0, 40.0, 20.0, 30.0, 100.0, 70.0, 10.0, 30.0, 100.0, 20.0, 40.0, 0.0, 10.0, 0.0, 0.0, 0.0, 70.0, 30.0, 0.0, 30.0, 10.0, 30.0, 30.0, 30.0, 100.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 0.0, 60.0, 20.0, 100.0, 10.0, 10.0, 10.0, 30.0, 10.0, 100.0, 100.0, 30.0, 20.0, 20.0, 10.0, 20.0, 0.0, 0.0, 50.0, 70.0, 30.0, 20.0, 40.0, 80.0, 80.0, -1.0, 0.0, 0.0, 0.0, 30.0, 60.0, 0.0, 10.0, 20.0, 20.0, 100.0, 60.0, 0.0, 0.0, 20.0, 30.0, 10.0, 0.0, 20.0, 60.0, 20.0, 40.0, 20.0, 30.0, 20.0, 10.0, 10.0, 80.0, 0.0, 0.0, 90.0, 40.0, 30.0, 30.0, -1.0, 10.0, 0.0, 20.0, 20.0, 30.0, 10.0, 70.0, 0.0, 20.0, 70.0, 0.0, 100.0, 40.0, 10.0, 50.0, 100.0, 10.0, 0.0, 10.0, 0.0, 60.0, 0.0, 70.0, 0.0, 50.0, 20.0, 60.0, 40.0, 30.0, 90.0, 70.0, 0.0, 10.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 50.0, 70.0, 20.0, 60.0, 90.0, 70.0, 80.0, 40.0, 0.0, 20.0, 40.0, 20.0, 0.0, 80.0, 20.0, 0.0, 50.0, 0.0, 30.0, 0.0, 100.0, 50.0, 20.0, 0.0, 10.0, 10.0, 70.0, 60.0, 20.0, 30.0, 80.0, 0.0, 10.0, 20.0, 0.0, 0.0, 70.0, 0.0, 20.0, 80.0, 80.0, 60.0, 90.0, 0.0, 40.0, 30.0, 20.0, 60.0, 10.0, 60.0, 0.0, 40.0, 0.0, 10.0, 0.0, 50.0, 40.0, 80.0, 0.0, 70.0, 40.0, 90.0, 0.0, 0.0, 20.0, 10.0, 30.0, 70.0, 10.0, 0.0, 0.0, 40.0, 0.0, 60.0, 0.0, 50.0, 0.0, 60.0, 90.0, 50.0, 70.0, 50.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 20.0, 70.0, 30.0, 0.0, 80.0, 20.0, 60.0, 30.0, 0.0, 20.0, 0.0, 20.0, 0.0, 10.0, 10.0, 0.0, 50.0, 10.0, 30.0, 100.0, 20.0, 10.0, 20.0, 10.0, 0.0, 40.0, 60.0, 0.0, 100.0, 70.0, 0.0, 40.0, 10.0, 10.0, 20.0, 50.0, 0.0, 50.0, 10.0, 60.0, 20.0, 0.0, 0.0, 40.0, 40.0, 20.0, 10.0, 0.0, 50.0, 0.0, 70.0, 0.0, 20.0, 50.0, 0.0, 100.0, 0.0, 10.0, 100.0, 20.0, 50.0, 40.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 20.0, 30.0, 40.0, 0.0, 100.0, 40.0, 10.0, 10.0, 0.0, 20.0, 40.0, 0.0, 0.0, 20.0, 10.0, 100.0, 20.0, 30.0, 20.0, 0.0, 10.0, 20.0, 30.0, 70.0, 40.0, 20.0, 0.0, 10.0, 40.0, 40.0, 0.0, 0.0, 100.0, 10.0, 20.0, 0.0, 30.0, 30.0, 60.0, 70.0, 0.0, 40.0, 0.0, 0.0, 70.0, 0.0, 30.0, 100.0, 10.0, 10.0, 50.0, 20.0, 60.0, 30.0, 100.0, 90.0, 90.0, 20.0, 10.0, 20.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 30.0, 70.0, 80.0, 100.0, 100.0, 0.0, 50.0, 0.0, 80.0, 80.0, 100.0, 0.0, 20.0, 0.0, 90.0, 20.0, 100.0, 0.0, 20.0, 0.0, -1.0, 0.0, 70.0, 100.0, 0.0, 0.0, 0.0, 40.0, 10.0, 0.0, 0.0, 30.0, 90.0, 40.0, 0.0, 0.0, 30.0, 10.0, 0.0, 100.0, 10.0, 10.0, 20.0, 50.0, 100.0, 20.0, 100.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 60.0, 0.0, 20.0, 50.0, 40.0, 0.0, 50.0, 40.0, 80.0, 50.0, 50.0, 100.0, 40.0, 20.0, 10.0, 100.0, 100.0, 50.0, 90.0, 50.0, 0.0, 20.0, 90.0, -1.0, 20.0, 30.0, 60.0, 100.0, 0.0, 60.0, 30.0, 0.0, 0.0, 0.0, 10.0, 70.0, 40.0, 50.0, 0.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 100.0, 100.0, 0.0, 20.0, 70.0, 0.0, 0.0, 50.0, 100.0, 0.0, 20.0, 10.0, 40.0, 70.0, 0.0, 10.0, 40.0, 10.0, 0.0, 20.0, 70.0, 60.0, 100.0, 100.0, 30.0, 30.0, 0.0, 20.0, 30.0, 30.0, 60.0, 10.0, 0.0, 10.0, 20.0, 40.0, 0.0, 20.0, 20.0, 10.0, 60.0, 30.0, 40.0, 50.0, 10.0, 0.0, 30.0, 60.0, 0.0, 20.0, 50.0, 10.0, 50.0, 0.0, 0.0, 100.0, 0.0, 0.0, 20.0, 40.0, 0.0, 60.0, 10.0, 100.0, 20.0, 0.0, 0.0, 0.0, 40.0, 10.0, 100.0, 20.0, 30.0, 0.0, 10.0, 60.0, 10.0, 20.0, 90.0, 40.0, 50.0, 70.0, 70.0, 70.0, 100.0, 0.0, 30.0, 30.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 0.0, 30.0, 60.0, 0.0, 50.0, 0.0, 70.0, 60.0, 30.0, 20.0, 0.0, 10.0, 10.0, 60.0, 10.0, 20.0, 20.0, 30.0, 0.0, 0.0, 100.0, 30.0, 60.0, 10.0, 0.0, 100.0, 30.0, 0.0, 20.0, 60.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 20.0, 10.0, 10.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2300 = {(2300, 2300): [10.0, 50.0, 30.0, 30.0, 40.0, 40.0, 80.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 40.0, 40.0, 30.0, 50.0, 30.0, -1.0, 90.0, 20.0, 80.0, -1.0, 70.0, 50.0, 60.0, 30.0, 20.0, 30.0, 40.0, 60.0, 10.0, 70.0, 50.0, 40.0, 30.0, 0.0, 10.0, 40.0, -1.0, 30.0, 50.0, 80.0, 40.0, -1.0, 90.0, 20.0, 40.0, 10.0, 80.0, 50.0, 10.0, 20.0, 50.0, 30.0, 30.0, 100.0, 90.0, 0.0, 80.0, 20.0, -1.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 30.0, 30.0, 30.0, 0.0, 30.0, 70.0, 30.0, 20.0, 50.0, 40.0, 80.0, 40.0, 20.0, 30.0, 60.0, 40.0, 30.0, 50.0, 40.0, 80.0, 40.0, 30.0, 30.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, 20.0, 70.0, 10.0, 40.0, 50.0, 50.0, 70.0, 30.0, 20.0, 30.0, 40.0, 50.0, 20.0, 40.0, 20.0, 60.0, 60.0, 10.0, 20.0, 20.0, 40.0, 40.0, 100.0, 50.0, 50.0, 40.0, 10.0, 40.0, 20.0, 0.0, 40.0, 30.0, 10.0, 0.0, 10.0, 30.0, 90.0, 60.0, 50.0, 40.0, 50.0, 30.0, 20.0, 90.0, 30.0, 40.0, 10.0, 60.0, 30.0, 30.0, 40.0, 20.0, 10.0, 50.0, 90.0, 50.0, 70.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 50.0, 20.0, 30.0, 70.0, 100.0, 40.0, 20.0, 30.0, 30.0, 60.0, 100.0, 50.0, 20.0, 10.0, 40.0, 30.0, 40.0, 40.0, 10.0, 40.0, 60.0, 30.0, 60.0, 20.0, 0.0, 20.0, 30.0, 40.0, 60.0, 0.0, 60.0, 30.0, 0.0, 70.0, 40.0, 30.0, 40.0, 30.0, 30.0, 20.0, 10.0, 10.0, 10.0, 20.0, 30.0, 0.0, 30.0, 60.0, 50.0, 0.0, 50.0, 40.0, 100.0, 70.0, 10.0, 30.0, 100.0, 30.0, 0.0, 100.0, 30.0, 30.0, 80.0, 40.0, 30.0, 30.0, 20.0, 100.0, 40.0, 0.0, 10.0, 80.0, 40.0, 70.0, 0.0, 0.0, 30.0, 0.0, 40.0, 30.0, 10.0, 20.0, 30.0, 100.0, 80.0, 40.0, 70.0, 40.0, 0.0, 0.0, -1.0, 100.0, 20.0, 10.0, 30.0, 40.0, 70.0, 30.0, 20.0, 0.0, 30.0, 50.0, 40.0, 40.0, 20.0, 20.0, 10.0, 100.0, 0.0, 30.0, 10.0, 30.0, 40.0, 60.0, 80.0, 60.0, 20.0, 40.0, 60.0, 40.0, 30.0, 10.0, 100.0, 30.0, 20.0, 80.0, 30.0, 30.0, 60.0, 20.0, 50.0, 20.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, 30.0, 70.0, 20.0, 20.0, 50.0, 50.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 40.0, 50.0, 10.0, 40.0, 20.0, -1.0, 60.0, 10.0, 10.0, 40.0, 40.0, 90.0, 60.0, 30.0, 50.0, 20.0, 50.0, 40.0, 20.0, 70.0, 20.0, 50.0, 0.0, 0.0, 40.0, 50.0, 30.0, 20.0, 20.0, 60.0, 40.0, 30.0, 40.0, 0.0, 30.0, 30.0, 0.0, 30.0, 40.0, 20.0, 80.0, 20.0, 100.0, 40.0, 60.0, 20.0, 40.0, 50.0, 30.0, 80.0, 30.0, 10.0, 30.0, 90.0, 50.0, 50.0, 10.0, 30.0, 50.0, 70.0, 50.0, -1.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 20.0, 40.0, 30.0, 40.0, 30.0, 50.0, 80.0, 20.0, 20.0, 30.0, 10.0, 70.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 80.0, 10.0, 30.0, 50.0, 50.0, 20.0, 20.0, 40.0, 40.0, 60.0, 10.0, 30.0, 70.0, 0.0, 10.0, -1.0, 50.0, 40.0, 40.0, 10.0, 50.0, 20.0, 20.0, 10.0, 60.0, 0.0, 70.0, 60.0, 60.0, 30.0, -1.0, 20.0, 50.0, 70.0, 50.0, 40.0, 30.0, 0.0, 50.0, 30.0, 60.0, 40.0, 40.0, 0.0, 60.0, 50.0, 30.0, 20.0, 40.0, 40.0, 20.0, 10.0, 30.0, 50.0, -1.0, -1.0, 30.0, 30.0, 20.0, 50.0, 40.0, 60.0, 60.0, 80.0, 30.0, 20.0, 50.0, 20.0, 10.0, 20.0, 60.0, 20.0, 30.0, 20.0, 0.0, 40.0, 10.0, 50.0, 30.0, 0.0, 30.0, 50.0, 50.0, 30.0, 20.0, 30.0, 50.0, 90.0, 50.0, 50.0, 20.0, 60.0, 40.0, 70.0, 90.0, 50.0, 0.0, 80.0, 30.0, 30.0, 10.0, 100.0, 20.0, 60.0, 20.0, 30.0, 100.0, 20.0, 40.0, 20.0, 20.0, 40.0, 20.0, 20.0, 40.0, 40.0, 100.0, 20.0, 40.0, 40.0, 60.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 50.0, 10.0, 20.0, 70.0, 30.0, 30.0, 50.0, 30.0, 10.0, 20.0, 0.0, 30.0, 30.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0], (4600, 2300): [40.0, 20.0, 20.0, 60.0, 30.0, 60.0, 50.0, 70.0, 0.0, 20.0, 0.0, 20.0, 20.0, 0.0, 90.0, 100.0, 0.0, 100.0, 0.0, 0.0, 100.0, 20.0, 40.0, 20.0, 80.0, 60.0, 50.0, 100.0, 40.0, 40.0, 10.0, 0.0, 20.0, 100.0, 0.0, 60.0, 10.0, 60.0, 10.0, 10.0, 0.0, 20.0, 50.0, 100.0, 40.0, 0.0, 10.0, 50.0, 20.0, 20.0, 70.0, 100.0, 20.0, 30.0, 10.0, 10.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 100.0, 60.0, 10.0, 70.0, 0.0, 20.0, 30.0, 20.0, 0.0, 0.0, 50.0, 40.0, 0.0, 60.0, 10.0, 70.0, 60.0, 10.0, 10.0, 30.0, 0.0, 30.0, 10.0, 100.0, 30.0, 10.0, 60.0, 90.0, 0.0, 0.0, 20.0, 40.0, 70.0, 100.0, 20.0, 30.0, 30.0, 0.0, 100.0, 20.0, 20.0, 30.0, 20.0, 0.0, 40.0, 40.0, 50.0, 80.0, 100.0, 40.0, 70.0, 0.0, 10.0, 0.0, 20.0, 20.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 40.0, 10.0, 50.0, 20.0, 0.0, 100.0, 60.0, 0.0, 90.0, 10.0, 20.0, 10.0, 40.0, 10.0, 100.0, 0.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 40.0, 50.0, 20.0, 40.0, 0.0, 10.0, 50.0, 80.0, 40.0, 0.0, 20.0, 60.0, 0.0, 10.0, 60.0, 90.0, 100.0, 10.0, 0.0, 0.0, 20.0, 10.0, 80.0, 100.0, 40.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 60.0, 100.0, 50.0, 0.0, 100.0, 40.0, 80.0, 70.0, 40.0, 50.0, 0.0, 0.0, 100.0, 70.0, 0.0, 30.0, 10.0, 30.0, 40.0, 10.0, 60.0, 90.0, 40.0, 80.0, 0.0, 30.0, 40.0, 20.0, 30.0, 40.0, 0.0, 0.0, 30.0, 80.0, 0.0, 10.0, 30.0, 0.0, 0.0, 30.0, 20.0, 10.0, 40.0, 10.0, 0.0, 20.0, 10.0, 30.0, 0.0, 10.0, 30.0, 40.0, 50.0, 0.0, 70.0, 0.0, 90.0, 20.0, 20.0, 50.0, 30.0, 20.0, 80.0, 20.0, 10.0, 100.0, 30.0, 0.0, 0.0, 100.0, 0.0, 30.0, 10.0, 40.0, 0.0, 100.0, 10.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 90.0, 40.0, 0.0, 20.0, 80.0, 10.0, 0.0, 60.0, 10.0, 70.0, 50.0, 40.0, 0.0, 10.0, 0.0, 10.0, 100.0, 30.0, 0.0, 20.0, 90.0, 100.0, 0.0, 0.0, 30.0, 70.0, 80.0, 10.0, 80.0, 80.0, 40.0, 90.0, 20.0, 90.0, 0.0, 30.0, 10.0, 0.0, 0.0, 0.0, 60.0, 10.0, 0.0, 50.0, 40.0, 0.0, 100.0, 90.0, 0.0, 0.0, 40.0, 10.0, 0.0, 10.0, 100.0, 0.0, 50.0, 30.0, 100.0, 20.0, 20.0, 0.0, 40.0, 50.0, 20.0, 10.0, 90.0, 20.0, 80.0, 20.0, 0.0, 10.0, 30.0, 60.0, 10.0, 10.0, 0.0, 50.0, 10.0, 20.0, 100.0, 0.0, 60.0, 0.0, 100.0, 0.0, 10.0, 0.0, 50.0, 20.0, 80.0, 10.0, 50.0, 20.0, 10.0, 40.0, 20.0, 20.0, 20.0, 0.0, 10.0, 50.0, 10.0, 20.0, 70.0, 80.0, 10.0, 0.0, 0.0, 0.0, 70.0, 0.0, 40.0, 100.0, 0.0, 0.0, 0.0, 0.0, 50.0, 90.0, 0.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 0.0, -1.0, 0.0, 90.0, 0.0, 0.0, 100.0, 30.0, 30.0, 10.0, 60.0, 40.0, 90.0, 20.0, 0.0, 0.0, 70.0, 30.0, 100.0, 100.0, 50.0, 40.0, 100.0, 40.0, 90.0, 10.0, 60.0, 60.0, 80.0, 100.0, 60.0, 0.0, 20.0, 0.0, 10.0, 50.0, 0.0, 100.0, 40.0, 30.0, 10.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 60.0, 20.0, 50.0, 60.0, 10.0, 0.0, 10.0, 80.0, 10.0, 50.0, 0.0, 70.0, 20.0, 10.0, 50.0, 0.0, 70.0, 40.0, 20.0, 0.0, 30.0, 90.0, 0.0, 0.0, 60.0, 30.0, 90.0, 0.0, 10.0, 80.0, 20.0, 100.0, 0.0, 60.0, 0.0, 50.0, 90.0, 10.0, 100.0, 0.0, 100.0, 10.0, 40.0, 20.0, 0.0, 20.0, 20.0, 80.0, 0.0, 0.0, 0.0, 60.0, 60.0, 90.0, 100.0, 60.0, 10.0, 80.0, 0.0, 20.0, 30.0, 30.0, 0.0, 40.0, 0.0, 0.0, 20.0, 0.0, 50.0, 20.0, 80.0, 40.0, 100.0, 0.0, 10.0, 60.0, 0.0, 80.0, 0.0, 20.0, 0.0, 20.0, 20.0, 0.0, 30.0, 80.0, 0.0, 20.0, 0.0, 40.0, 80.0, 100.0, 60.0, 40.0, 70.0, 30.0, 10.0, 0.0, 60.0, 0.0, 40.0, 10.0, 10.0, 100.0, 20.0, 10.0, 40.0, 10.0, 10.0, 0.0, 0.0, 20.0, 0.0, 30.0, 70.0, 10.0, 30.0, 100.0, 90.0, 90.0, 0.0, 60.0, 20.0, 10.0, 0.0, 40.0, 30.0, 100.0, 10.0, 50.0, 60.0, 0.0, 60.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 10.0, 0.0, 10.0, 10.0, 30.0, 0.0, 100.0, 10.0, 100.0, 30.0, 100.0, 10.0, 100.0, 60.0, 10.0, 20.0, 60.0, 70.0, 70.0, 60.0, 20.0, 10.0, 50.0, 30.0, 0.0, 70.0, 30.0, 20.0, 90.0, 100.0, 0.0, 90.0, 100.0, 50.0, 0.0, 10.0, 100.0, 80.0, 0.0, 40.0, 30.0, 100.0, 60.0, 80.0, 0.0, 100.0, 50.0, 0.0, 50.0, 0.0, 40.0, 0.0, 20.0, 20.0, 80.0, 10.0, 100.0, 0.0, 70.0, 70.0, 80.0, 0.0, 30.0, 0.0, 0.0, 40.0, 40.0, 70.0, 90.0, 90.0, 30.0, 30.0, 20.0, 10.0, 0.0, 100.0, 0.0, 90.0, 100.0, 0.0, 20.0, 80.0, 100.0, 10.0, 0.0, 70.0, 0.0, 30.0, 10.0, 50.0, 0.0, 80.0, 0.0, 10.0, 90.0, 60.0, 0.0, 70.0, 0.0, 0.0, 0.0, 60.0, 20.0, 10.0, 0.0, 60.0, -1.0, 40.0, 20.0, 40.0, 20.0, 0.0, 100.0, 0.0, 0.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 60.0, 40.0, 10.0, 30.0, 60.0, 90.0, 40.0, 0.0, 40.0, 90.0, 0.0, 100.0, 10.0, 0.0, 80.0, 40.0, 60.0, 90.0, 0.0, 30.0, 70.0, 90.0, 10.0, 20.0, 90.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 40.0, 70.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0, 20.0, 30.0, 60.0, 40.0, 100.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 0.0, 40.0, 100.0, 50.0, 10.0, 0.0, 40.0, 70.0, 20.0, 0.0, 0.0, 0.0, 20.0, 10.0, 20.0, 100.0, 0.0, 50.0, 80.0, 30.0, 0.0, 50.0, 10.0, 30.0, 0.0, 50.0, 80.0, 60.0, 10.0, 70.0, 50.0, 10.0, 60.0, 10.0, 10.0, 30.0, 0.0, 0.0, 20.0, 90.0, 70.0, 10.0, 60.0, 50.0, 0.0, 100.0, 80.0, 10.0, 0.0, 100.0, 50.0, 0.0, 30.0, 100.0, 60.0, 0.0, 80.0, 100.0, 0.0, 10.0, 0.0, 100.0, 10.0, 0.0, 10.0, 0.0, 100.0, 20.0, 0.0, 10.0, 10.0, 0.0, 10.0, 90.0, 20.0, 10.0, 40.0, 20.0, 0.0, 10.0, 10.0, 0.0, 10.0, 0.0, 10.0, 0.0, 50.0, 60.0, 30.0, 30.0, 0.0, 0.0, 20.0, 100.0, 60.0, 30.0, 10.0, 10.0, 0.0, 90.0, 40.0, 30.0, 0.0, 10.0, 30.0, 10.0, 0.0, 0.0, 100.0, 10.0, 80.0, 40.0, 60.0, 20.0, 70.0, 0.0, 60.0, 30.0, 40.0, 80.0, 40.0, 40.0, 30.0, 10.0, 60.0, 0.0, 20.0, 40.0, 0.0, 100.0, 20.0, 10.0, 80.0, 0.0, 10.0, 80.0, 10.0, 80.0, 20.0, 0.0, 40.0, 100.0, 0.0, 10.0, 10.0, 20.0, 30.0, 0.0, 0.0, 10.0, 10.0, 0.0, 20.0, 90.0, 0.0, 30.0, 100.0, 90.0, 20.0, 0.0, 30.0, 80.0, 40.0, 30.0, 0.0, 10.0, 0.0, 10.0, 70.0, 60.0, 10.0, 0.0, 50.0, 50.0, 20.0, 30.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 80.0, 90.0, 0.0, 40.0, 70.0, 0.0, 70.0, 0.0, 10.0, 90.0, 40.0, 80.0, 100.0, 10.0, 40.0, 50.0, 0.0, 20.0, 20.0, 40.0, 40.0, 100.0, 0.0, 0.0, 0.0, 20.0, 10.0, 70.0, 80.0, 40.0, 40.0, 20.0, 30.0, 100.0, 70.0, 10.0, 30.0, 100.0, 20.0, 40.0, 0.0, 10.0, 0.0, 0.0, 70.0, 30.0, 30.0, 10.0, 80.0, 30.0, 30.0, 30.0, 100.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 0.0, 60.0, 100.0, 10.0, 10.0, 10.0, 30.0, 30.0, 10.0, 100.0, 100.0, 30.0, 20.0, 20.0, 90.0, 10.0, 20.0, 100.0, 0.0, 50.0, 70.0, 30.0, 20.0, 40.0, 80.0, 80.0, -1.0, 20.0, 0.0, 100.0, 0.0, 0.0, 30.0, 60.0, 0.0, 10.0, 20.0, 20.0, 100.0, 60.0, 0.0, 40.0, 20.0, 30.0, 30.0, 10.0, 10.0, 0.0, 20.0, 60.0, 0.0, 40.0, 20.0, 30.0, 20.0, 50.0, 10.0, 10.0, 80.0, 0.0, 0.0, 90.0, 40.0, 30.0, -1.0, 10.0, 0.0, 50.0, 20.0, 20.0, 30.0, 10.0, 70.0, 0.0, 20.0, 70.0, 0.0, 100.0, 10.0, 100.0, 10.0, 0.0, 20.0, 0.0, 60.0, 0.0, 70.0, 0.0, 20.0, 0.0, 20.0, 60.0, 0.0, 30.0, 10.0, 90.0, 70.0, 0.0, 10.0, 50.0, 10.0, 0.0, 0.0, 20.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 60.0, 50.0, 70.0, 20.0, 60.0, 90.0, 10.0, 10.0, 70.0, 80.0, 90.0, 40.0, 0.0, 20.0, 40.0, 20.0, 0.0, 90.0, 80.0, 60.0, 20.0, 0.0, 50.0, 0.0, 0.0, 100.0, 50.0, 30.0, 20.0, 0.0, 10.0, 60.0, 30.0, 80.0, 0.0, 10.0, 20.0, 0.0, 0.0, 80.0, 70.0, 0.0, 20.0, 80.0, 0.0, 80.0, 60.0, 60.0, 90.0, 100.0, 0.0, 40.0, 30.0, 20.0, 60.0, 10.0, 60.0, 30.0, 40.0, 0.0, 40.0, 0.0, 10.0, 70.0, 0.0, 50.0, 40.0, 80.0, 0.0, 70.0, 40.0, 90.0, 0.0, 0.0, 0.0, 10.0, 30.0, 70.0, 10.0, 0.0, 70.0, 0.0, 10.0, 0.0, 0.0, 50.0, 0.0, 60.0, 90.0, 10.0, 50.0, 40.0, 70.0, 50.0, 0.0, 0.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 20.0, 0.0, 70.0, 30.0, 50.0, 80.0, 40.0, 20.0, 60.0, 30.0, 0.0, 60.0, 20.0, 0.0, 20.0, 0.0, 10.0, 10.0, 70.0, 0.0, 50.0, 10.0, 30.0, 100.0, 10.0, 20.0, 0.0, 0.0, 100.0, 60.0, 0.0, 100.0, 70.0, 0.0, 60.0, 40.0, 10.0, 20.0, 50.0, 0.0, 50.0, 10.0, 60.0, 20.0, 0.0, 40.0, 40.0, 20.0, 10.0, 0.0, 50.0, 0.0, 70.0, 0.0, 20.0, 50.0, 0.0, 100.0, 0.0, 10.0, 100.0, 20.0, 40.0, 20.0, 0.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 0.0, 0.0, 20.0, 20.0, 30.0, 40.0, 0.0, 100.0, 40.0, 10.0, 10.0, 20.0, 0.0, 0.0, 20.0, 40.0, 90.0, 0.0, 20.0, 10.0, 100.0, 20.0, 30.0, 0.0, 10.0, 0.0, 20.0, 30.0, 100.0, 70.0, 90.0, 40.0, 20.0, 0.0, 10.0, 0.0, 60.0, 0.0, 100.0, 10.0, 30.0, 0.0, 30.0, 30.0, 60.0, 70.0, 0.0, 40.0, 0.0, 20.0, 0.0, 70.0, 0.0, 30.0, 100.0, 40.0, 10.0, 10.0, 50.0, 20.0, 0.0, 60.0, 20.0, 30.0, 100.0, 90.0, 90.0, 20.0, 10.0, 20.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 30.0, 70.0, 80.0, 100.0, 70.0, 100.0, 0.0, 100.0, 50.0, 100.0, 0.0, 80.0, 100.0, 0.0, 20.0, 0.0, 90.0, 100.0, 0.0, 0.0, 90.0, -1.0, 0.0, 70.0, 100.0, 0.0, 0.0, 0.0, 40.0, 50.0, 10.0, 0.0, 20.0, 0.0, 30.0, 90.0, 40.0, 0.0, 100.0, 0.0, 30.0, 10.0, 100.0, 100.0, 10.0, 10.0, 20.0, 50.0, 100.0, 20.0, 100.0, 0.0, 0.0, 0.0, 0.0, 10.0, 60.0, 0.0, 20.0, 50.0, 40.0, 0.0, 50.0, 40.0, 80.0, 50.0, 100.0, 80.0, 100.0, 40.0, 40.0, 10.0, 100.0, 10.0, 100.0, 50.0, 90.0, 100.0, 50.0, 0.0, 20.0, 90.0, -1.0, 20.0, 30.0, 60.0, 100.0, 50.0, 0.0, 30.0, 0.0, 0.0, 0.0, 10.0, 70.0, 40.0, 50.0, 0.0, 60.0, 0.0, 0.0, 100.0, 0.0, 0.0, 70.0, 0.0, 0.0, 50.0, 0.0, 20.0, 10.0, 40.0, 70.0, 0.0, 60.0, 10.0, 0.0, 20.0, 70.0, 60.0, 100.0, 100.0, 30.0, 100.0, 0.0, 20.0, 30.0, 30.0, 60.0, 0.0, 10.0, 0.0, 10.0, 0.0, 40.0, 0.0, 20.0, 40.0, 20.0, 10.0, 60.0, 80.0, 30.0, 40.0, 50.0, 10.0, 0.0, 30.0, 60.0, 0.0, 50.0, 80.0, 10.0, 50.0, 0.0, 0.0, 40.0, 100.0, 50.0, 0.0, 0.0, 20.0, 40.0, 0.0, 0.0, 60.0, 10.0, 100.0, 20.0, 0.0, 0.0, 0.0, 40.0, 10.0, 100.0, 20.0, 100.0, 50.0, 0.0, 80.0, 10.0, 60.0, 10.0, 20.0, 0.0, 90.0, 40.0, 70.0, 70.0, 100.0, 0.0, 30.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 0.0, 90.0, 0.0, 30.0, 60.0, 0.0, 50.0, 0.0, 70.0, 60.0, 20.0, 0.0, 10.0, 60.0, 10.0, 40.0, 20.0, 30.0, 0.0, 0.0, 100.0, 60.0, 10.0, 0.0, 100.0, 30.0, 0.0, 20.0, 0.0, 60.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 20.0, 50.0, 10.0, 10.0, 100.0], (6900, 4600): [90.0, 20.0, 100.0, 50.0, 100.0, 100.0, 10.0, 100.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 30.0, 70.0, 100.0, 30.0, 50.0, 100.0, 50.0, 100.0, 40.0, 10.0, 100.0, 90.0, 100.0, 100.0, 70.0, 0.0, 100.0, 10.0, 90.0, 100.0, 10.0, 0.0, 60.0, 20.0, 100.0, 100.0, 100.0, 10.0, 50.0, 20.0, 100.0, 0.0, 10.0, 100.0, 10.0, 60.0, 20.0, 0.0, 100.0, 50.0, 30.0, 0.0, 100.0, 30.0, 20.0, 100.0, 20.0, 10.0, 40.0, 10.0, 10.0, 80.0, 90.0, 40.0, 0.0, 70.0, 20.0, 100.0, 30.0, 50.0, 10.0, 100.0, 10.0, 100.0, 100.0, 100.0, 70.0, 50.0, 80.0, 90.0, 100.0, 100.0, 40.0, 80.0, 70.0, 70.0, 0.0, 70.0, 80.0, 100.0, 80.0, 0.0, 80.0, 80.0, 0.0, 100.0, 100.0, 70.0, 10.0, 100.0, 0.0, 30.0, 90.0, 90.0, 30.0, 90.0, 0.0, 100.0, 10.0, 100.0, 90.0, 30.0, 80.0, 100.0, 10.0, 10.0, 10.0, 100.0, 0.0, 20.0, 100.0, 20.0, 30.0, 0.0, 80.0, 0.0, 10.0, 0.0, 0.0, 100.0, 80.0, 100.0, 10.0, 90.0, 90.0, 50.0, 40.0, 100.0, 90.0, 0.0, 60.0, 10.0, 10.0, 50.0, 100.0, 0.0, 50.0, 60.0, 90.0, 100.0, 40.0, 30.0, 10.0, 50.0, 40.0, 100.0, 100.0, 100.0, 20.0, 10.0, 70.0, 100.0, 60.0, 100.0, 30.0, 20.0, 0.0, 0.0, 10.0, 100.0, 100.0, 90.0, 0.0, 100.0, 70.0, 20.0, 90.0, 0.0, 60.0, 0.0, 0.0, 100.0, 20.0, 10.0, 50.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 10.0, 90.0, 100.0, 100.0, 0.0, 70.0, 70.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 0.0, 60.0, 10.0, 100.0, 30.0, 80.0, 100.0, 20.0, 10.0, 100.0, 100.0, 30.0, 100.0, 0.0, 30.0, 10.0, 80.0, 100.0, 70.0, 30.0, 0.0, 80.0, 60.0, 100.0, 90.0, 90.0, 40.0, 70.0, 100.0, 100.0, 0.0, 80.0, 10.0, 20.0, 100.0, 50.0, 30.0, 20.0, 90.0, 90.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 30.0, 100.0, 0.0, 100.0, 20.0, 20.0, 40.0, 10.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 90.0, 0.0, 100.0, 0.0, 30.0, 100.0, 70.0, 20.0, 0.0, 20.0, 40.0, 50.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 30.0, 50.0, 100.0, 100.0, 0.0, 100.0, 90.0, 100.0, 60.0, 90.0, 100.0, 80.0, 100.0, 100.0, 30.0, 100.0, 50.0, 80.0, 20.0, 100.0, 100.0, 80.0, 10.0, 10.0, 40.0, 20.0, 0.0, 10.0, 90.0, 30.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 30.0, 100.0, 100.0, 100.0, 30.0, 10.0, 0.0, 80.0, 100.0, 0.0, 60.0, 20.0, 100.0, 0.0, 0.0, 70.0, 20.0, 80.0, 30.0, 30.0, 100.0, 50.0, 100.0, 30.0, 100.0, 80.0, 10.0, 100.0, 100.0, 100.0, 30.0, 100.0, 70.0, 100.0, 10.0, 100.0, 60.0, 100.0, 30.0, 20.0, 100.0, 0.0, 10.0, 0.0, 0.0, 20.0, 30.0, 0.0, 60.0, 100.0, 0.0, 100.0, 40.0, 10.0, 100.0, 10.0, 40.0, 30.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 0.0, 70.0, 0.0, 100.0, 20.0, 100.0, 100.0, 100.0, 10.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 90.0, 80.0, 20.0, 20.0, 30.0, 100.0, 100.0, 10.0, 40.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 0.0, 0.0, 0.0, 20.0, 100.0, 100.0, 100.0, 0.0, 20.0, 60.0, 30.0, 100.0, 70.0, 20.0, 100.0, 50.0, 100.0, 50.0, 10.0, 0.0, 0.0, 10.0, 0.0, 10.0, 90.0, 0.0, 30.0, 0.0, 100.0, 0.0, 0.0, 90.0, 30.0, 100.0, 20.0, 100.0, 60.0, 0.0, 20.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 80.0, 10.0, 10.0, 100.0, 100.0, 60.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 50.0, 70.0, 100.0, 100.0, 100.0, 10.0, 40.0, 20.0, 100.0, 10.0, 90.0, 0.0, 100.0, 0.0, 50.0, 0.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0, 90.0, 100.0, 30.0, 80.0, 70.0, 0.0, 100.0, 40.0, 60.0, 0.0, 60.0, 0.0, 10.0, 60.0, 100.0, 100.0, 40.0, 40.0, 0.0, 50.0, 10.0, 20.0, 100.0, 100.0, 0.0, 20.0, 0.0, 0.0, 20.0, 0.0, 50.0, 100.0, 60.0, 0.0, 100.0, 0.0, 100.0, 20.0, 100.0, 100.0, 20.0, 100.0, 50.0, 20.0, 100.0, 100.0, 70.0, 0.0, 90.0, 10.0, 0.0, 50.0, 70.0, 90.0, 20.0, 100.0, 100.0, 100.0, 20.0, 100.0, 60.0, 10.0, 100.0, 50.0, 0.0, 50.0, 100.0, 100.0, 50.0, 100.0, 40.0, 100.0, 90.0, 20.0, 100.0, 10.0, 0.0, 0.0], (4600, 4600): [10.0, 20.0, 10.0, 100.0, 80.0, 30.0, 0.0, 0.0, 0.0, 50.0, 0.0, 40.0, 50.0, 60.0, 0.0, 0.0, 50.0, 30.0, 100.0, 0.0, 0.0, 100.0, 100.0, 10.0, 20.0, 0.0, 50.0, 70.0, 60.0, 20.0, 0.0, 50.0, 100.0, 30.0, 0.0, 70.0, 0.0, 100.0, 40.0, 60.0, 100.0, 30.0, 60.0, 100.0, 10.0, 60.0, 100.0, 20.0, 50.0, 0.0, 50.0, 10.0, 0.0, 10.0, 0.0, 70.0, 60.0, 100.0, 100.0, 100.0, 0.0, 0.0, 0.0, 40.0, 70.0, 40.0, 100.0, 0.0, 40.0, 60.0, 50.0, 60.0, 0.0, 40.0, 70.0, 50.0, 100.0, 10.0, 20.0, 10.0, 30.0, 10.0, 10.0, 100.0, 10.0, 50.0, 10.0, 30.0, 50.0, 70.0, 10.0, 40.0, 100.0, 0.0, 0.0, 100.0, 10.0, 60.0, 50.0, 10.0, 10.0, 10.0, 70.0, 30.0, 30.0, 100.0, 20.0, 0.0, 0.0, 100.0, 20.0, 100.0, 20.0, 100.0, 70.0, 80.0, 80.0, 0.0, 40.0, 30.0, 10.0, 20.0, 10.0, 0.0, 0.0, 40.0], (0, 0): [60.0, 40.0, 60.0, -1.0, 50.0, 20.0, 50.0, 40.0, 40.0, 50.0, 0.0, 10.0, 60.0, 10.0, 0.0, 10.0, 90.0, 10.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 80.0, 100.0, 40.0, 50.0, -1.0, 20.0, 10.0, -1.0, 40.0, 70.0, 30.0, 40.0, 60.0, 20.0, 20.0, 40.0, 0.0, 50.0, 20.0, 30.0, 30.0, 10.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 20.0, 0.0, 90.0, 20.0, 50.0, 30.0, 20.0, 70.0, 30.0, 20.0, 50.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 40.0, 50.0, 30.0, 50.0, 0.0, 30.0, 10.0, 40.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 20.0, 20.0, 30.0, 20.0, 60.0, 50.0, 90.0, 50.0, 50.0, 80.0, 40.0, 30.0, 10.0, 40.0, 30.0, 70.0, 20.0, 10.0, 10.0, 90.0, 20.0, 70.0, 10.0, -1.0, 10.0, 60.0, 70.0, 60.0, -1.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 50.0, 20.0, 10.0, 60.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 0.0, 20.0, 10.0, 50.0, 10.0, 40.0, -1.0, -1.0, 10.0, 20.0, 60.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, -1.0, 40.0, -1.0, -1.0, -1.0, 80.0, 30.0, 50.0, 40.0, 20.0, 30.0, 60.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 40.0, 10.0, 20.0, 30.0, 40.0, 0.0, 40.0, 40.0, 60.0, 50.0, 40.0, 40.0, 20.0, 20.0, 30.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 20.0, 70.0, 40.0, 30.0, 40.0, 40.0, 20.0, 20.0, 40.0, 50.0, 10.0, 50.0, 30.0, 50.0, 50.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 50.0, 40.0, 70.0, 0.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 40.0, 30.0, 40.0, 20.0, 10.0, 0.0, 30.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 10.0, -1.0, 40.0, 0.0, 10.0, 50.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 50.0, 20.0, 10.0, 30.0, 30.0, 10.0, 20.0, 20.0, 40.0, 40.0, 60.0, 20.0, 40.0, 40.0, 10.0, 40.0, 10.0, 20.0, 0.0, 20.0, 50.0, 50.0, -1.0, 0.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 60.0, 20.0, 20.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 20.0, 50.0, 20.0, 30.0, 0.0, 30.0, 30.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 70.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 70.0, 70.0, 60.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 10.0, 40.0, 50.0, 60.0, 30.0, 10.0, 30.0, 40.0, 0.0, 10.0, -1.0, 40.0, 40.0, 10.0, 30.0, 20.0, 30.0, 60.0, 10.0, 20.0, 50.0, 30.0, 10.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 30.0, 10.0, 10.0, 40.0, 0.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, -1.0, 20.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 70.0, 40.0, -1.0, 40.0, 0.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 0.0, 70.0, 40.0, 50.0, -1.0, 50.0, 60.0, 10.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 10.0, 10.0, 10.0, 30.0], (6900, 0): [30.0, 100.0, 80.0, 80.0, 100.0, 60.0, 90.0, 80.0, 70.0, 50.0, 80.0, 60.0, 60.0, 20.0, 40.0, 90.0, 50.0, 90.0, 60.0, 100.0, 60.0, 40.0, 100.0, 50.0, 70.0, 90.0, 30.0, 20.0, 60.0, 60.0, 100.0, 70.0, 50.0, 100.0, 100.0, 60.0, 80.0, 30.0, 80.0, 60.0, 70.0, 90.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 10.0, 100.0, 90.0, 20.0, 70.0, 100.0, 70.0, 10.0, 100.0, 70.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 70.0, 70.0, 40.0, 80.0, 100.0, 30.0, 100.0, 50.0, 100.0, 0.0, 100.0, 60.0, 80.0, 100.0, 70.0, 100.0, 80.0, 100.0, 100.0, 60.0, 70.0, 80.0, 90.0, 30.0, 100.0, 40.0, 100.0, 30.0, 40.0, 100.0, 90.0, 80.0, 20.0, 40.0, 80.0, 100.0, 100.0, 60.0, 80.0, 60.0, 60.0, 90.0, 100.0, 60.0, 100.0, 90.0, 100.0, 50.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 100.0, 100.0, 70.0, 50.0, 10.0, 100.0, 90.0, 100.0, 90.0, 80.0, 90.0, 60.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 60.0, 80.0, 80.0, 50.0, 80.0, 100.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 20.0, 10.0, 100.0, 50.0, 20.0, 100.0, 70.0, 80.0, 90.0, 100.0, 100.0, 50.0, 80.0, 100.0, 30.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 60.0, 100.0, 30.0, 100.0, 90.0, 80.0, 10.0, 90.0, 80.0, 90.0, 50.0, 30.0, 10.0, 100.0, 80.0, 70.0, 90.0, 70.0, 70.0, 70.0, 20.0, 10.0, 20.0, 100.0, 100.0, 90.0, 100.0, 60.0, 40.0, 30.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 100.0, 20.0, 50.0, 70.0, 90.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 20.0, 60.0, 70.0, 80.0, 10.0, 60.0, 60.0, 90.0, 10.0, 80.0, 100.0, 0.0, 60.0, 30.0, 100.0, 100.0, 40.0, 100.0, 50.0, 40.0, 100.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 80.0, 60.0, 70.0, 100.0, 50.0, 10.0, 40.0, 100.0, 70.0, 70.0, 20.0, 100.0, 80.0, 70.0, 60.0, 100.0, 80.0, 30.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 50.0, 50.0, 70.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 30.0, 60.0, 100.0, 70.0, 100.0, 60.0, 50.0, 80.0, 50.0, 70.0, 100.0, 90.0, 70.0, 70.0, 50.0, 20.0, 100.0, 80.0, 90.0, 90.0, 80.0, 100.0, 90.0, 60.0, 70.0, 90.0, 60.0, 50.0, 60.0, 90.0, 90.0, 100.0, 90.0, 90.0, 80.0, 10.0, 80.0, 80.0, 80.0, 60.0, 100.0, 90.0, 80.0, 20.0, 80.0, 100.0, 70.0, 90.0, 60.0, 70.0, 100.0, 90.0, 90.0, 30.0, 60.0, 80.0, 100.0, 100.0, 90.0, 50.0, 60.0, 100.0, 100.0, 50.0, 100.0, 20.0, 100.0, 60.0, 80.0, 90.0, 20.0, 50.0, 80.0, 100.0, 90.0, 70.0, 100.0, 90.0, 60.0, 100.0, 100.0, 20.0, 100.0, 90.0, 90.0, 90.0, 60.0, 90.0, 100.0, 70.0, 70.0, 100.0, 90.0, 80.0, 70.0, 20.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 80.0, 100.0, 90.0, 80.0, 100.0, 70.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 90.0, 70.0, 90.0, 60.0, 60.0, 70.0, 60.0, 20.0, 100.0, 80.0, 100.0, 70.0, 60.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 80.0, 100.0, 0.0, 100.0, 70.0, 60.0, 60.0, 90.0, 30.0, 80.0, 30.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 60.0, 70.0, 90.0, 80.0, 90.0, 90.0, 30.0, 50.0, 100.0, 40.0, 80.0, 80.0, 80.0, 30.0, 70.0, 100.0, 80.0, 80.0, 70.0, 90.0], (6900, 2300): [40.0, 90.0, 0.0, 40.0, 100.0, 20.0, 100.0, 0.0, 100.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 70.0, 0.0, 100.0, 30.0, 30.0, 90.0, 80.0, 40.0, 100.0, 80.0, 50.0, 30.0, 30.0, 100.0, 100.0, 70.0, 40.0, 90.0, 30.0, 70.0, 100.0, 100.0, 20.0, 40.0, 90.0, 10.0, 30.0, 20.0, 90.0, 90.0, 10.0, 30.0, 100.0, 80.0, 0.0, 20.0, 50.0, 70.0, 100.0, 20.0, 90.0, 0.0, 100.0, 60.0, 100.0, 100.0, 80.0, 100.0, 60.0, 100.0, 70.0, 80.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 10.0, 100.0, 10.0, 10.0, 0.0, 100.0, 30.0, 60.0, 0.0, 20.0, 10.0, 10.0, 100.0, 100.0, 60.0, 40.0, 10.0, 100.0, 50.0, 100.0, 30.0, 20.0, 20.0, 100.0, 30.0, 60.0, 20.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 20.0, 80.0, 0.0, 10.0, 100.0, 30.0, 40.0, 100.0, 40.0, 40.0, 40.0, 100.0, 40.0, 90.0, 0.0, 0.0, 100.0, 20.0, 100.0, 30.0, 100.0, 40.0, 100.0, 100.0, 100.0, 0.0, 0.0, 20.0, 70.0, 0.0, 100.0, 100.0, 70.0, 10.0, 100.0, 80.0, 70.0, 0.0, 80.0, 100.0, 100.0, 90.0, 30.0, 40.0, 80.0, 80.0, 50.0, 20.0, 70.0, 10.0, 30.0, 40.0, 100.0, 0.0, 100.0, 100.0, 40.0, 90.0, 70.0, 100.0, 100.0, 10.0, 70.0, 0.0, 80.0, 100.0, 70.0, 10.0, 100.0, 100.0, 100.0, 10.0, 30.0, 20.0, 0.0, 60.0, 50.0, 20.0, 0.0, 40.0, 100.0, 100.0, 30.0, 100.0, 70.0, 100.0, 100.0, 50.0, 0.0, 100.0, 0.0, 90.0, 100.0, 100.0, 50.0, 90.0, 100.0, 30.0, 90.0, 20.0, 40.0, 10.0, 40.0, 80.0, 0.0, 50.0, 100.0, 30.0, 0.0, 70.0, 100.0, 0.0, 100.0, 0.0, 30.0, 100.0, 0.0, 100.0, 100.0, 100.0, 60.0, 10.0, 10.0, 80.0, 30.0, 20.0, 0.0, 50.0, 50.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 40.0, 80.0, 70.0, 30.0, 0.0, 100.0, 60.0, 100.0, 0.0, 20.0, 30.0, 100.0, 100.0, 0.0, 70.0, 0.0, 0.0, 100.0, 100.0, 30.0, 80.0, 0.0, 0.0, 0.0, 90.0, 100.0, 10.0, 10.0, 90.0, 10.0, 80.0, 40.0, 80.0, 100.0, 100.0, 80.0, 100.0, 20.0, 0.0, 100.0, 100.0, 0.0, 70.0, 100.0, 10.0, 20.0, 70.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 10.0, 60.0, 90.0, 100.0, 10.0, 0.0, 70.0, 40.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 60.0, 50.0, 0.0, 30.0, 100.0, 90.0, 100.0, 0.0, 100.0, 100.0, 30.0, 40.0, 100.0, 30.0, 90.0, 100.0, 80.0, 50.0, 70.0, 70.0, 100.0, 70.0, 100.0, 90.0, 100.0, 70.0, 10.0, 20.0, 90.0, 10.0, 0.0, 90.0, 100.0, 40.0, 40.0, 10.0, 70.0, 50.0, 100.0, 0.0, 0.0, 50.0, 20.0, 70.0, 30.0, 100.0, 100.0, 50.0, 100.0, 50.0, 10.0, 10.0, 40.0, 60.0, 100.0, 0.0, 100.0, 100.0, 100.0, 60.0, 70.0, 30.0, 80.0, 30.0, 50.0, 50.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 70.0, 0.0, 30.0, 100.0, 0.0, 60.0, 90.0, 100.0, 100.0, 80.0, 60.0, 90.0, 10.0, 20.0, 100.0, 50.0, 100.0, 100.0, 70.0, 20.0, 10.0, 50.0, 100.0, 0.0, 20.0, 0.0, 10.0, 60.0, 70.0, 10.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 60.0, 50.0, 20.0, 100.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 50.0, 0.0, 70.0, 100.0, 60.0, 100.0, 90.0, 50.0, 30.0, 100.0, 60.0, 60.0, 100.0, 60.0, 80.0, 70.0, 50.0, 70.0, 0.0, 10.0, 0.0, 30.0, 10.0, 0.0, 10.0, 100.0, 40.0, 100.0, 30.0, 20.0, 100.0, 0.0, 100.0, 100.0, 60.0, 40.0, 10.0, 100.0, 0.0, 80.0, 20.0, 100.0, 100.0, 20.0, 80.0, 50.0, 90.0, 80.0, 100.0, 20.0, 100.0, 40.0, 90.0, 10.0, 0.0, 70.0, 100.0, 80.0, 50.0, 100.0, 20.0, 10.0, 30.0, 80.0, 100.0, 90.0, 100.0, 100.0, 60.0, 80.0, 90.0, 100.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 10.0, 70.0, 100.0, 40.0, 100.0, 30.0, 30.0, 50.0, 100.0, 100.0, 100.0, 80.0, 100.0, 20.0, 0.0, 80.0, 0.0, 10.0, 80.0, 30.0, 50.0, 100.0, 50.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 0.0, 10.0, 90.0, 10.0, 20.0, 30.0, 0.0, 60.0, 90.0, 60.0, 70.0, 40.0, 20.0, 30.0, 20.0, 10.0, 100.0, 60.0, 80.0, 20.0, 30.0, 20.0, 100.0, 50.0, 80.0, 100.0, 100.0, 20.0, 100.0, 0.0, 80.0, 60.0, 100.0, 50.0, 100.0, 70.0, 20.0, 60.0, 70.0, 0.0, 100.0, 100.0, 100.0, 60.0, 90.0, 20.0, 60.0, 100.0, 50.0, 0.0, 100.0, 80.0, 100.0, 0.0, 20.0, 80.0, 40.0, 60.0, 100.0, 60.0, 0.0, 0.0, 100.0, 10.0, 100.0, 80.0, 60.0, 50.0, 30.0, 0.0, 10.0, 60.0, 30.0, 100.0, 70.0, 30.0, 90.0, 20.0, 0.0, 0.0, 10.0, 100.0, 100.0, 30.0, 30.0, 40.0, 80.0, 10.0, 90.0, 100.0, 50.0, 100.0, 60.0, 100.0, 70.0, 0.0, 90.0, 60.0, 50.0, 100.0, 0.0, 100.0, 70.0, 20.0, 100.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 10.0, 100.0, 100.0, 100.0, 40.0, 80.0, 30.0, 100.0, 100.0, 30.0, 70.0, 100.0, 0.0, 100.0, 60.0, 80.0, 10.0, 100.0, 100.0, 100.0, 70.0, 0.0, 20.0, 30.0, 30.0, 70.0, 20.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 40.0, 10.0, 10.0, 0.0, 100.0, 10.0, 10.0, 100.0, 100.0, 0.0, 50.0, 100.0, 100.0, 70.0, 20.0, 0.0, 50.0, 30.0, 100.0, 30.0, 100.0, 30.0, 70.0, 90.0, 0.0, 100.0, 100.0, 0.0, 80.0, 40.0, 0.0, 100.0, 70.0, 100.0, 90.0, 100.0, 20.0, 60.0, 0.0, 30.0, 90.0, 0.0, 100.0, 10.0, 90.0, 90.0, 60.0, 100.0, 90.0, 0.0, 30.0, 90.0, 20.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 40.0, 60.0, 60.0, 50.0, 60.0, 100.0, 30.0, 20.0, 70.0, 60.0, 40.0, 40.0, 100.0, 60.0, 10.0, 100.0, -1.0, 20.0, 100.0, 60.0, 90.0, 10.0, 100.0, 90.0, 50.0, 40.0, 100.0, 100.0, 10.0, 10.0, 80.0, 100.0, 30.0, 60.0, 50.0, 0.0, 20.0, 20.0, 0.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 40.0, 100.0, 40.0, 20.0, 0.0, 100.0, 50.0, 20.0, 0.0, 100.0, 0.0, 20.0], (2300, 0): [10.0, 10.0, 0.0, 60.0, 0.0, 30.0, 10.0, 10.0, 70.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 40.0, 30.0, 30.0, 30.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 10.0, -1.0, 20.0, 20.0, 40.0, 20.0, 20.0, 10.0, 10.0, 20.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 80.0, 30.0, -1.0, 20.0, 30.0, 20.0, -1.0, 10.0, 20.0, 0.0, -1.0, 90.0, -1.0, 40.0, -1.0, -1.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 30.0, 10.0, 30.0, 20.0, 60.0, 30.0, 40.0, -1.0, 20.0, -1.0, 50.0, -1.0, 10.0, 30.0, 40.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 70.0, 0.0, 0.0, 40.0, -1.0, 80.0, 40.0, 40.0, 40.0, -1.0, 20.0, 50.0, 10.0, 60.0, -1.0, -1.0, 40.0, 10.0, 20.0, 20.0, 60.0, 20.0, 30.0, 30.0, 50.0, 40.0, 30.0, 20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 10.0, 40.0, 30.0, 20.0, 0.0, 30.0, 30.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 10.0, 60.0, -1.0, 10.0, 30.0, 10.0, 20.0, 20.0, 20.0, 100.0, -1.0, 20.0, 50.0, 10.0, 10.0, 90.0, 20.0, -1.0, 50.0, 70.0, 90.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 20.0, 40.0, 20.0, -1.0, 40.0, 20.0, -1.0, 10.0, 20.0, 10.0, 70.0, 40.0, 10.0, 80.0, 50.0, 10.0, 10.0, 40.0, 40.0, 20.0, 80.0, 10.0, 50.0, 70.0, 20.0, 100.0, 50.0, 30.0, 70.0, 40.0, 30.0, 40.0, 10.0, 40.0, 40.0, 50.0, 50.0, 60.0, 20.0, 20.0, 10.0, 30.0, 70.0, 30.0, 60.0, 10.0, 30.0, 60.0, 10.0, 50.0, 60.0, 10.0, -1.0, 40.0, 30.0, 50.0, 30.0, 20.0, 10.0, 40.0, 30.0, 40.0, 80.0, 40.0, 50.0, 60.0, 60.0, 60.0, 20.0, 20.0, 80.0, 10.0, -1.0, 50.0, -1.0, 10.0, 10.0, 10.0, 100.0, 40.0, -1.0, -1.0, 30.0, -1.0, 80.0, -1.0, 60.0, 30.0, 20.0, 20.0, 20.0, -1.0, -1.0, 60.0, 10.0, 20.0, 40.0, 10.0, -1.0, 0.0, 80.0, 40.0, 10.0, 60.0, 30.0, 60.0, 10.0, 40.0, 20.0, 10.0, 20.0, 30.0, 40.0, 30.0, -1.0, 0.0, 10.0, 40.0, 10.0, 20.0, 10.0, 20.0, 20.0, 40.0, 30.0, 50.0, 30.0, 40.0, 20.0, 10.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 20.0, 80.0, 30.0, 40.0, 80.0, 20.0, 10.0, 60.0, 50.0, -1.0, 20.0, -1.0, 10.0, 50.0, 20.0, 10.0, 80.0, -1.0, 40.0, 10.0, -1.0, 30.0, 50.0, 10.0, 20.0, -1.0, 50.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 30.0, 20.0, 10.0, 50.0, 10.0, 10.0, 40.0, 10.0, 20.0, 30.0, 0.0, 90.0, -1.0, 30.0, -1.0, -1.0, 30.0, -1.0, 30.0, 30.0, 40.0, 40.0, 30.0, 70.0, 60.0, 60.0, 10.0, 20.0, 10.0, 60.0, 40.0, 20.0, 50.0, -1.0, 20.0, 60.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 40.0, 30.0, 30.0, 0.0, -1.0, 100.0, 40.0, 20.0, 40.0, 20.0, 40.0, 20.0, 10.0, 40.0, -1.0, 30.0, 70.0, 30.0, 20.0, 30.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 50.0, 80.0, 30.0, 0.0, 40.0, 50.0, 20.0, 20.0, 20.0, 70.0, 30.0, 10.0, -1.0, 10.0, 30.0, 30.0, -1.0, 20.0, 30.0, 90.0, 20.0, 30.0, 40.0, 10.0, 10.0, 10.0, 10.0, 70.0, 20.0, 30.0, 10.0, 10.0, 30.0, 20.0, -1.0, 10.0, 40.0, 10.0, 10.0, 60.0, 30.0, 40.0, 10.0, 20.0, 0.0, 60.0, 80.0, 30.0, 30.0, 40.0, 20.0, 10.0, 20.0, 50.0, 60.0, 20.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 10.0, 50.0, 30.0, 40.0, 100.0, 50.0, 50.0, 30.0, 20.0, 30.0, 60.0, 40.0, 0.0, -1.0, 40.0, -1.0, 30.0, 20.0, 40.0, 20.0, 100.0, 40.0, 20.0, 70.0, -1.0, 10.0, 40.0, 60.0, 10.0, 10.0, 20.0, 30.0, 30.0, 40.0, -1.0, 30.0, 60.0, 80.0, -1.0, 30.0, 40.0, 10.0, -1.0, 0.0, 50.0, 20.0, 90.0, 30.0, 60.0, 10.0, -1.0, 80.0, 20.0, 50.0, 60.0, 20.0, 30.0, 20.0, 0.0, -1.0, 20.0, 40.0, 30.0, 40.0, 50.0, 20.0, -1.0, 30.0, 90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 20.0, 10.0, 20.0, 60.0, 40.0, 50.0, 40.0, 20.0, 40.0, 40.0, 60.0, 20.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 20.0, 60.0, 0.0, 10.0, 30.0, -1.0, 60.0, 40.0, 70.0, 20.0, 10.0, 0.0, 0.0, 30.0, 30.0, 20.0, 60.0, -1.0, -1.0, 10.0, 70.0, 20.0, 20.0, 10.0, 50.0, 40.0, 0.0, 10.0, 60.0, 10.0, 80.0, 30.0, 20.0, 30.0, 20.0, 10.0, 60.0, 10.0, 10.0, -1.0, 0.0, 0.0, -1.0, 30.0, 40.0, 10.0, 60.0, 30.0, 20.0, 10.0, 10.0, 10.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 20.0, 10.0, 40.0, -1.0, 20.0, 40.0, 20.0, 40.0, 60.0, 80.0, -1.0, 40.0, 30.0, 80.0, 40.0, 40.0, 10.0, 70.0, 50.0, 60.0, 50.0, 40.0, 50.0, 50.0, 70.0, 30.0, 50.0, 30.0, 10.0, 20.0, -1.0, 50.0, 80.0, 30.0, 10.0, 20.0, 70.0, 40.0, 10.0, 40.0, 40.0, 30.0, 50.0, 40.0, 30.0, -1.0, 50.0, 30.0, 50.0, 30.0, 40.0, 60.0, 10.0, -1.0, 30.0, -1.0, 50.0, 30.0, -1.0, 50.0, 60.0, 50.0, 0.0, 60.0, 10.0, 20.0, 30.0, -1.0, 30.0, -1.0, -1.0, 10.0, 30.0, 50.0, 40.0, 10.0, -1.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 40.0, 10.0, -1.0, 40.0, 20.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 30.0, 20.0, 0.0, -1.0, 40.0, 10.0, 40.0, 60.0, 70.0, 30.0, 40.0, 10.0, 30.0, 50.0, 40.0, 50.0, 30.0, 50.0, 30.0, 100.0, 20.0, 20.0, 50.0, 20.0, 30.0, -1.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, -1.0, 40.0, 40.0, 10.0, 60.0, 0.0, 10.0, 60.0, 50.0, 40.0, 30.0, 10.0, 60.0, 50.0, 50.0, 10.0, 40.0, 10.0, 30.0, -1.0, 90.0, 30.0, 70.0, 10.0, 60.0, 60.0, 60.0, 50.0, 30.0, 0.0, 20.0, 50.0, 70.0, 20.0, 10.0, 20.0, 30.0, 50.0, 40.0, 20.0, 80.0, 50.0, 20.0, 40.0, 60.0, 90.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 30.0, -1.0, -1.0, 10.0, 10.0, 40.0, 10.0, -1.0, 20.0, 60.0, 60.0, 40.0, 40.0, 10.0, -1.0, 10.0, 20.0, 10.0, 20.0, 20.0, 20.0, 40.0, 40.0, 20.0, 20.0, 10.0, 40.0, 10.0, 20.0, 70.0, 30.0, 0.0, 20.0, 20.0, -1.0, 30.0, 30.0, 20.0, 30.0, 0.0, 50.0, 40.0, 20.0, 80.0, 20.0, 20.0, 50.0, 60.0, 10.0, -1.0, 50.0, 30.0, 30.0, 40.0, 30.0, 0.0, 10.0, 30.0, 30.0, 60.0, 40.0, 30.0, 30.0, 100.0, 40.0, 0.0, 30.0, -1.0, 20.0, 60.0, 10.0, 20.0, 70.0, 20.0, 40.0, 10.0, 90.0, 20.0, 30.0, 40.0, 40.0, 40.0, 20.0, -1.0, 50.0, 100.0, 40.0, 40.0, 10.0, 10.0, 40.0, 20.0, 50.0, -1.0, 70.0, 0.0, 30.0, 10.0, 20.0, 30.0, 30.0, 10.0, 20.0, 10.0, 40.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, 40.0, 10.0, 40.0, 40.0, 0.0, 50.0, 40.0, 40.0], (4600, 0): [80.0, 70.0, 10.0, 0.0, 30.0, 60.0, 70.0, 60.0, 10.0, 10.0, 30.0, 50.0, 0.0, 40.0, 60.0, 40.0, 10.0, 30.0, 30.0, 70.0, 0.0, 10.0, 50.0, 60.0, 100.0, 60.0, 20.0, 30.0, 10.0, 10.0, 20.0, 30.0, 10.0, 60.0, 10.0, 40.0, 20.0, 40.0, 80.0, 20.0, 0.0, 0.0, 10.0, 20.0, 50.0, 50.0, 30.0, 30.0, 10.0, -1.0, 60.0, 40.0, 30.0, 30.0, 20.0, 10.0, 80.0, 40.0, 10.0, 10.0, 20.0, 50.0, 20.0, 10.0, 30.0, 0.0, 80.0, 50.0, 30.0, 20.0, 90.0, 0.0, 0.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 30.0, 0.0, 30.0, 30.0, 70.0, 80.0, 40.0, 60.0, 60.0, 70.0, 40.0, 50.0, 10.0, 30.0, 30.0, 10.0, 20.0, 40.0, 50.0, 30.0, 90.0, 10.0, 10.0, 40.0, 30.0, 30.0, 0.0, 40.0, 50.0, 30.0, 20.0, 20.0, 30.0, 0.0, 30.0, 50.0, 0.0, 40.0, 30.0, 0.0, 40.0, 10.0, 50.0, 30.0, 20.0, 50.0, 50.0, 40.0, 50.0, 10.0, 10.0, 40.0, 60.0, 0.0, 10.0, 40.0, 10.0, 10.0, 0.0, 10.0, 60.0, 10.0, 30.0, 20.0, 0.0, 0.0, 60.0, 40.0, 40.0, 50.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 60.0, 50.0, 50.0, 30.0, 10.0, 0.0, 40.0, 0.0, 40.0, 60.0, 50.0, 20.0, 10.0, 10.0, 100.0, 50.0, 50.0, 40.0, 50.0, 40.0, 50.0, 30.0, 10.0, 10.0, 20.0, 20.0, 0.0, 50.0, 50.0, 0.0, 0.0, 40.0, 40.0, 30.0, 10.0, 10.0, 10.0, 40.0, 30.0, 20.0, 40.0, 50.0, 20.0, 40.0, 50.0, 100.0, 0.0, 10.0, 10.0, 30.0, 40.0, 30.0, 10.0, 40.0, 20.0, 40.0, 20.0, 10.0, 50.0, 60.0, 10.0, 20.0, 40.0, 10.0, 70.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 0.0, 10.0, 0.0, 0.0, 10.0, 40.0, 0.0, 10.0, 10.0, 10.0, 60.0, 0.0, 40.0, 40.0, 20.0, 40.0, 50.0, 30.0, 20.0, 30.0, 30.0, 10.0, 40.0, 60.0, 60.0, 50.0, 0.0, 10.0, 20.0, 60.0, 0.0, 0.0, 10.0, 10.0, 50.0, 60.0, 60.0, 40.0, 60.0, 30.0, 90.0, 0.0, 10.0, 30.0, 50.0, 0.0, 90.0, 50.0, 0.0, 0.0, 60.0, 30.0, 0.0, 30.0, 40.0, 60.0, 30.0, 0.0, 30.0, 10.0, 10.0, 50.0, 70.0, 30.0, 40.0, 30.0, 0.0, -1.0, 100.0, 40.0, 70.0, 40.0, 20.0, 60.0, 30.0, 20.0, 10.0, 50.0, 30.0, 30.0, 0.0, 20.0, 60.0, 40.0, 0.0, 60.0, 20.0, 0.0, 40.0, 60.0, 60.0, 10.0, 40.0, 40.0, 10.0, 30.0, 30.0, 30.0, 70.0, 30.0, 20.0, 10.0, 10.0, 30.0, 0.0, 20.0, 10.0, 10.0, 10.0, 40.0, 0.0, 70.0, 70.0, 30.0, 0.0, 30.0, 60.0, 20.0, 60.0, 50.0, 0.0, 40.0, 0.0, 50.0, 60.0, 50.0, 50.0, 40.0, 10.0, 10.0, 30.0, 90.0, 40.0, 40.0, 100.0, 10.0, 30.0, 50.0, 30.0, 50.0, 50.0, 60.0, 60.0, 20.0, 30.0, 40.0, 50.0, 50.0, 10.0, 20.0, 40.0, 100.0, 10.0, 20.0, 40.0, 50.0, 0.0, 40.0, 20.0, 40.0, 50.0, 20.0, 10.0, 30.0, 20.0, 70.0, 50.0, 60.0, 90.0, 50.0, 10.0, 10.0, 40.0, 20.0, 30.0, 20.0, 10.0, 30.0, 70.0, 70.0, 0.0, 20.0, 0.0, 40.0, 20.0, 0.0, 70.0, 30.0, 10.0, 60.0, 40.0, 0.0, 100.0, 10.0, 50.0, 70.0, 80.0, 10.0, 20.0, 20.0, 80.0, 0.0, 50.0, 60.0, 40.0, 20.0, 20.0, 20.0, 50.0, 10.0, 40.0, 50.0, 60.0, 50.0, 30.0, 50.0, 30.0, 10.0, 20.0, 60.0, 30.0, 10.0, 30.0, 60.0, 20.0, 20.0, 40.0, 30.0, 40.0, 40.0, 10.0, 80.0, 20.0, 0.0, 20.0, 0.0, 70.0, 20.0, 40.0, 20.0, 0.0, 100.0, 20.0, 60.0, 30.0, 10.0, 30.0, 10.0, 20.0, 50.0, 20.0, 40.0, 20.0, 40.0, 20.0, 30.0, 30.0, 50.0, 30.0, 50.0, 10.0, 80.0, 40.0, 80.0, 50.0, 30.0, 0.0, 10.0, 100.0, 70.0, 10.0, 40.0, 50.0, 10.0, 50.0, 40.0, 20.0, 60.0, 30.0, 70.0, 0.0, 60.0, 10.0, 20.0, 40.0, 70.0, 50.0, 10.0, 30.0, 20.0, 30.0, 50.0, 10.0, 10.0, 20.0, 70.0, 10.0, 10.0, 40.0, 30.0, 40.0, 0.0, 10.0, 10.0, 40.0, 20.0, 10.0, 0.0, 30.0, 20.0, 10.0, 40.0, 20.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2400 = {(2400, 0): [10.0, 10.0, 0.0, 50.0, 60.0, 0.0, 30.0, 10.0, 10.0, 70.0, 20.0, 20.0, 10.0, 30.0, 40.0, 30.0, 40.0, 20.0, 40.0, 30.0, 30.0, 30.0, 40.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 10.0, -1.0, 40.0, 20.0, 30.0, 20.0, 40.0, 20.0, 20.0, 10.0, 20.0, 10.0, 20.0, 10.0, 10.0, 20.0, 60.0, 80.0, 90.0, 80.0, 30.0, -1.0, 20.0, 30.0, 20.0, -1.0, 10.0, 20.0, 0.0, -1.0, 90.0, -1.0, 40.0, -1.0, -1.0, 30.0, 30.0, 30.0, 40.0, 50.0, 30.0, 30.0, 10.0, 30.0, 20.0, 60.0, 30.0, 40.0, -1.0, 20.0, -1.0, 50.0, -1.0, 10.0, 30.0, 0.0, 40.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 70.0, 90.0, 0.0, 0.0, 40.0, -1.0, 50.0, 80.0, 40.0, 40.0, 10.0, 40.0, -1.0, 20.0, 50.0, 50.0, 10.0, 60.0, -1.0, -1.0, 40.0, 10.0, 20.0, 60.0, 20.0, 30.0, 10.0, 30.0, 50.0, 40.0, 30.0, 20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 10.0, 40.0, 30.0, 20.0, 0.0, 30.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 10.0, 60.0, 10.0, 30.0, 10.0, 20.0, 20.0, 20.0, 100.0, -1.0, 20.0, 50.0, 10.0, 10.0, 40.0, 80.0, 90.0, 20.0, -1.0, 50.0, 70.0, 10.0, 90.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 20.0, 10.0, 40.0, 20.0, -1.0, 40.0, 40.0, 20.0, -1.0, 10.0, 20.0, 30.0, 10.0, 70.0, 40.0, 10.0, 80.0, 50.0, 10.0, 10.0, 40.0, 40.0, 20.0, 80.0, 10.0, 50.0, 30.0, 0.0, 70.0, 20.0, 100.0, 50.0, 30.0, 70.0, 40.0, 30.0, 40.0, 10.0, 40.0, 40.0, 50.0, 50.0, 60.0, 20.0, 20.0, 10.0, 30.0, 30.0, 60.0, 10.0, 30.0, 60.0, 10.0, 50.0, 60.0, 10.0, -1.0, 40.0, 30.0, 50.0, 30.0, 20.0, 30.0, 10.0, 40.0, 40.0, 10.0, 80.0, 40.0, 0.0, 50.0, 60.0, 60.0, 60.0, 20.0, 20.0, 80.0, 10.0, -1.0, 50.0, -1.0, 10.0, 10.0, 10.0, 100.0, 40.0, -1.0, 0.0, 30.0, -1.0, 80.0, 0.0, 10.0, 60.0, 30.0, 10.0, 20.0, 30.0, 20.0, -1.0, -1.0, 60.0, 60.0, 10.0, 20.0, 40.0, 50.0, 10.0, -1.0, 0.0, 80.0, 40.0, 10.0, 60.0, 30.0, 60.0, 10.0, 90.0, 40.0, 20.0, 10.0, 20.0, 40.0, 0.0, 30.0, 30.0, 30.0, 10.0, -1.0, 0.0, 10.0, 40.0, 10.0, 20.0, 10.0, 20.0, 20.0, 40.0, 30.0, 50.0, 30.0, 40.0, 20.0, 20.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 80.0, 30.0, 40.0, 80.0, 20.0, 10.0, 60.0, 50.0, -1.0, 20.0, -1.0, 10.0, 50.0, 20.0, 10.0, 80.0, -1.0, 40.0, -1.0, 50.0, 10.0, 20.0, -1.0, 0.0, 50.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 30.0, 40.0, 10.0, 30.0, 20.0, 10.0, 50.0, 10.0, 10.0, 40.0, 10.0, 20.0, 30.0, 0.0, 90.0, -1.0, 30.0, -1.0, 10.0, 30.0, -1.0, 30.0, 30.0, 40.0, 40.0, 30.0, 70.0, 60.0, 60.0, 10.0, 20.0, 10.0, 60.0, 40.0, 20.0, 50.0, -1.0, 20.0, 10.0, 60.0, 40.0, 30.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 0.0, 30.0, 40.0, 30.0, 0.0, 30.0, 0.0, -1.0, 100.0, 10.0, 40.0, 20.0, 40.0, 20.0, 40.0, 20.0, 10.0, 40.0, -1.0, 30.0, 30.0, 20.0, 30.0, 40.0, 10.0, 50.0, 40.0, 30.0, 10.0, 10.0, 40.0, 50.0, 80.0, 30.0, 0.0, 40.0, 50.0, 20.0, 20.0, 20.0, 70.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 30.0, -1.0, 20.0, 30.0, 90.0, 20.0, 30.0, 40.0, 10.0, 10.0, 10.0, 80.0, 70.0, 20.0, 30.0, 10.0, 10.0, 30.0, 30.0, 20.0, -1.0, 10.0, 40.0, 10.0, 10.0, 30.0, 40.0, 10.0, 20.0, 0.0, 60.0, 80.0, 30.0, 10.0, 30.0, 40.0, 40.0, 70.0, 0.0, 20.0, 10.0, 20.0, 50.0, 60.0, 20.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 10.0, 50.0, 30.0, 40.0, 100.0, -1.0, 50.0, 50.0, 30.0, 20.0, 30.0, 60.0, 40.0, 0.0, -1.0, 30.0, 40.0, 10.0, 30.0, 20.0, 40.0, 20.0, 100.0, 40.0, 20.0, 70.0, -1.0, 10.0, 40.0, 60.0, 10.0, 10.0, 20.0, 30.0, 30.0, 40.0, -1.0, 30.0, 60.0, 80.0, 40.0, -1.0, 30.0, 40.0, 10.0, -1.0, 50.0, 20.0, 90.0, 60.0, 10.0, -1.0, 80.0, 20.0, 50.0, 60.0, 20.0, 30.0, 30.0, 60.0, 20.0, 0.0, -1.0, 20.0, 40.0, 0.0, 30.0, 40.0, 50.0, 20.0, 10.0, -1.0, 30.0, 90.0, 10.0, 70.0, 30.0, 0.0, 0.0, 50.0, 20.0, 10.0, 20.0, 60.0, 40.0, 50.0, 40.0, 20.0, 40.0, 0.0, 40.0, 60.0, 20.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 20.0, 60.0, 10.0, 0.0, 10.0, 30.0, -1.0, 60.0, 40.0, 40.0, 70.0, 20.0, 10.0, 0.0, 0.0, 90.0, 60.0, 30.0, 30.0, 20.0, 60.0, -1.0, 10.0, 70.0, 10.0, 20.0, 20.0, 10.0, 40.0, 0.0, 10.0, 60.0, 10.0, 80.0, 30.0, 20.0, 30.0, 20.0, 10.0, 60.0, 10.0, 10.0, 30.0, 0.0, -1.0, 30.0, 20.0, 40.0, 10.0, 60.0, 30.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 20.0, 10.0, 40.0, -1.0, 20.0, 40.0, 20.0, 40.0, 60.0, 80.0, -1.0, 40.0, 30.0, 80.0, 40.0, 40.0, 10.0, 70.0, 50.0, 20.0, 60.0, 60.0, 50.0, 40.0, 10.0, 50.0, 90.0, 50.0, 70.0, 30.0, 10.0, 50.0, 30.0, 20.0, 10.0, 20.0, -1.0, 50.0, 80.0, 30.0, 10.0, 20.0, 70.0, 40.0, 40.0, 10.0, 40.0, 30.0, 40.0, 30.0, 50.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 50.0, 30.0, 70.0, 40.0, 60.0, 30.0, 10.0, -1.0, 30.0, 30.0, -1.0, 50.0, 30.0, -1.0, 50.0, 60.0, 10.0, 50.0, 0.0, 60.0, 10.0, 20.0, 30.0, -1.0, 30.0, -1.0, 10.0, -1.0, 10.0, 30.0, 40.0, 50.0, 10.0, 40.0, 10.0, -1.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 40.0, 20.0, 10.0, -1.0, 40.0, 20.0, 40.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 20.0, 0.0, -1.0, 40.0, 10.0, 20.0, 40.0, 60.0, 70.0, 30.0, 40.0, 10.0, 30.0, 70.0, 50.0, 60.0, 40.0, 50.0, 30.0, 50.0, 30.0, 100.0, 20.0, 20.0, 50.0, 20.0, 30.0, -1.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, 20.0, -1.0, 40.0, 40.0, 10.0, 60.0, 10.0, 0.0, 10.0, 20.0, 60.0, 50.0, 70.0, 40.0, 30.0, 10.0, 60.0, 50.0, 50.0, 10.0, 40.0, 10.0, 30.0, 40.0, -1.0, 90.0, 30.0, 70.0, 10.0, 60.0, 60.0, 50.0, 30.0, 0.0, 20.0, 50.0, 50.0, 70.0, 20.0, 10.0, -1.0, 30.0, 30.0, 50.0, 40.0, 20.0, 80.0, 50.0, 20.0, 40.0, 60.0, 90.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 60.0, 30.0, -1.0, -1.0, 10.0, 10.0, 40.0, 10.0, 50.0, -1.0, 10.0, 60.0, 60.0, 40.0, 40.0, 10.0, -1.0, 10.0, 20.0, 10.0, 20.0, 20.0, 20.0, 40.0, 40.0, 20.0, 20.0, 10.0, 40.0, 10.0, 50.0, 20.0, 70.0, 30.0, 0.0, 20.0, 20.0, -1.0, 30.0, 30.0, 30.0, 0.0, 50.0, 40.0, 20.0, 80.0, 20.0, 20.0, 10.0, 50.0, 10.0, -1.0, 50.0, 30.0, 30.0, 40.0, 30.0, 0.0, 10.0, 30.0, 30.0, 60.0, 40.0, 30.0, 30.0, 100.0, 40.0, 0.0, 30.0, -1.0, 20.0, 60.0, 40.0, 10.0, 20.0, 100.0, 70.0, 20.0, 40.0, 10.0, 90.0, 0.0, 20.0, 30.0, 40.0, 40.0, 40.0, 20.0, -1.0, 50.0, 100.0, 40.0, 40.0, 10.0, 40.0, 20.0, 50.0, -1.0, 70.0, 0.0, 30.0, 10.0, 20.0, 30.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 10.0, 0.0, 40.0, 10.0, 40.0, 40.0, 10.0, 50.0, 40.0, 40.0], (4800, 0): [80.0, 30.0, 70.0, 10.0, 100.0, 0.0, 30.0, 60.0, 70.0, 60.0, 10.0, 10.0, 60.0, 50.0, 0.0, 40.0, 60.0, 40.0, 10.0, 30.0, 30.0, 70.0, 0.0, 10.0, 50.0, 60.0, 100.0, 60.0, 20.0, 60.0, 60.0, 20.0, 30.0, 10.0, 10.0, 20.0, 30.0, 10.0, 60.0, 10.0, 40.0, 20.0, 40.0, 80.0, 30.0, 80.0, 20.0, 0.0, 10.0, 20.0, 50.0, 50.0, 30.0, 30.0, 10.0, -1.0, 60.0, 40.0, 30.0, 30.0, 20.0, 10.0, 80.0, 100.0, 40.0, 10.0, 10.0, 20.0, 50.0, 20.0, 100.0, 30.0, 0.0, 80.0, 50.0, 30.0, 20.0, 90.0, 0.0, 0.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 30.0, 40.0, 0.0, 30.0, 40.0, 30.0, 70.0, 80.0, 40.0, 60.0, 60.0, 70.0, 40.0, 50.0, 30.0, 30.0, 20.0, 50.0, 40.0, 50.0, 30.0, 90.0, 10.0, 10.0, 40.0, 30.0, 100.0, 40.0, 60.0, 50.0, 30.0, 30.0, 30.0, 20.0, 30.0, 20.0, 30.0, 0.0, 30.0, 50.0, 0.0, 40.0, 30.0, 0.0, 40.0, 30.0, 10.0, 50.0, 20.0, 50.0, 50.0, 40.0, 50.0, 10.0, 40.0, 60.0, 60.0, 10.0, 40.0, 10.0, 10.0, 10.0, 60.0, 20.0, 50.0, 0.0, 60.0, 0.0, 60.0, 40.0, 40.0, 50.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 60.0, 50.0, 100.0, 50.0, 60.0, 30.0, 10.0, 40.0, 0.0, 40.0, 60.0, 50.0, 0.0, 20.0, 10.0, 40.0, 10.0, 100.0, 50.0, 50.0, 40.0, 50.0, 40.0, 50.0, 30.0, 10.0, 10.0, 20.0, 20.0, 0.0, 0.0, 60.0, 50.0, 50.0, 0.0, 40.0, 40.0, 30.0, 10.0, 10.0, 40.0, 20.0, 40.0, 50.0, 20.0, 40.0, 50.0, 100.0, 0.0, 10.0, 10.0, 30.0, 40.0, 10.0, 40.0, 20.0, 40.0, 20.0, 10.0, 50.0, 60.0, 10.0, 20.0, 50.0, 40.0, 70.0, 20.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 10.0, 0.0, 10.0, 40.0, 0.0, 10.0, 10.0, 60.0, 50.0, 0.0, 40.0, 40.0, 20.0, 100.0, 30.0, 40.0, 50.0, 30.0, 20.0, 30.0, 30.0, 10.0, 40.0, 60.0, 60.0, 50.0, 0.0, 10.0, 20.0, 60.0, 0.0, 0.0, 10.0, 50.0, 60.0, 60.0, 60.0, 40.0, 30.0, 60.0, 30.0, 90.0, 0.0, 10.0, 30.0, 50.0, 0.0, 90.0, 50.0, 0.0, 0.0, 60.0, 30.0, 0.0, 30.0, 40.0, 60.0, 30.0, 0.0, 30.0, 10.0, 10.0, 20.0, 20.0, 10.0, 50.0, 70.0, 30.0, 40.0, 30.0, 0.0, 100.0, 40.0, 60.0, 70.0, 70.0, 40.0, 20.0, 60.0, 30.0, 20.0, 10.0, 50.0, 30.0, 30.0, 0.0, 20.0, 60.0, 40.0, 70.0, 0.0, 60.0, 20.0, 0.0, 40.0, 80.0, 60.0, 70.0, 60.0, 10.0, 10.0, 40.0, 40.0, 10.0, 30.0, 30.0, 100.0, 30.0, 70.0, 30.0, 40.0, 20.0, 60.0, 10.0, 10.0, 30.0, 10.0, 20.0, 10.0, 10.0, 40.0, 0.0, 70.0, 60.0, 70.0, 30.0, 0.0, 30.0, 60.0, 60.0, 20.0, 60.0, 50.0, 40.0, 0.0, 50.0, 60.0, 50.0, 50.0, 40.0, 10.0, 10.0, 30.0, 90.0, 40.0, 80.0, 40.0, 100.0, 30.0, 50.0, 30.0, 50.0, 60.0, 50.0, 40.0, 60.0, 60.0, 60.0, 20.0, 30.0, 0.0, 40.0, 20.0, 50.0, 50.0, 10.0, 40.0, 100.0, 10.0, 30.0, 20.0, 40.0, 50.0, 0.0, 60.0, 50.0, 40.0, 20.0, 70.0, 40.0, 50.0, 20.0, 10.0, 30.0, 70.0, 50.0, 60.0, 90.0, 50.0, 10.0, 10.0, 0.0, 40.0, 60.0, 20.0, 30.0, 20.0, 10.0, 60.0, 30.0, 60.0, 70.0, 0.0, 20.0, 0.0, 40.0, 20.0, 0.0, 70.0, 30.0, 60.0, 60.0, 40.0, 0.0, 100.0, 80.0, 50.0, 70.0, 80.0, 10.0, 20.0, 80.0, 0.0, 50.0, 60.0, 40.0, 100.0, 20.0, 20.0, 20.0, 50.0, 10.0, 40.0, 60.0, 80.0, 50.0, 60.0, 50.0, 60.0, 50.0, 30.0, 50.0, 30.0, 10.0, 50.0, 20.0, 60.0, 30.0, 10.0, 30.0, 60.0, 20.0, 40.0, 10.0, 30.0, 40.0, 40.0, 100.0, 80.0, 20.0, 0.0, 0.0, 20.0, 0.0, 20.0, 0.0, 100.0, 20.0, 60.0, 30.0, 10.0, 30.0, 10.0, 20.0, 50.0, 20.0, 40.0, 20.0, 80.0, 100.0, 40.0, 20.0, 70.0, 30.0, 30.0, 50.0, 30.0, 80.0, 40.0, 80.0, 50.0, 60.0, 30.0, 0.0, 10.0, 100.0, 70.0, 10.0, 40.0, 50.0, 60.0, 10.0, 50.0, 40.0, 20.0, 60.0, 30.0, 70.0, 0.0, 60.0, 20.0, 30.0, 40.0, 30.0, 70.0, 50.0, 10.0, 60.0, 60.0, 30.0, 20.0, 10.0, 80.0, 30.0, 40.0, 50.0, 10.0, 10.0, 0.0, 20.0, 70.0, 10.0, 60.0, 10.0, 40.0, 30.0, 90.0, 40.0, 0.0, 10.0, 80.0, 40.0, 20.0, 10.0, 0.0, 30.0, 20.0, 40.0, 20.0], (7200, 2400): [40.0, 90.0, 0.0, 40.0, 100.0, 20.0, 100.0, 100.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 70.0, 40.0, 20.0, 0.0, 100.0, 30.0, 30.0, 80.0, 100.0, 50.0, 30.0, 30.0, 100.0, 100.0, 90.0, 30.0, 70.0, 100.0, 20.0, 40.0, 30.0, 20.0, 60.0, 90.0, 90.0, 10.0, 30.0, 100.0, 80.0, 100.0, 10.0, 0.0, 50.0, 70.0, 100.0, 90.0, 0.0, 100.0, 100.0, 80.0, 100.0, 60.0, 70.0, 80.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 40.0, 0.0, 100.0, 30.0, 10.0, 60.0, 10.0, 10.0, 100.0, 100.0, 60.0, 40.0, 70.0, 10.0, 100.0, 100.0, 30.0, 20.0, 20.0, 100.0, 60.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 20.0, 0.0, 100.0, 10.0, 100.0, 70.0, 50.0, 40.0, 100.0, 100.0, 40.0, 40.0, 100.0, 40.0, 90.0, 0.0, 100.0, 80.0, 100.0, 30.0, 100.0, 40.0, 100.0, 100.0, 100.0, 0.0, 0.0, 20.0, 70.0, 0.0, 100.0, 100.0, 70.0, 100.0, 70.0, 100.0, 80.0, 90.0, 70.0, 90.0, 0.0, 100.0, 100.0, 90.0, 30.0, 80.0, 80.0, 50.0, 70.0, 10.0, 30.0, 40.0, 100.0, 100.0, 100.0, 40.0, 90.0, 70.0, 80.0, 100.0, 100.0, 10.0, 80.0, 10.0, 0.0, 80.0, 100.0, 70.0, 10.0, 100.0, 40.0, 100.0, 10.0, 30.0, 20.0, 0.0, 60.0, 50.0, 0.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 40.0, 50.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 50.0, 90.0, 100.0, 100.0, 20.0, 10.0, 40.0, 80.0, 50.0, 100.0, 30.0, 70.0, 100.0, 20.0, 90.0, 0.0, 0.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 100.0, 20.0, 10.0, 10.0, 80.0, 100.0, 20.0, 20.0, 0.0, 50.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 100.0, 40.0, 80.0, 70.0, 70.0, 30.0, 0.0, 100.0, 60.0, 0.0, 20.0, 30.0, 100.0, 100.0, 70.0, 0.0, 100.0, 100.0, 30.0, 0.0, 30.0, 100.0, 10.0, 90.0, 10.0, 80.0, 80.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 0.0, 70.0, 20.0, 70.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 10.0, 60.0, 90.0, 100.0, 10.0, 0.0, 80.0, 70.0, 40.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 50.0, 100.0, 0.0, 30.0, 100.0, 90.0, 100.0, 40.0, 0.0, 100.0, 100.0, 30.0, 100.0, 30.0, 90.0, 80.0, 50.0, 70.0, 100.0, 90.0, 100.0, 70.0, 10.0, 20.0, 10.0, 0.0, 90.0, 100.0, 40.0, 40.0, 10.0, 70.0, 100.0, 0.0, 0.0, 50.0, 20.0, 30.0, 100.0, 100.0, 50.0, 100.0, 50.0, 10.0, 60.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 60.0, 70.0, 30.0, 80.0, 30.0, 50.0, 50.0, 50.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 40.0, 0.0, 30.0, 100.0, 0.0, 60.0, 90.0, 100.0, 80.0, 60.0, 90.0, 10.0, 20.0, 100.0, 100.0, 100.0, 70.0, 20.0, 10.0, 50.0, 100.0, 100.0, 20.0, 0.0, 10.0, 100.0, 10.0, 30.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 80.0, 60.0, 50.0, 100.0, 100.0, 40.0, 100.0, 10.0, 100.0, 70.0, 100.0, 60.0, 100.0, 90.0, 50.0, 100.0, 60.0, 60.0, 100.0, 100.0, 80.0, 100.0, 70.0, 50.0, 30.0, 70.0, 0.0, 10.0, 30.0, 10.0, 100.0, 0.0, 10.0, 100.0, 100.0, 100.0, 30.0, 80.0, 100.0, 100.0, 100.0, 0.0, 60.0, 40.0, 10.0, 100.0, 0.0, 80.0, 20.0, 100.0, 100.0, 20.0, 80.0, 50.0, 90.0, 100.0, 20.0, 100.0, 90.0, 10.0, 70.0, 100.0, 80.0, 10.0, 50.0, 100.0, 100.0, 20.0, 10.0, 30.0, 80.0, 100.0, 70.0, 90.0, 100.0, 100.0, 60.0, 80.0, 90.0, 100.0, 30.0, 20.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 30.0, 100.0, 90.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 10.0, 70.0, 100.0, 100.0, 30.0, 30.0, 50.0, 100.0, 100.0, 80.0, 20.0, 0.0, 80.0, 100.0, 0.0, 30.0, 100.0, 50.0, 100.0, 30.0, 100.0, 100.0, 100.0, 0.0, 10.0, 90.0, 30.0, 60.0, 100.0, 10.0, 60.0, 70.0, 40.0, 20.0, 20.0, 10.0, 100.0, 60.0, 0.0, 100.0, 30.0, 20.0, 100.0, 20.0, 80.0, 30.0, 100.0, 100.0, 100.0, 0.0, 80.0, 60.0, 100.0, 50.0, 100.0, 20.0, 70.0, 20.0, 0.0, 100.0, 100.0, 100.0, 60.0, 20.0, 60.0, 0.0, 0.0, 100.0, 80.0, 100.0, 0.0, 80.0, 60.0, 100.0, 0.0, 0.0, 100.0, 50.0, 80.0, 60.0, 50.0, 30.0, 0.0, 10.0, 60.0, 30.0, 100.0, 70.0, 30.0, 0.0, 90.0, 100.0, 100.0, 30.0, 20.0, 30.0, 40.0, 80.0, 100.0, 100.0, 90.0, 50.0, 100.0, 100.0, 60.0, 70.0, 0.0, 90.0, 50.0, 0.0, 100.0, 0.0, 70.0, 50.0, 70.0, 20.0, 100.0, 40.0, 100.0, 100.0, 60.0, 100.0, 10.0, 100.0, 100.0, 100.0, 80.0, 100.0, 0.0, 100.0, 30.0, 100.0, 70.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 70.0, 0.0, 30.0, 70.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 10.0, 10.0, 0.0, 100.0, 10.0, 10.0, 100.0, 100.0, 0.0, 50.0, 100.0, 100.0, 70.0, 20.0, 50.0, 30.0, 40.0, 100.0, 30.0, 100.0, 30.0, 70.0, 90.0, 0.0, 100.0, 100.0, 0.0, 80.0, 40.0, 100.0, 100.0, 20.0, 60.0, 0.0, 0.0, 20.0, 30.0, 90.0, 0.0, 100.0, 90.0, 90.0, 60.0, 100.0, 90.0, 100.0, 20.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 70.0, 60.0, 40.0, 40.0, 60.0, 10.0, 100.0, 20.0, 100.0, 60.0, 10.0, 90.0, 50.0, 40.0, 10.0, 20.0, 10.0, 100.0, 30.0, 100.0, 60.0, 60.0, 50.0, 0.0, 20.0, 0.0, 100.0, 100.0, 100.0, 40.0, 50.0, 100.0, 40.0, 100.0, 40.0, 20.0, 0.0, 100.0, 50.0, 20.0, 0.0, 100.0, 0.0, 20.0], (4800, 4800): [90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 0.0, 50.0, 0.0, 50.0, 0.0, 100.0, 90.0, 90.0, 50.0, 60.0, 30.0, 20.0, 0.0, 0.0, 60.0, 50.0, 0.0, 0.0, 10.0, 90.0, 90.0, 30.0, 100.0, 10.0, 50.0, 50.0, 0.0, 10.0, 0.0, 50.0, 100.0, 90.0, 20.0, 100.0, 100.0, 0.0, 100.0, 40.0, 40.0, 40.0, 30.0, 0.0, 20.0, 10.0, 30.0, 20.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 50.0, 70.0, 60.0, 10.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 40.0, 10.0, 50.0], (0, 0): [60.0, 40.0, 60.0, -1.0, 50.0, 20.0, 50.0, 40.0, 40.0, 50.0, 50.0, 0.0, 10.0, 60.0, 10.0, 0.0, 10.0, 90.0, 10.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 80.0, 100.0, 40.0, 50.0, -1.0, 20.0, 10.0, -1.0, 40.0, 70.0, 30.0, 40.0, 60.0, 20.0, 20.0, 40.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 20.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 20.0, 50.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 40.0, 50.0, 30.0, 50.0, 0.0, 30.0, 10.0, 40.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 20.0, 20.0, 30.0, 20.0, 60.0, 50.0, 90.0, 50.0, 70.0, 50.0, 80.0, 40.0, 30.0, 10.0, 40.0, 30.0, 30.0, 70.0, 20.0, 10.0, 10.0, 90.0, 20.0, 70.0, 10.0, -1.0, -1.0, 10.0, -1.0, 60.0, 70.0, 60.0, 20.0, -1.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 50.0, 20.0, 10.0, 60.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 0.0, 20.0, 10.0, 50.0, 10.0, 10.0, 40.0, 20.0, -1.0, -1.0, 10.0, 20.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, -1.0, -1.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 40.0, 20.0, 30.0, 60.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 40.0, 10.0, 20.0, 30.0, 40.0, 0.0, 40.0, 40.0, 60.0, 50.0, 40.0, 40.0, 20.0, 20.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 20.0, 70.0, 40.0, 30.0, 40.0, 40.0, 20.0, 20.0, 40.0, 50.0, 10.0, 50.0, 30.0, 50.0, 50.0, 10.0, 50.0, 90.0, 50.0, 10.0, 10.0, 30.0, 50.0, 40.0, 70.0, 0.0, 60.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 40.0, 30.0, 40.0, 20.0, 10.0, 0.0, -1.0, 30.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 0.0, 10.0, -1.0, 30.0, 40.0, 0.0, 10.0, 50.0, 20.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 50.0, 20.0, 10.0, 30.0, 30.0, 10.0, 20.0, 20.0, 40.0, 40.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 20.0, 0.0, -1.0, 20.0, 0.0, 50.0, 50.0, -1.0, 0.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 70.0, 20.0, 30.0, 60.0, 20.0, 20.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 20.0, 50.0, 20.0, 30.0, 0.0, 30.0, 30.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 70.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 70.0, 70.0, 60.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 10.0, 30.0, 40.0, 0.0, 10.0, 60.0, -1.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 30.0, 60.0, 10.0, 20.0, 50.0, 30.0, 10.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 30.0, 10.0, 10.0, 40.0, 0.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, -1.0, 20.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 60.0, 70.0, 40.0, -1.0, 40.0, 0.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 0.0, 70.0, 40.0, 50.0, -1.0, 50.0, 60.0, 10.0, 10.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 40.0, 10.0, 0.0, 10.0, 10.0, 30.0], (4800, 2400): [40.0, 20.0, 60.0, 30.0, 60.0, 50.0, 70.0, 0.0, 0.0, 20.0, 0.0, 0.0, 90.0, 10.0, 100.0, 100.0, 0.0, 100.0, 0.0, 0.0, 100.0, 100.0, 20.0, 20.0, 80.0, 60.0, 100.0, 40.0, 40.0, 10.0, 0.0, 20.0, 100.0, 0.0, 60.0, 60.0, 10.0, 90.0, 10.0, 0.0, 20.0, 50.0, 40.0, 0.0, 40.0, 50.0, 20.0, 100.0, 20.0, 100.0, 30.0, 10.0, 10.0, 100.0, 80.0, 40.0, 50.0, 100.0, 0.0, 10.0, 100.0, 60.0, 20.0, 70.0, 20.0, 0.0, 30.0, 70.0, 20.0, 0.0, 0.0, 50.0, 40.0, 0.0, 40.0, 60.0, 10.0, 100.0, 70.0, 60.0, 10.0, 10.0, 30.0, 0.0, 30.0, 80.0, 10.0, 10.0, 100.0, 30.0, 10.0, 60.0, 90.0, 0.0, 0.0, 20.0, 40.0, 70.0, 100.0, 20.0, 30.0, 0.0, 100.0, 20.0, 20.0, 30.0, 20.0, 0.0, 20.0, 40.0, 40.0, 50.0, 80.0, 100.0, 40.0, 20.0, 70.0, 0.0, 10.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 0.0, 60.0, 40.0, 10.0, 50.0, 20.0, 60.0, 0.0, 100.0, 0.0, 100.0, 0.0, 60.0, 0.0, 90.0, 10.0, 20.0, 10.0, 100.0, 40.0, 10.0, 100.0, 0.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 40.0, 50.0, 20.0, 40.0, 0.0, 10.0, 50.0, 80.0, 0.0, 20.0, 60.0, 10.0, 0.0, 10.0, 60.0, 90.0, 0.0, 10.0, 20.0, 10.0, 0.0, 0.0, 20.0, 10.0, 80.0, 100.0, 40.0, 0.0, 50.0, 0.0, 30.0, 0.0, 10.0, 0.0, 30.0, 50.0, 20.0, 60.0, 10.0, 0.0, 10.0, 100.0, 0.0, 40.0, 100.0, 40.0, 70.0, 40.0, 50.0, 0.0, 0.0, 80.0, 100.0, 70.0, 0.0, 30.0, 30.0, 10.0, 30.0, 40.0, 10.0, 60.0, 90.0, 80.0, 0.0, 30.0, 40.0, 40.0, 30.0, 40.0, 0.0, 0.0, 30.0, 80.0, 10.0, 30.0, 0.0, 0.0, 30.0, 20.0, 10.0, 40.0, 10.0, 0.0, 20.0, 10.0, 30.0, 0.0, 10.0, 30.0, 40.0, 50.0, 60.0, 0.0, 70.0, 0.0, 0.0, 0.0, 90.0, 20.0, 20.0, 50.0, 30.0, 20.0, 80.0, 20.0, 20.0, 10.0, 100.0, 30.0, 0.0, 0.0, 100.0, 0.0, 30.0, 40.0, 100.0, 0.0, 10.0, 0.0, 30.0, 100.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 90.0, 40.0, 0.0, 20.0, 80.0, 10.0, 0.0, 60.0, 10.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 0.0, 10.0, 0.0, 10.0, 80.0, 30.0, 0.0, 20.0, 90.0, 100.0, 0.0, 0.0, 30.0, 70.0, 80.0, 10.0, 80.0, 40.0, 80.0, 90.0, 20.0, 90.0, 20.0, 0.0, 10.0, 0.0, 0.0, 0.0, 60.0, 10.0, 0.0, 50.0, 40.0, 100.0, 0.0, 10.0, 20.0, 100.0, 90.0, 0.0, 0.0, 40.0, 0.0, 10.0, 0.0, 10.0, 100.0, 30.0, 100.0, 20.0, 20.0, 0.0, 50.0, 20.0, 10.0, 90.0, 20.0, 80.0, 0.0, 20.0, 0.0, 10.0, 60.0, 10.0, 10.0, 0.0, 50.0, 10.0, 20.0, 0.0, 0.0, 10.0, 100.0, 70.0, 0.0, 0.0, 50.0, 20.0, 80.0, 100.0, 10.0, 50.0, 20.0, 10.0, 40.0, 20.0, 20.0, 20.0, 0.0, 10.0, 50.0, 20.0, 40.0, 20.0, 70.0, 80.0, 70.0, 10.0, 0.0, 0.0, 70.0, 0.0, 70.0, 0.0, 40.0, 100.0, 0.0, 0.0, 10.0, 0.0, 50.0, 60.0, 90.0, 0.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 90.0, 0.0, 0.0, -1.0, 0.0, 90.0, 0.0, 30.0, 30.0, 10.0, 60.0, 40.0, 90.0, 20.0, 0.0, 70.0, 100.0, 100.0, 50.0, 40.0, 30.0, 100.0, 90.0, 20.0, 40.0, 90.0, 10.0, 60.0, 40.0, 60.0, 80.0, 100.0, 60.0, 0.0, 20.0, 0.0, 0.0, 10.0, 50.0, 0.0, 0.0, 100.0, 40.0, 30.0, 10.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 50.0, 60.0, 10.0, 0.0, 10.0, 80.0, 10.0, 0.0, 50.0, 70.0, 20.0, 100.0, 10.0, 50.0, 0.0, 70.0, 40.0, 20.0, 0.0, 30.0, 90.0, 0.0, 60.0, 60.0, 30.0, 90.0, 0.0, 10.0, 80.0, 20.0, 100.0, 0.0, 60.0, 0.0, 50.0, 100.0, 0.0, 100.0, 10.0, 40.0, 20.0, 100.0, 0.0, 30.0, 50.0, 20.0, 20.0, 80.0, 0.0, 0.0, 0.0, 60.0, 60.0, 90.0, 100.0, 60.0, 100.0, 10.0, 0.0, 100.0, 20.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 0.0, 50.0, 20.0, 70.0, 80.0, 40.0, 100.0, 0.0, 10.0, 60.0, 0.0, 0.0, 20.0, 0.0, 20.0, 20.0, 0.0, 30.0, 80.0, 0.0, 20.0, 0.0, 40.0, 100.0, 40.0, 0.0, 80.0, 100.0, 60.0, 40.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 60.0, 0.0, 40.0, 10.0, 100.0, 20.0, 10.0, 40.0, 10.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 70.0, 10.0, 30.0, 90.0, 100.0, 100.0, 90.0, 30.0, 90.0, 0.0, 10.0, 60.0, 10.0, 0.0, 40.0, 40.0, 30.0, 100.0, 80.0, 50.0, 100.0, 60.0, 0.0, 20.0, 20.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 0.0, 100.0, 10.0, 100.0, 30.0, 100.0, 10.0, 60.0, 10.0, 20.0, 60.0, 70.0, 70.0, 60.0, 20.0, 10.0, 30.0, 0.0, 70.0, 30.0, 60.0, 20.0, 90.0, 100.0, 0.0, 90.0, 100.0, 0.0, 10.0, 100.0, 80.0, 0.0, 40.0, 30.0, 100.0, 40.0, 60.0, 80.0, 100.0, 0.0, 100.0, 70.0, 50.0, 0.0, 50.0, 0.0, 40.0, 0.0, 20.0, 80.0, 10.0, 70.0, 100.0, 70.0, 100.0, 0.0, 70.0, 80.0, 0.0, 30.0, 0.0, 0.0, 40.0, 40.0, 90.0, 70.0, 60.0, 100.0, 90.0, 50.0, 90.0, 30.0, 30.0, 20.0, 10.0, 0.0, 100.0, 0.0, 0.0, 20.0, 80.0, 100.0, 10.0, 50.0, 70.0, 0.0, 30.0, 10.0, 50.0, 0.0, 80.0, 0.0, 10.0, 70.0, 90.0, 60.0, 0.0, 0.0, 0.0, 0.0, 60.0, 20.0, 10.0, 0.0, 60.0, 40.0, 20.0, 40.0, 20.0, 0.0, 100.0, 10.0, 0.0, 10.0, 10.0, 10.0, 0.0, 30.0, 40.0, 0.0, 0.0, 10.0, 60.0, 60.0, 40.0, 10.0, 30.0, 100.0, 90.0, 40.0, 0.0, 90.0, 0.0, 0.0, 100.0, 10.0, 80.0, 40.0, 60.0, 90.0, 20.0, 0.0, 30.0, 50.0, 70.0, 90.0, 0.0, 10.0, 20.0, 90.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 40.0, 70.0, 50.0, 10.0, 0.0, 50.0, 50.0, 100.0, 0.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0, 30.0, 60.0, 40.0, 100.0, 100.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 70.0, 40.0, 100.0, 70.0, 50.0, 10.0, 0.0, 40.0, 70.0, 20.0, 20.0, 0.0, 0.0, 20.0, 10.0, 10.0, 20.0, 100.0, 0.0, 50.0, 80.0, 30.0, 0.0, 50.0, 100.0, 30.0, 0.0, 50.0, 80.0, 60.0, 10.0, 70.0, 100.0, 70.0, 50.0, 10.0, 60.0, 10.0, 10.0, 30.0, 0.0, 0.0, 20.0, 90.0, 10.0, 60.0, 50.0, 0.0, 100.0, 10.0, 0.0, 100.0, 50.0, 0.0, 30.0, 100.0, 50.0, 60.0, 0.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0, 10.0, 0.0, 100.0, 60.0, 20.0, 0.0, 10.0, 10.0, 0.0, 0.0, 10.0, 90.0, 20.0, 10.0, 100.0, 70.0, 40.0, 20.0, 0.0, 100.0, 10.0, 0.0, 10.0, 0.0, 10.0, 0.0, 50.0, 60.0, 30.0, 30.0, 0.0, 0.0, 20.0, 100.0, 60.0, 30.0, 10.0, 0.0, 90.0, 20.0, 100.0, 0.0, 40.0, 30.0, 0.0, 0.0, 30.0, 10.0, 0.0, 0.0, 100.0, 50.0, 0.0, 80.0, 40.0, 60.0, 20.0, 70.0, 0.0, 60.0, 30.0, 40.0, 80.0, 40.0, 30.0, 30.0, 10.0, 60.0, 0.0, 20.0, 40.0, 100.0, 20.0, 10.0, 80.0, 0.0, 10.0, 60.0, 80.0, 80.0, 20.0, 0.0, 40.0, 100.0, 30.0, 70.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 40.0, 20.0, 90.0, 0.0, 30.0, 100.0, 90.0, 20.0, 0.0, 40.0, 30.0, 80.0, 40.0, 30.0, 100.0, 0.0, 0.0, 0.0, 70.0, 60.0, 10.0, 20.0, 0.0, 50.0, 50.0, 20.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 60.0, 80.0, 90.0, 0.0, 40.0, 50.0, 70.0, 60.0, 0.0, 0.0, 70.0, 0.0, 10.0, 90.0, 40.0, 10.0, 40.0, 50.0, 0.0, 20.0, 20.0, 40.0, 40.0, 70.0, 100.0, 0.0, 0.0, 50.0, 80.0, 0.0, 20.0, 10.0, 70.0, 40.0, 40.0, 40.0, 20.0, 0.0, 100.0, 30.0, 100.0, 70.0, 10.0, 30.0, 100.0, 40.0, 0.0, 10.0, 0.0, 0.0, 100.0, 30.0, 30.0, 10.0, 80.0, 30.0, 30.0, 30.0, 100.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 0.0, 60.0, 100.0, 10.0, 10.0, 10.0, 30.0, 30.0, 10.0, 10.0, 100.0, 100.0, 30.0, 20.0, 20.0, 90.0, 10.0, 20.0, 100.0, 0.0, 50.0, 70.0, 20.0, 100.0, 60.0, 80.0, 80.0, -1.0, 20.0, 100.0, 0.0, 0.0, 30.0, 60.0, 0.0, 10.0, 20.0, 30.0, 100.0, 60.0, 0.0, 40.0, 30.0, 30.0, 10.0, 10.0, 0.0, 10.0, 20.0, 40.0, 60.0, 0.0, 40.0, 30.0, 30.0, 20.0, 50.0, 10.0, 10.0, 100.0, 80.0, 0.0, 100.0, 0.0, 90.0, 30.0, -1.0, 10.0, 0.0, 50.0, 20.0, 20.0, 30.0, 10.0, 70.0, 80.0, 0.0, 20.0, 70.0, 0.0, 100.0, 10.0, 10.0, 0.0, 20.0, 0.0, 60.0, 100.0, 0.0, 70.0, 0.0, 50.0, 0.0, 20.0, 60.0, 0.0, 30.0, 10.0, 90.0, 20.0, 70.0, 0.0, 10.0, 50.0, 10.0, 10.0, 100.0, 0.0, 20.0, 0.0, 20.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 90.0, 60.0, 50.0, 70.0, 20.0, 60.0, 90.0, 10.0, 10.0, 70.0, 80.0, 90.0, 40.0, 0.0, 20.0, 40.0, 30.0, 20.0, 0.0, 20.0, 90.0, 80.0, 60.0, 50.0, 20.0, 50.0, 80.0, 0.0, 0.0, 100.0, 50.0, 30.0, 20.0, 10.0, 60.0, 20.0, 30.0, 80.0, 0.0, 10.0, 20.0, 50.0, 0.0, 0.0, 80.0, 70.0, 0.0, 20.0, 0.0, 80.0, 20.0, 60.0, 60.0, 90.0, 100.0, 0.0, 70.0, 60.0, 20.0, 60.0, 10.0, 60.0, 30.0, 40.0, 0.0, 40.0, 0.0, 70.0, 0.0, 50.0, 40.0, 80.0, 0.0, 70.0, 40.0, 90.0, 90.0, 0.0, 0.0, 0.0, 10.0, 30.0, 10.0, 70.0, 0.0, 10.0, 0.0, 100.0, 70.0, 0.0, 40.0, 10.0, 50.0, 0.0, 50.0, 0.0, 60.0, 90.0, 100.0, 10.0, 50.0, 40.0, 70.0, 50.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 30.0, 40.0, 0.0, 20.0, 20.0, 70.0, 20.0, 0.0, 60.0, 70.0, 30.0, 50.0, 100.0, 80.0, 40.0, 20.0, 100.0, 60.0, 0.0, 10.0, 60.0, 0.0, 20.0, 0.0, 10.0, 10.0, 70.0, 0.0, 50.0, 10.0, 30.0, 10.0, 20.0, 0.0, 0.0, 0.0, 10.0, 100.0, 60.0, 0.0, 100.0, 70.0, 0.0, 90.0, 60.0, 40.0, 20.0, 10.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 10.0, 60.0, 20.0, 0.0, 40.0, 40.0, 20.0, 10.0, 0.0, 50.0, 0.0, 70.0, 0.0, 20.0, 50.0, 0.0, 100.0, 0.0, 10.0, 100.0, 20.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 0.0, 0.0, 30.0, 10.0, 0.0, 0.0, 20.0, 20.0, 30.0, 40.0, 100.0, 0.0, 100.0, 10.0, 10.0, 20.0, 0.0, 0.0, 20.0, 40.0, 90.0, 0.0, 20.0, 60.0, 10.0, 100.0, 20.0, 30.0, 60.0, 0.0, 0.0, 20.0, 30.0, 100.0, 70.0, 0.0, 90.0, 40.0, 20.0, 0.0, 100.0, 30.0, 10.0, 0.0, 60.0, 0.0, 100.0, 10.0, 100.0, 30.0, 0.0, 30.0, 30.0, 30.0, 60.0, 100.0, 0.0, 40.0, 20.0, 0.0, 100.0, 70.0, 0.0, 30.0, 100.0, 40.0, 10.0, 50.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 30.0, 100.0, 90.0, 20.0, 10.0, 20.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 30.0, 70.0, 80.0, 20.0, 100.0, 0.0, 80.0, 70.0, 100.0, 40.0, 0.0, 100.0, 50.0, 0.0, 0.0, 100.0, 0.0, 80.0, 20.0, 30.0, 20.0, 0.0, 20.0, 100.0, 90.0, 100.0, 0.0, 0.0, 0.0, 90.0, -1.0, 0.0, 100.0, 0.0, 0.0, 40.0, 50.0, 10.0, 0.0, 20.0, 0.0, 30.0, 90.0, 40.0, 0.0, 100.0, 0.0, 30.0, 10.0, 100.0, 100.0, 10.0, 20.0, 0.0, 50.0, 100.0, 20.0, 20.0, 100.0, 0.0, 0.0, 0.0, 10.0, 100.0, 60.0, 20.0, 50.0, 40.0, 20.0, 0.0, 50.0, 40.0, 50.0, 100.0, 80.0, 0.0, 100.0, 40.0, 40.0, 10.0, 100.0, 70.0, 10.0, 10.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 0.0, 90.0, -1.0, 100.0, 30.0, 60.0, 70.0, 80.0, 100.0, 50.0, 80.0, 0.0, 0.0, 0.0, 10.0, 70.0, 40.0, 50.0, 0.0, 10.0, 60.0, 0.0, 100.0, 0.0, 0.0, 70.0, 0.0, 0.0, 50.0, 0.0, 20.0, 10.0, 30.0, 90.0, 40.0, 70.0, 0.0, 60.0, 10.0, 0.0, 10.0, 20.0, 70.0, 100.0, 0.0, 100.0, 100.0, 0.0, 20.0, 30.0, 60.0, 0.0, 10.0, 10.0, 0.0, 40.0, 0.0, 60.0, 40.0, 60.0, 20.0, 10.0, 50.0, 60.0, 60.0, 30.0, 80.0, 30.0, 40.0, 50.0, 10.0, 0.0, 30.0, 50.0, 80.0, 50.0, 100.0, 0.0, 0.0, 40.0, 100.0, 50.0, 0.0, -1.0, 20.0, 0.0, 90.0, 0.0, 60.0, 10.0, 100.0, 20.0, 0.0, 0.0, 30.0, 40.0, 10.0, 100.0, 20.0, 100.0, 10.0, 50.0, 0.0, 80.0, 10.0, 60.0, 10.0, 20.0, 0.0, 90.0, 40.0, 70.0, 100.0, 70.0, 100.0, 0.0, 30.0, 30.0, 80.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 20.0, 90.0, 20.0, 30.0, 0.0, 50.0, 0.0, 70.0, 60.0, 20.0, 0.0, 20.0, 0.0, 10.0, 60.0, 10.0, 40.0, 0.0, 20.0, 40.0, 30.0, 0.0, 100.0, 10.0, 0.0, 100.0, 30.0, 0.0, 20.0, 0.0, 60.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 20.0, 50.0, 10.0, 10.0, 100.0], (7200, 4800): [20.0, 100.0, 50.0, 100.0, 100.0, 10.0, 30.0, 20.0, 100.0, 100.0, 30.0, 70.0, 100.0, 30.0, 50.0, 100.0, 50.0, 40.0, 10.0, 100.0, 90.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 10.0, 0.0, 20.0, 100.0, 100.0, 50.0, 20.0, 100.0, 0.0, 10.0, 100.0, 10.0, 60.0, 20.0, 100.0, 50.0, 30.0, 0.0, 100.0, 30.0, 20.0, 20.0, 10.0, 80.0, 90.0, 40.0, 0.0, 20.0, 100.0, 30.0, 50.0, 10.0, 10.0, 100.0, 100.0, 80.0, 90.0, 100.0, 40.0, 80.0, 70.0, 70.0, 0.0, 70.0, 100.0, 80.0, 80.0, 80.0, 100.0, 10.0, 0.0, 30.0, 90.0, 30.0, 100.0, 10.0, 100.0, 90.0, 30.0, 80.0, 100.0, 10.0, 10.0, 10.0, 100.0, 0.0, 20.0, 100.0, 20.0, 30.0, 0.0, 0.0, 0.0, 0.0, 100.0, 100.0, 50.0, 100.0, 90.0, 0.0, 60.0, 10.0, 10.0, 50.0, 100.0, 0.0, 50.0, 60.0, 90.0, 100.0, 40.0, 30.0, 50.0, 100.0, 20.0, 10.0, 70.0, 100.0, 0.0, 10.0, 100.0, 100.0, 90.0, 0.0, 100.0, 70.0, 0.0, 100.0, 10.0, 50.0, 100.0, 0.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 10.0, 90.0, 100.0, 100.0, 0.0, 70.0, 100.0, 0.0, 100.0, 100.0, 10.0, 0.0, 60.0, 100.0, 80.0, 20.0, 10.0, 100.0, 100.0, 30.0, 100.0, 0.0, 30.0, 10.0, 100.0, 70.0, 30.0, 0.0, 80.0, 60.0, 100.0, 100.0, 0.0, 80.0, 10.0, 20.0, 20.0, 90.0, 90.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 20.0, 20.0, 40.0, 10.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 90.0, 30.0, 100.0, 0.0, 20.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 60.0, 90.0, 80.0, 100.0, 30.0, 80.0, 100.0, 100.0, 10.0, 10.0, 20.0, 0.0, 10.0, 90.0, 30.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 100.0, 30.0, 10.0, 0.0, 100.0, 0.0, 60.0, 20.0, 100.0, 0.0, 70.0, 20.0, 80.0, 30.0, 30.0, 100.0, 50.0, 100.0, 80.0, 100.0, 100.0, 30.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 0.0, 10.0, 0.0, 0.0, 20.0, 100.0, 100.0, 40.0, 100.0, 10.0, 40.0, 40.0, 100.0, 100.0, 0.0, 70.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 20.0, 100.0, 100.0, 10.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 100.0, 0.0, 60.0, 30.0, 100.0, 70.0, 20.0, 100.0, 100.0, 50.0, 10.0, 0.0, 10.0, 0.0, 30.0, 0.0, 100.0, 0.0, 90.0, 30.0, 100.0, 100.0, 60.0, 0.0, 20.0, 100.0, 0.0, 100.0, 80.0, 10.0, 10.0, 100.0, 0.0, 0.0, 20.0, 100.0, 100.0, 100.0, 100.0, 10.0, 20.0, 10.0, 90.0, 0.0, 100.0, 50.0, 0.0, 0.0, 100.0, 90.0, 100.0, 90.0, 30.0, 80.0, 70.0, 40.0, 60.0, 0.0, 60.0, 0.0, 10.0, 60.0, 100.0, 40.0, 0.0, 50.0, 20.0, 100.0, 100.0, 0.0, 0.0, 20.0, 0.0, 50.0, 60.0, 0.0, 100.0, 0.0, 100.0, 20.0, 100.0, 100.0, 20.0, 100.0, 50.0, 20.0, 100.0, 100.0, 70.0, 0.0, 90.0, 10.0, 0.0, 50.0, 70.0, 90.0, 100.0, 100.0, 100.0, 10.0, 100.0, 50.0, 0.0, 50.0, 100.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 10.0, 0.0, 0.0], (7200, 0): [100.0, 80.0, 80.0, 60.0, 90.0, 80.0, 70.0, 50.0, 80.0, 60.0, 20.0, 40.0, 90.0, 50.0, 90.0, 60.0, 100.0, 60.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 90.0, 30.0, 100.0, 70.0, 50.0, 100.0, 100.0, 60.0, 80.0, 60.0, 70.0, 90.0, 100.0, 100.0, 70.0, 100.0, 100.0, 80.0, 90.0, 70.0, 10.0, 90.0, 20.0, 70.0, 100.0, 70.0, 10.0, 100.0, 70.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 70.0, 70.0, 80.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 60.0, 80.0, 100.0, 70.0, 100.0, 80.0, 100.0, 100.0, 70.0, 80.0, 90.0, 100.0, 40.0, 100.0, 40.0, 100.0, 90.0, 80.0, 20.0, 40.0, 80.0, 100.0, 100.0, 80.0, 60.0, 60.0, 90.0, 100.0, 60.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 30.0, 100.0, 100.0, 70.0, 50.0, 10.0, 100.0, 90.0, 0.0, 100.0, 90.0, 80.0, 90.0, 60.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 80.0, 50.0, 80.0, 100.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 50.0, 20.0, 100.0, 70.0, 80.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 100.0, 100.0, 90.0, 80.0, 10.0, 90.0, 80.0, 90.0, 50.0, 30.0, 10.0, 100.0, 80.0, 70.0, 90.0, 70.0, 70.0, 70.0, 10.0, 100.0, 100.0, 90.0, 100.0, 40.0, 30.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 100.0, 20.0, 50.0, 60.0, 90.0, 50.0, 100.0, 100.0, 100.0, 90.0, 100.0, 20.0, 70.0, 80.0, 10.0, 60.0, 90.0, 10.0, 80.0, 100.0, 30.0, 100.0, 100.0, 40.0, 100.0, 50.0, 40.0, 100.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 80.0, 60.0, 70.0, 100.0, 50.0, 10.0, 40.0, 100.0, 70.0, 70.0, 20.0, 100.0, 80.0, 70.0, 100.0, 80.0, 30.0, 40.0, 60.0, 60.0, 70.0, 50.0, 50.0, 70.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 60.0, 100.0, 70.0, 100.0, 10.0, 80.0, 50.0, 100.0, 90.0, 70.0, 70.0, 50.0, 20.0, 100.0, 80.0, 90.0, 90.0, 80.0, 100.0, 90.0, 70.0, 90.0, 50.0, 90.0, 90.0, 100.0, 90.0, 90.0, 80.0, 10.0, 80.0, 80.0, 80.0, 100.0, 90.0, 80.0, 20.0, 100.0, 70.0, 90.0, 60.0, 70.0, 100.0, 10.0, 90.0, 90.0, 30.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 20.0, 100.0, 60.0, 80.0, 90.0, 20.0, 50.0, 80.0, 100.0, 90.0, 70.0, 100.0, 90.0, 60.0, 100.0, 20.0, 100.0, 60.0, 90.0, 90.0, 90.0, 60.0, 90.0, 100.0, 70.0, 70.0, 100.0, 90.0, 80.0, 70.0, 20.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 70.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 90.0, 70.0, 90.0, 60.0, 70.0, 60.0, 20.0, 100.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 80.0, 100.0, 0.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 70.0, 90.0, 90.0, 30.0, 50.0, 100.0, 40.0, 100.0, 80.0, 80.0, 80.0, 30.0, 70.0, 100.0, 80.0, 80.0, 70.0, 90.0], (2400, 2400): [10.0, 20.0, 20.0, 30.0, 40.0, 40.0, 80.0, -1.0, 40.0, 20.0, 40.0, 20.0, 30.0, 0.0, 50.0, 30.0, 50.0, 30.0, 10.0, -1.0, 90.0, 100.0, 10.0, 70.0, -1.0, 70.0, 20.0, 50.0, 60.0, 30.0, 10.0, 20.0, 0.0, 30.0, 40.0, 60.0, 10.0, 70.0, 50.0, 40.0, 30.0, 30.0, 0.0, 10.0, 40.0, -1.0, 30.0, 50.0, 80.0, 40.0, -1.0, 20.0, 0.0, 20.0, 40.0, 10.0, 80.0, 20.0, 30.0, 40.0, 30.0, 100.0, 90.0, 0.0, 100.0, 80.0, 20.0, -1.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 30.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 70.0, 30.0, 20.0, 50.0, 20.0, 0.0, 40.0, 20.0, 30.0, 60.0, 40.0, 30.0, 50.0, 40.0, 80.0, 30.0, 10.0, 30.0, 10.0, 0.0, 0.0, 20.0, 10.0, 40.0, 20.0, 70.0, 10.0, 40.0, 50.0, 50.0, 70.0, 40.0, 30.0, 20.0, 30.0, 40.0, 0.0, 50.0, 50.0, 40.0, 20.0, 40.0, 20.0, 60.0, 100.0, 60.0, 60.0, 10.0, 20.0, 20.0, 40.0, 10.0, 40.0, 100.0, 50.0, 50.0, 40.0, 10.0, 40.0, 20.0, 40.0, 30.0, 0.0, 10.0, 0.0, 10.0, 0.0, 30.0, 90.0, 100.0, 0.0, 40.0, 30.0, 50.0, 30.0, 20.0, 30.0, 40.0, 0.0, 10.0, 60.0, 40.0, 20.0, 50.0, 90.0, 50.0, 70.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 50.0, 20.0, 30.0, 80.0, 70.0, 100.0, 0.0, 40.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 50.0, 20.0, 10.0, 40.0, 10.0, 30.0, 40.0, 0.0, 10.0, 20.0, 40.0, 60.0, 30.0, 60.0, 20.0, 0.0, 60.0, 20.0, 30.0, 40.0, 60.0, 0.0, 0.0, 60.0, 30.0, 0.0, 100.0, 70.0, 40.0, 30.0, 30.0, 20.0, 10.0, 50.0, 10.0, 10.0, 20.0, 20.0, 0.0, 30.0, 70.0, 60.0, 50.0, 0.0, 90.0, 0.0, 50.0, 100.0, 70.0, 70.0, 30.0, 100.0, -1.0, 30.0, 0.0, 0.0, 100.0, 30.0, 30.0, 0.0, 80.0, 40.0, 30.0, 60.0, 30.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 40.0, 70.0, 0.0, 0.0, 0.0, 40.0, 30.0, 20.0, 10.0, 20.0, 30.0, 100.0, 80.0, 40.0, 70.0, 40.0, 0.0, 0.0, 0.0, -1.0, 100.0, 20.0, 30.0, 0.0, 30.0, 20.0, 30.0, 50.0, 40.0, 40.0, 20.0, 20.0, 10.0, 100.0, 80.0, 0.0, 10.0, 0.0, 30.0, 40.0, 10.0, 60.0, 80.0, 60.0, 20.0, 40.0, 60.0, 10.0, 30.0, 10.0, 100.0, 10.0, 30.0, 20.0, 80.0, 30.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, 10.0, 20.0, 0.0, 30.0, 70.0, 20.0, 20.0, 50.0, 10.0, 10.0, 50.0, 20.0, 40.0, 20.0, 10.0, 30.0, 70.0, 30.0, 30.0, 40.0, 50.0, 10.0, 40.0, 20.0, -1.0, 60.0, 10.0, 40.0, 100.0, 30.0, 50.0, 80.0, 20.0, 50.0, 40.0, 20.0, 20.0, 70.0, 20.0, 50.0, 0.0, 70.0, 0.0, 40.0, 50.0, 20.0, 60.0, 30.0, 40.0, 0.0, 30.0, 30.0, 40.0, 30.0, 0.0, 20.0, 30.0, 40.0, 20.0, 80.0, 20.0, 100.0, 20.0, 40.0, 20.0, 40.0, 40.0, 50.0, 30.0, 80.0, 30.0, 30.0, 50.0, 50.0, 100.0, 30.0, 50.0, 70.0, 50.0, -1.0, 20.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 20.0, 40.0, 30.0, 20.0, 20.0, 0.0, 30.0, 0.0, 10.0, 70.0, 20.0, 50.0, 30.0, 100.0, 30.0, 80.0, 80.0, 40.0, 30.0, 10.0, 30.0, 50.0, 50.0, 20.0, 20.0, 40.0, 0.0, 60.0, 10.0, 10.0, 30.0, 70.0, 0.0, 10.0, -1.0, 30.0, 20.0, 50.0, 40.0, 10.0, 50.0, 20.0, 20.0, 10.0, 50.0, 60.0, 0.0, 60.0, 40.0, 30.0, -1.0, 20.0, 50.0, 70.0, 0.0, 50.0, 40.0, 30.0, 40.0, 0.0, 50.0, 30.0, 60.0, 40.0, 40.0, 0.0, 50.0, 70.0, 30.0, 10.0, 20.0, 40.0, 40.0, 90.0, 20.0, 10.0, 30.0, -1.0, 30.0, 20.0, 50.0, 40.0, 60.0, 60.0, 80.0, 0.0, 30.0, 20.0, 50.0, 20.0, 10.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 40.0, 10.0, 10.0, 0.0, 50.0, 30.0, 0.0, 0.0, 30.0, 80.0, 50.0, 50.0, 30.0, 20.0, 30.0, 50.0, 90.0, 20.0, 20.0, 50.0, 20.0, 60.0, 40.0, 30.0, 0.0, 70.0, 90.0, 50.0, 0.0, 80.0, 30.0, 30.0, 0.0, 10.0, 100.0, 20.0, 60.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 20.0, 60.0, 20.0, 0.0, 40.0, 20.0, 20.0, 20.0, 40.0, 20.0, 0.0, 40.0, 40.0, 60.0, 30.0, 70.0, 20.0, 30.0, 20.0, 40.0, 50.0, 10.0, 20.0, 0.0, 70.0, 30.0, 0.0, 60.0, 50.0, 30.0, 10.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2500 = {(0, 0): [0.0, 60.0, 40.0, 60.0, -1.0, 10.0, 50.0, 20.0, 50.0, 40.0, 40.0, 40.0, 50.0, 50.0, 0.0, 10.0, 60.0, 10.0, 0.0, -1.0, 10.0, 90.0, 10.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 80.0, 100.0, 40.0, 50.0, -1.0, 20.0, 10.0, -1.0, 40.0, 70.0, 30.0, -1.0, 40.0, 60.0, 20.0, 20.0, 40.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 40.0, 20.0, 0.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 20.0, 50.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 20.0, 40.0, 50.0, 30.0, 50.0, 0.0, 30.0, 10.0, 40.0, 50.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 70.0, 20.0, 20.0, 30.0, 20.0, 60.0, 40.0, 50.0, 90.0, 50.0, 70.0, 50.0, 80.0, 40.0, 60.0, 30.0, 10.0, 40.0, 30.0, 30.0, 70.0, 20.0, 10.0, 10.0, 90.0, 20.0, 70.0, 10.0, -1.0, 100.0, -1.0, 10.0, -1.0, 60.0, 70.0, 60.0, 20.0, -1.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 50.0, 10.0, 20.0, 10.0, 60.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 0.0, 20.0, 10.0, 50.0, 10.0, 10.0, 40.0, 20.0, -1.0, -1.0, 10.0, 20.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 70.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 40.0, 10.0, 20.0, 30.0, 40.0, 0.0, 40.0, 40.0, 60.0, 50.0, 40.0, 20.0, 40.0, 20.0, 20.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 30.0, 70.0, 20.0, 70.0, 40.0, 30.0, 40.0, 70.0, 40.0, 20.0, 20.0, 40.0, 50.0, 10.0, 30.0, 50.0, -1.0, 30.0, 50.0, 50.0, 10.0, 50.0, 20.0, 90.0, 50.0, 10.0, 10.0, 30.0, 50.0, 40.0, 70.0, 0.0, 60.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 40.0, 30.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 30.0, 20.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 0.0, 10.0, -1.0, 30.0, 40.0, -1.0, 0.0, 10.0, 30.0, 50.0, 20.0, 50.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 50.0, 20.0, 10.0, 30.0, 30.0, 10.0, 20.0, 20.0, 40.0, 40.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 0.0, 60.0, -1.0, 20.0, 0.0, 50.0, 50.0, 30.0, -1.0, -1.0, 0.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 40.0, 70.0, 20.0, 30.0, 60.0, 20.0, 60.0, 20.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 20.0, 50.0, 20.0, 30.0, 0.0, 30.0, 30.0, 50.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 10.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 70.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 50.0, 20.0, 70.0, 70.0, 60.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 40.0, 10.0, 30.0, 40.0, 0.0, 10.0, 60.0, -1.0, 40.0, 40.0, 10.0, 70.0, 30.0, 20.0, 20.0, 30.0, 60.0, 10.0, 20.0, 50.0, 30.0, 10.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 60.0, 30.0, 20.0, 10.0, 10.0, 40.0, 0.0, 40.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, -1.0, 20.0, 50.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 60.0, 70.0, 40.0, -1.0, 30.0, 40.0, 0.0, 30.0, 40.0, 30.0, 30.0, 50.0, 20.0, 0.0, 70.0, 40.0, 50.0, -1.0, -1.0, 50.0, 60.0, 10.0, 10.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 0.0, 40.0, 10.0, 0.0, 10.0, 10.0, 30.0], (7500, 0): [100.0, 80.0, 60.0, 90.0, 50.0, 80.0, 60.0, 20.0, 40.0, 90.0, 100.0, 60.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 90.0, 100.0, 70.0, 50.0, 100.0, 100.0, 60.0, 80.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 10.0, 20.0, 70.0, 100.0, 70.0, 10.0, 100.0, 70.0, 100.0, 50.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 80.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 60.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 90.0, 100.0, 40.0, 100.0, 40.0, 100.0, 90.0, 20.0, 40.0, 80.0, 100.0, 100.0, 80.0, 60.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 90.0, 0.0, 100.0, 90.0, 80.0, 90.0, 60.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 80.0, 50.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 50.0, 20.0, 100.0, 70.0, 80.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 100.0, 60.0, 100.0, 70.0, 80.0, 100.0, 100.0, 80.0, 10.0, 90.0, 80.0, 90.0, 50.0, 30.0, 10.0, 100.0, 80.0, 90.0, 70.0, 70.0, 10.0, 100.0, 100.0, 90.0, 100.0, 40.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 100.0, 20.0, 50.0, 60.0, 90.0, 50.0, 100.0, 100.0, 90.0, 100.0, 80.0, 60.0, 90.0, 10.0, 80.0, 100.0, 30.0, 100.0, 100.0, 40.0, 100.0, 40.0, 100.0, 90.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 60.0, 80.0, 100.0, 100.0, 50.0, 10.0, 100.0, 70.0, 10.0, 70.0, 20.0, 100.0, 80.0, 70.0, 80.0, 30.0, 40.0, 60.0, 60.0, 50.0, 50.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 100.0, 70.0, 100.0, 10.0, 80.0, 50.0, 100.0, 90.0, 70.0, 70.0, 20.0, 100.0, 90.0, 90.0, 80.0, 100.0, 90.0, 70.0, 90.0, 50.0, 90.0, 90.0, 100.0, 90.0, 90.0, 80.0, 80.0, 10.0, 20.0, 80.0, 80.0, 80.0, 100.0, 90.0, 80.0, 100.0, 70.0, 90.0, 60.0, 10.0, 90.0, 90.0, 30.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 60.0, 90.0, 20.0, 80.0, 100.0, 90.0, 70.0, 100.0, 90.0, 60.0, 100.0, 20.0, 100.0, 60.0, 90.0, 90.0, 90.0, 90.0, 100.0, 80.0, 70.0, 100.0, 90.0, 70.0, 50.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 80.0, 100.0, 70.0, 100.0, 40.0, 100.0, 100.0, 100.0, 90.0, 70.0, 90.0, 60.0, 70.0, 20.0, 100.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 90.0, 100.0, 100.0, 70.0, 60.0, 100.0, 80.0, 100.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 90.0, 50.0, 40.0, 100.0, 80.0, 80.0, 30.0, 70.0, 100.0, 80.0, 80.0, 70.0, 90.0], (2500, 2500): [10.0, 20.0, 30.0, 20.0, 30.0, 40.0, 40.0, 80.0, 40.0, 40.0, 20.0, 30.0, 0.0, 50.0, 40.0, 50.0, 30.0, 10.0, -1.0, 90.0, 100.0, 10.0, 20.0, 70.0, 70.0, 20.0, 50.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 30.0, 40.0, 10.0, 70.0, 40.0, 30.0, 0.0, 10.0, 40.0, -1.0, 30.0, 40.0, 80.0, 40.0, -1.0, 10.0, 20.0, 0.0, 20.0, 40.0, 10.0, 10.0, 80.0, 0.0, 50.0, 30.0, 40.0, 30.0, 100.0, 90.0, 0.0, 90.0, 100.0, 20.0, -1.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 30.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 10.0, 30.0, 20.0, 80.0, 50.0, 20.0, 0.0, 0.0, 10.0, 40.0, 20.0, 30.0, 60.0, 40.0, 0.0, 30.0, 50.0, 40.0, 80.0, 10.0, 30.0, 10.0, 0.0, 0.0, 20.0, 10.0, 40.0, 0.0, 20.0, 0.0, 20.0, 70.0, 10.0, 40.0, 50.0, 50.0, 70.0, 40.0, 30.0, 20.0, 30.0, 40.0, 0.0, 50.0, 50.0, 40.0, 20.0, 10.0, 0.0, 60.0, 100.0, 60.0, 10.0, 20.0, 20.0, 40.0, 10.0, 100.0, 50.0, 50.0, 50.0, 40.0, 20.0, 10.0, 40.0, 20.0, 20.0, 80.0, 40.0, 70.0, 0.0, 0.0, 10.0, 0.0, 10.0, 30.0, 90.0, 100.0, 0.0, 0.0, 30.0, 50.0, 0.0, 10.0, 10.0, 30.0, 20.0, 50.0, 60.0, 40.0, 0.0, 10.0, 60.0, 40.0, 20.0, 50.0, 90.0, 50.0, 70.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 50.0, 100.0, 30.0, 10.0, 80.0, 70.0, 0.0, 100.0, 0.0, 20.0, 40.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 50.0, 20.0, 20.0, 10.0, 40.0, 60.0, 10.0, 30.0, 20.0, 40.0, 40.0, 0.0, 10.0, 20.0, 40.0, 60.0, 60.0, 20.0, 0.0, 0.0, 60.0, 20.0, 20.0, 40.0, 0.0, 0.0, 30.0, 0.0, 100.0, 70.0, 10.0, 40.0, 30.0, 30.0, 20.0, 100.0, 10.0, 50.0, 10.0, 10.0, 40.0, 20.0, 20.0, 0.0, 30.0, 70.0, 60.0, 50.0, 0.0, 90.0, 0.0, 90.0, 70.0, 70.0, 30.0, 100.0, -1.0, 20.0, 30.0, 0.0, 0.0, 10.0, 100.0, 30.0, 30.0, 0.0, 80.0, 40.0, 30.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 10.0, 40.0, 70.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 40.0, 30.0, 20.0, 10.0, 20.0, 30.0, 100.0, 40.0, 70.0, 100.0, 40.0, 0.0, 0.0, 0.0, -1.0, 100.0, 20.0, 30.0, 0.0, 20.0, 50.0, 50.0, 40.0, 20.0, 20.0, 10.0, 100.0, 80.0, 0.0, 30.0, 10.0, 0.0, 30.0, 40.0, 10.0, 60.0, 80.0, 60.0, 20.0, 40.0, 60.0, 10.0, 30.0, 10.0, 100.0, 10.0, 30.0, 80.0, 20.0, 80.0, 30.0, 20.0, 40.0, 40.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 80.0, 10.0, 10.0, 20.0, 0.0, 30.0, 70.0, 20.0, 20.0, 50.0, 0.0, 30.0, 20.0, 10.0, 10.0, 50.0, 20.0, 40.0, 20.0, 30.0, 70.0, 30.0, 30.0, 40.0, 50.0, 10.0, 10.0, 40.0, 20.0, -1.0, 60.0, 10.0, 100.0, 10.0, 30.0, 50.0, 10.0, 80.0, 20.0, 20.0, 30.0, 40.0, 20.0, 30.0, 20.0, 20.0, 0.0, 70.0, 0.0, 30.0, 40.0, 20.0, 10.0, 10.0, 60.0, 20.0, 40.0, 0.0, 70.0, 30.0, 30.0, 40.0, 0.0, 30.0, 0.0, 20.0, 30.0, 40.0, 20.0, 80.0, 100.0, 20.0, 40.0, 20.0, 40.0, 50.0, 30.0, 80.0, 30.0, 0.0, 20.0, 70.0, 50.0, 50.0, 100.0, 50.0, 50.0, -1.0, 20.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 20.0, 40.0, 30.0, 20.0, 20.0, 0.0, 0.0, 30.0, 50.0, 0.0, 10.0, 70.0, 20.0, 0.0, 50.0, 30.0, 0.0, 100.0, 30.0, 80.0, 80.0, 40.0, 30.0, 0.0, 40.0, 10.0, 50.0, 30.0, 50.0, 0.0, 20.0, 40.0, 0.0, 10.0, 10.0, 30.0, 70.0, 0.0, 10.0, 30.0, 20.0, 50.0, 40.0, 10.0, 50.0, 20.0, 20.0, 10.0, 50.0, 60.0, 0.0, 0.0, 50.0, 0.0, 60.0, 40.0, 30.0, -1.0, 20.0, 50.0, 70.0, 0.0, 0.0, 50.0, 0.0, 30.0, 100.0, 40.0, 0.0, 50.0, 30.0, 0.0, 40.0, 60.0, 40.0, 40.0, 30.0, 50.0, 70.0, 0.0, 30.0, 0.0, 10.0, 20.0, 10.0, 30.0, 40.0, 90.0, 20.0, 10.0, 30.0, 30.0, 20.0, 50.0, 40.0, 60.0, 60.0, 80.0, 0.0, 30.0, 20.0, 50.0, 20.0, 10.0, 20.0, 0.0, 20.0, 30.0, 0.0, 0.0, 20.0, 0.0, 40.0, 10.0, 10.0, 0.0, 50.0, 30.0, 0.0, 0.0, 20.0, 30.0, 80.0, 50.0, 50.0, 30.0, 20.0, 30.0, 90.0, 20.0, 20.0, 50.0, 20.0, 60.0, 40.0, 30.0, 0.0, 90.0, 50.0, 0.0, 80.0, 30.0, 0.0, 10.0, 100.0, 20.0, 20.0, 30.0, 100.0, 0.0, 20.0, 40.0, 20.0, 60.0, 0.0, 40.0, 20.0, 20.0, 20.0, 20.0, 40.0, 20.0, 0.0, 100.0, 40.0, 60.0, 30.0, 70.0, 20.0, 20.0, 30.0, 20.0, 40.0, 50.0, 70.0, 0.0, 10.0, 20.0, 30.0, 0.0, 70.0, 30.0, 0.0, 60.0, 10.0, 10.0, 20.0, 0.0, 20.0, 0.0, 30.0, 60.0, 30.0, 20.0, 90.0, 30.0, 40.0, 50.0, 60.0], (5000, 5000): [50.0, 0.0, 50.0, 0.0, 30.0, 20.0, 100.0, 90.0, 60.0, 20.0, 100.0, 0.0, 90.0, 50.0, 20.0, 30.0, 10.0, 100.0, 10.0, 0.0, 0.0, 10.0, 100.0, 90.0, 0.0, 100.0, 20.0, 0.0, 100.0, 50.0, 0.0], (5000, 0): [80.0, 30.0, 70.0, 80.0, 100.0, 0.0, 30.0, 60.0, 40.0, 80.0, 70.0, 70.0, 60.0, 10.0, 10.0, 60.0, 50.0, 40.0, 60.0, 40.0, 30.0, 90.0, 30.0, 30.0, 50.0, 70.0, 60.0, 0.0, 60.0, 100.0, 30.0, 20.0, 60.0, 60.0, 20.0, 30.0, 10.0, 10.0, 20.0, 30.0, 10.0, 10.0, 40.0, 20.0, 40.0, 80.0, 30.0, 80.0, 20.0, 60.0, 0.0, 80.0, 20.0, 70.0, 50.0, 90.0, 50.0, 30.0, 30.0, -1.0, 60.0, 40.0, 30.0, 30.0, 20.0, 70.0, 80.0, 100.0, 40.0, 10.0, 10.0, 20.0, 50.0, 100.0, 90.0, 0.0, 30.0, 0.0, 80.0, 50.0, 30.0, 20.0, 90.0, 0.0, 10.0, 30.0, 60.0, 40.0, 40.0, 30.0, 30.0, 30.0, 70.0, 40.0, 0.0, 30.0, 40.0, 30.0, 70.0, 80.0, 40.0, 60.0, 60.0, 70.0, 40.0, 50.0, 30.0, 30.0, 20.0, 50.0, 40.0, 50.0, 30.0, 90.0, 10.0, 10.0, 10.0, 70.0, 40.0, 30.0, 100.0, 40.0, 60.0, 70.0, 50.0, 30.0, 30.0, 30.0, 20.0, 30.0, 20.0, 30.0, 30.0, 50.0, 0.0, 40.0, 30.0, 0.0, 80.0, 40.0, 30.0, 10.0, 50.0, 20.0, 50.0, 50.0, 40.0, 50.0, 10.0, 40.0, 60.0, 60.0, 10.0, 60.0, 40.0, 10.0, 10.0, 20.0, 10.0, 60.0, 60.0, 40.0, 20.0, 50.0, 60.0, 0.0, 60.0, 40.0, 40.0, 50.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 60.0, 50.0, 100.0, 50.0, 60.0, 30.0, 10.0, 40.0, 40.0, 60.0, 50.0, 20.0, 30.0, 40.0, 10.0, 50.0, 100.0, 50.0, 50.0, 50.0, 50.0, 30.0, 10.0, 20.0, 0.0, 0.0, 60.0, 50.0, 50.0, 40.0, 40.0, 30.0, 10.0, 40.0, 40.0, 50.0, 20.0, 40.0, 50.0, 100.0, 70.0, 10.0, 10.0, 30.0, 40.0, 40.0, 20.0, 40.0, 20.0, 10.0, 50.0, 60.0, 100.0, 20.0, 50.0, 40.0, 70.0, 20.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 0.0, 10.0, 40.0, 0.0, 10.0, 60.0, 50.0, 0.0, 40.0, 40.0, 100.0, 30.0, 40.0, 50.0, 20.0, 30.0, 30.0, 10.0, 40.0, 60.0, 60.0, 30.0, 0.0, 50.0, 0.0, 10.0, 60.0, 0.0, 70.0, 70.0, 10.0, 50.0, 60.0, 60.0, 60.0, 40.0, 30.0, 60.0, 30.0, 90.0, 90.0, 0.0, 30.0, 50.0, 0.0, 90.0, 50.0, 0.0, 60.0, 30.0, 70.0, 30.0, 40.0, 40.0, 60.0, 70.0, 30.0, 0.0, 10.0, 20.0, 20.0, 50.0, 90.0, 70.0, 30.0, 40.0, 30.0, 0.0, 100.0, 40.0, 60.0, 70.0, 30.0, 70.0, 40.0, 20.0, 60.0, 30.0, 10.0, 50.0, 30.0, 30.0, 0.0, 20.0, 60.0, 40.0, 70.0, 0.0, 60.0, 20.0, 0.0, 40.0, 80.0, 60.0, 70.0, 60.0, 10.0, 100.0, 40.0, 40.0, 10.0, 30.0, 30.0, 100.0, 20.0, 30.0, 70.0, 30.0, 40.0, 20.0, 60.0, 10.0, 70.0, 10.0, 30.0, 10.0, 20.0, 10.0, 10.0, 40.0, 70.0, 60.0, 70.0, 30.0, 0.0, 30.0, 60.0, 60.0, 20.0, 60.0, 50.0, 40.0, 0.0, 50.0, 60.0, 50.0, 50.0, 40.0, 10.0, 10.0, 30.0, 80.0, 70.0, 40.0, 80.0, 40.0, 100.0, 40.0, 30.0, 50.0, 30.0, 50.0, 60.0, 100.0, 50.0, 40.0, 60.0, 10.0, 60.0, 70.0, 60.0, 70.0, 20.0, 30.0, 40.0, 20.0, 50.0, 50.0, 10.0, 40.0, 100.0, 30.0, 30.0, 20.0, 40.0, 60.0, 50.0, 60.0, 50.0, 40.0, 20.0, 70.0, 40.0, 50.0, 20.0, 10.0, 30.0, 70.0, 50.0, 60.0, 50.0, 80.0, 90.0, 50.0, 10.0, 0.0, 40.0, 90.0, 80.0, 60.0, 20.0, 30.0, 20.0, 10.0, 60.0, 30.0, 60.0, 10.0, 70.0, 0.0, 20.0, 50.0, 0.0, 40.0, 20.0, 0.0, 70.0, 30.0, 60.0, 60.0, 40.0, 0.0, 100.0, 0.0, 20.0, 80.0, 50.0, 70.0, 80.0, 0.0, 70.0, 10.0, 100.0, 80.0, 50.0, 60.0, 40.0, 100.0, 20.0, 20.0, 20.0, 50.0, 10.0, 40.0, 60.0, 80.0, 90.0, 50.0, 60.0, 50.0, 60.0, 50.0, 30.0, 50.0, 30.0, 10.0, 50.0, 20.0, 60.0, 20.0, 80.0, 30.0, 10.0, 30.0, 50.0, 60.0, 20.0, 40.0, 0.0, 30.0, 40.0, 40.0, 100.0, 80.0, 20.0, 0.0, 0.0, 20.0, 0.0, 60.0, 20.0, 70.0, 100.0, 80.0, 20.0, 20.0, 60.0, 30.0, 60.0, 10.0, 30.0, 20.0, 50.0, 20.0, 40.0, 20.0, 80.0, 100.0, 20.0, 70.0, 30.0, 70.0, 30.0, 50.0, 30.0, 80.0, 40.0, 80.0, 50.0, 60.0, 60.0, 10.0, 100.0, 70.0, 10.0, 40.0, 60.0, 10.0, 50.0, 40.0, 20.0, 60.0, 30.0, 70.0, 60.0, 20.0, 100.0, 30.0, 40.0, 30.0, 0.0, 70.0, 50.0, 10.0, 60.0, 60.0, 30.0, 20.0, 10.0, 30.0, 80.0, 30.0, 30.0, 40.0, 50.0, 10.0, 100.0, 20.0, 70.0, 10.0, 60.0, 10.0, 70.0, 40.0, 30.0, 90.0, 40.0, 0.0, 10.0, 80.0, 90.0, 40.0, 20.0, 30.0, 100.0, 10.0, 0.0, 10.0, 30.0, 80.0, 20.0, 40.0, 20.0], (7500, 2500): [40.0, 90.0, 0.0, 40.0, 20.0, 100.0, 100.0, 20.0, 100.0, 90.0, 100.0, 10.0, 100.0, 70.0, 60.0, 100.0, 40.0, 100.0, 100.0, 20.0, 100.0, 100.0, 30.0, 30.0, 100.0, 40.0, 100.0, 50.0, 90.0, 30.0, 100.0, 100.0, 90.0, 30.0, 70.0, 100.0, 20.0, 40.0, 30.0, 20.0, 10.0, 60.0, 90.0, 100.0, 30.0, 100.0, 80.0, 100.0, 10.0, 0.0, 50.0, 70.0, 100.0, 0.0, 100.0, 100.0, 60.0, 100.0, 30.0, 80.0, 0.0, 60.0, 30.0, 80.0, 100.0, 100.0, 0.0, 70.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 40.0, 0.0, 100.0, 30.0, 60.0, 10.0, 100.0, 80.0, 100.0, 60.0, 40.0, 100.0, 20.0, 30.0, 20.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 20.0, 100.0, 10.0, 100.0, 40.0, 100.0, 100.0, 40.0, 100.0, 40.0, 90.0, 70.0, 100.0, 80.0, 100.0, 100.0, 40.0, 100.0, 100.0, 0.0, 20.0, 70.0, 0.0, 100.0, 100.0, 100.0, 70.0, 100.0, 70.0, 100.0, 80.0, 90.0, 90.0, 100.0, 100.0, 30.0, 80.0, 50.0, 70.0, 10.0, 80.0, 30.0, 40.0, 100.0, 100.0, 100.0, 40.0, 100.0, 90.0, 70.0, 30.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0, 80.0, 10.0, 0.0, 80.0, 100.0, 70.0, 50.0, 10.0, 100.0, 100.0, 30.0, 10.0, 20.0, 60.0, 50.0, 100.0, 50.0, 100.0, 30.0, 100.0, 100.0, 30.0, 100.0, 40.0, 50.0, 100.0, 100.0, 20.0, 100.0, 100.0, 50.0, 100.0, 100.0, 10.0, 20.0, 40.0, 50.0, 100.0, 0.0, 30.0, 70.0, 100.0, 20.0, 90.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 70.0, 40.0, 80.0, 10.0, 100.0, 70.0, 30.0, 70.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 70.0, 100.0, 0.0, 100.0, 100.0, 30.0, 0.0, 0.0, 30.0, 100.0, 20.0, 90.0, 10.0, 80.0, 80.0, 100.0, 100.0, 100.0, 100.0, 0.0, 30.0, 70.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 10.0, 0.0, 80.0, 70.0, 40.0, 100.0, 60.0, 60.0, 100.0, 30.0, 0.0, 100.0, 100.0, 60.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 90.0, 80.0, 100.0, 50.0, 70.0, 100.0, 90.0, 10.0, 20.0, 90.0, 100.0, 40.0, 40.0, 10.0, 90.0, 100.0, 0.0, 0.0, 50.0, 20.0, 30.0, 100.0, 50.0, 100.0, 50.0, 10.0, 60.0, 100.0, 0.0, 20.0, 40.0, 100.0, 100.0, 100.0, 60.0, 100.0, 70.0, 80.0, 50.0, 50.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 40.0, 0.0, 40.0, 100.0, 60.0, 100.0, 100.0, 80.0, 60.0, 90.0, 10.0, 100.0, 0.0, 100.0, 100.0, 70.0, 20.0, 10.0, 100.0, 100.0, 0.0, 10.0, 100.0, 10.0, 30.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 70.0, 100.0, 60.0, 100.0, 90.0, 50.0, 100.0, 60.0, 60.0, 100.0, 80.0, 50.0, 30.0, 70.0, 0.0, 10.0, 100.0, 30.0, 10.0, 10.0, 100.0, 100.0, 100.0, 30.0, 80.0, 0.0, 60.0, 100.0, 0.0, 60.0, 40.0, 10.0, 80.0, 30.0, 100.0, 0.0, 20.0, 20.0, 80.0, 50.0, 90.0, 100.0, 20.0, 100.0, 90.0, 10.0, 70.0, 80.0, 50.0, 100.0, 30.0, 100.0, 20.0, 30.0, 70.0, 90.0, 100.0, 100.0, 60.0, 80.0, 90.0, 100.0, 30.0, 20.0, 100.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 10.0, 70.0, 100.0, 30.0, 30.0, 50.0, 40.0, 100.0, 100.0, 80.0, 20.0, 0.0, 80.0, 100.0, 0.0, 30.0, 100.0, 70.0, 50.0, 100.0, 30.0, 100.0, 100.0, 100.0, 10.0, 90.0, 60.0, 100.0, 10.0, 60.0, 70.0, 20.0, 20.0, 10.0, 100.0, 60.0, 0.0, 100.0, 30.0, 20.0, 20.0, 80.0, 30.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 60.0, 60.0, 0.0, 100.0, 0.0, 100.0, 80.0, 100.0, 0.0, 80.0, 0.0, 60.0, 0.0, 100.0, 50.0, 60.0, 50.0, 30.0, 50.0, 30.0, 10.0, 100.0, 70.0, 0.0, 0.0, 90.0, 100.0, 100.0, 90.0, 20.0, 40.0, 0.0, 80.0, 100.0, 50.0, 100.0, 70.0, 0.0, 90.0, 50.0, 0.0, 0.0, 50.0, 20.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 10.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 30.0, 0.0, 100.0, 70.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 90.0, 100.0, 100.0, 80.0, 30.0, 70.0, 100.0, 100.0, 100.0, 40.0, 100.0, 40.0, 10.0, 10.0, 0.0, 100.0, 10.0, 10.0, 100.0, 100.0, 50.0, 100.0, 10.0, 100.0, 70.0, 20.0, 30.0, 40.0, 30.0, 100.0, 30.0, 70.0, 90.0, 0.0, 100.0, 100.0, 0.0, 80.0, 50.0, 100.0, 0.0, 20.0, 90.0, 0.0, 0.0, 60.0, 100.0, 90.0, 100.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 20.0, 60.0, 40.0, 50.0, 10.0, 100.0, 20.0, 20.0, 100.0, 60.0, 90.0, 10.0, 90.0, 50.0, 40.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 60.0, 50.0, 0.0, 20.0, 100.0, 100.0, 40.0, 50.0, 100.0, 40.0, 100.0, 40.0, 100.0, 100.0, 100.0, 50.0, 20.0, 100.0, 0.0, 20.0], (7500, 5000): [50.0, 100.0, 100.0, 30.0, 20.0, 30.0, 70.0, 30.0, 50.0, 50.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 20.0, 100.0, 50.0, 20.0, 100.0, 0.0, 10.0, 10.0, 20.0, 100.0, 20.0, 20.0, 10.0, 90.0, 40.0, 0.0, 20.0, 100.0, 10.0, 100.0, 100.0, 90.0, 40.0, 80.0, 70.0, 70.0, 0.0, 100.0, 80.0, 80.0, 80.0, 10.0, 90.0, 30.0, 100.0, 10.0, 90.0, 100.0, 10.0, 10.0, 10.0, 0.0, 20.0, 0.0, 0.0, 100.0, 100.0, 90.0, 0.0, 60.0, 10.0, 100.0, 90.0, 40.0, 50.0, 10.0, 70.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 70.0, 0.0, 10.0, 50.0, 0.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 0.0, 100.0, 10.0, 60.0, 100.0, 80.0, 10.0, 100.0, 100.0, 0.0, 30.0, 100.0, 70.0, 80.0, 100.0, 0.0, 80.0, 10.0, 20.0, 20.0, 90.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 20.0, 20.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 0.0, 20.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 60.0, 90.0, 80.0, 100.0, 30.0, 80.0, 100.0, 10.0, 10.0, 20.0, 90.0, 30.0, 100.0, 100.0, 0.0, 100.0, 30.0, 10.0, 0.0, 100.0, 100.0, 0.0, 70.0, 100.0, 50.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 0.0, 10.0, 0.0, 20.0, 100.0, 40.0, 100.0, 10.0, 40.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 100.0, 40.0, 0.0, 100.0, 100.0, 100.0, 0.0, 20.0, 100.0, 100.0, 60.0, 30.0, 100.0, 20.0, 100.0, 100.0, 10.0, 0.0, 30.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 60.0, 20.0, 100.0, 100.0, 80.0, 10.0, 100.0, 20.0, 100.0, 100.0, 10.0, 20.0, 50.0, 0.0, 100.0, 90.0, 100.0, 70.0, 60.0, 60.0, 0.0, 60.0, 40.0, 0.0, 20.0, 100.0, 100.0, 20.0, 0.0, 50.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 50.0, 70.0, 90.0, 100.0, 10.0, 50.0, 50.0, 100.0, 100.0, 90.0, 20.0, 10.0, 0.0], (2500, 0): [10.0, 10.0, 0.0, 50.0, 60.0, 30.0, 10.0, 10.0, 70.0, 20.0, 20.0, 30.0, 40.0, 30.0, 40.0, 10.0, 20.0, 40.0, 30.0, 30.0, -1.0, 20.0, 30.0, 40.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 10.0, -1.0, 40.0, 30.0, 20.0, 30.0, 20.0, 20.0, 20.0, 10.0, 20.0, 10.0, 20.0, 0.0, 10.0, 10.0, 20.0, 60.0, 80.0, 90.0, -1.0, 80.0, 10.0, 30.0, -1.0, 20.0, 30.0, 20.0, 10.0, 20.0, 0.0, -1.0, 10.0, 90.0, -1.0, 40.0, 50.0, -1.0, -1.0, 30.0, 60.0, 30.0, 60.0, 30.0, 40.0, 50.0, 50.0, 30.0, 30.0, 10.0, 30.0, 30.0, 20.0, 60.0, 60.0, 30.0, 40.0, -1.0, 20.0, -1.0, 50.0, -1.0, 10.0, 50.0, 30.0, 0.0, 40.0, 10.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 70.0, 90.0, 10.0, 0.0, 0.0, 40.0, 50.0, 80.0, 40.0, 40.0, 10.0, 40.0, 20.0, -1.0, 20.0, 10.0, 50.0, 50.0, 10.0, 60.0, -1.0, -1.0, 40.0, 10.0, 20.0, 60.0, 20.0, 20.0, 30.0, 80.0, 10.0, 30.0, 50.0, 40.0, 30.0, 20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 10.0, 0.0, 30.0, 20.0, 30.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 10.0, 70.0, 60.0, 10.0, 30.0, 10.0, 20.0, 20.0, 20.0, 100.0, -1.0, 20.0, 50.0, 10.0, 10.0, 40.0, 80.0, 90.0, 20.0, -1.0, 50.0, 70.0, 10.0, 90.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 10.0, 40.0, 20.0, -1.0, 40.0, 40.0, 30.0, 20.0, -1.0, 10.0, 20.0, 30.0, 10.0, 70.0, 40.0, 10.0, 80.0, 10.0, 10.0, 40.0, 40.0, 20.0, 80.0, 10.0, 50.0, 30.0, 0.0, 20.0, 100.0, 50.0, 30.0, 70.0, 40.0, 30.0, 10.0, 40.0, 40.0, 50.0, 50.0, 60.0, 20.0, 20.0, 10.0, 30.0, 30.0, 60.0, 10.0, 30.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, -1.0, 40.0, 30.0, 40.0, 50.0, 30.0, 20.0, 60.0, 20.0, 30.0, 10.0, 40.0, 40.0, 10.0, 80.0, 40.0, 40.0, 0.0, 50.0, 60.0, 60.0, 60.0, 20.0, 20.0, 80.0, 10.0, -1.0, 50.0, -1.0, 10.0, 10.0, 10.0, 40.0, -1.0, 0.0, 30.0, -1.0, 80.0, 0.0, 30.0, 10.0, 60.0, 30.0, 10.0, 20.0, 30.0, 20.0, -1.0, -1.0, 0.0, 60.0, 0.0, 60.0, 10.0, 20.0, 40.0, 50.0, 40.0, 10.0, -1.0, 0.0, 80.0, 40.0, 60.0, 30.0, 60.0, 10.0, 90.0, 30.0, 40.0, 20.0, 10.0, 20.0, 40.0, 0.0, 30.0, 0.0, 30.0, 30.0, 10.0, -1.0, 0.0, 0.0, 10.0, 40.0, 10.0, 20.0, 10.0, 20.0, 20.0, 40.0, 30.0, 10.0, 50.0, 30.0, 40.0, 20.0, 20.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 40.0, 80.0, 30.0, 40.0, 40.0, 20.0, 80.0, 20.0, 10.0, 60.0, 50.0, -1.0, 20.0, -1.0, 10.0, 10.0, 50.0, 20.0, 20.0, 10.0, 80.0, -1.0, 40.0, -1.0, 50.0, 10.0, 20.0, -1.0, 0.0, 50.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 10.0, 30.0, 20.0, 10.0, 50.0, 10.0, 10.0, 40.0, 10.0, 20.0, 0.0, 30.0, 30.0, 0.0, 90.0, -1.0, -1.0, 10.0, 30.0, -1.0, 30.0, 40.0, 30.0, 40.0, 60.0, 30.0, 60.0, 10.0, 60.0, 60.0, 10.0, 20.0, 10.0, 10.0, 60.0, 40.0, 20.0, 50.0, 10.0, 60.0, 40.0, 30.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 0.0, 10.0, 30.0, 40.0, 30.0, 0.0, 30.0, 0.0, -1.0, 100.0, 10.0, 40.0, 20.0, 10.0, 40.0, 20.0, 40.0, 10.0, 40.0, -1.0, 30.0, 30.0, 20.0, 20.0, 30.0, 40.0, 30.0, 10.0, 50.0, 50.0, 40.0, 100.0, 30.0, 10.0, 10.0, 40.0, 50.0, 80.0, 30.0, 0.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 30.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 20.0, 30.0, 90.0, 20.0, 30.0, 40.0, 10.0, 10.0, 10.0, 80.0, 10.0, 70.0, 30.0, 10.0, 10.0, 30.0, 0.0, 30.0, 0.0, 20.0, -1.0, 10.0, 40.0, 10.0, 10.0, 80.0, 0.0, 30.0, 40.0, 10.0, 20.0, 0.0, 60.0, 80.0, 30.0, 10.0, 30.0, 40.0, 40.0, 70.0, 30.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 50.0, 60.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 10.0, 50.0, 30.0, 40.0, 100.0, -1.0, 50.0, 50.0, 30.0, 20.0, 30.0, 60.0, 40.0, 0.0, 20.0, 30.0, 40.0, 10.0, 30.0, 20.0, 40.0, 20.0, 100.0, 40.0, 20.0, 70.0, -1.0, 10.0, 40.0, 60.0, 10.0, 10.0, 30.0, 30.0, 30.0, 40.0, -1.0, 30.0, 60.0, 80.0, 40.0, -1.0, 30.0, 40.0, 10.0, -1.0, 10.0, 50.0, 20.0, 90.0, 60.0, 10.0, 80.0, 20.0, 50.0, 60.0, 20.0, 30.0, 60.0, 20.0, 0.0, -1.0, 20.0, 40.0, 0.0, 30.0, 10.0, 40.0, 20.0, 10.0, -1.0, 0.0, 30.0, 90.0, 10.0, 70.0, 30.0, 0.0, 0.0, 50.0, 20.0, 10.0, 20.0, 60.0, 40.0, 50.0, 40.0, 20.0, 40.0, 0.0, 40.0, 10.0, 50.0, 60.0, 20.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 20.0, 60.0, 10.0, 0.0, 10.0, 30.0, 90.0, -1.0, 60.0, 40.0, 40.0, 70.0, 40.0, 20.0, 10.0, 0.0, 0.0, 90.0, 60.0, 30.0, 30.0, 20.0, 60.0, -1.0, 10.0, 70.0, 10.0, 20.0, 20.0, 50.0, 10.0, 40.0, 70.0, 0.0, 10.0, 10.0, 80.0, 50.0, 30.0, 20.0, 30.0, 20.0, 10.0, 10.0, 10.0, 50.0, 30.0, 0.0, -1.0, 30.0, 20.0, 40.0, 10.0, 60.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 50.0, 20.0, 30.0, -1.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 40.0, 20.0, 40.0, 0.0, 60.0, 80.0, -1.0, 40.0, 30.0, 80.0, 40.0, 10.0, 70.0, 50.0, 20.0, 20.0, 40.0, 60.0, 10.0, 50.0, 40.0, 40.0, 0.0, 10.0, 50.0, 30.0, 90.0, 70.0, 30.0, 10.0, 30.0, 70.0, 50.0, 30.0, 20.0, 10.0, 20.0, -1.0, 50.0, 80.0, 10.0, 30.0, 10.0, 20.0, 70.0, 40.0, 40.0, 10.0, 40.0, 30.0, 40.0, 30.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 50.0, 30.0, 70.0, 40.0, 60.0, 30.0, 10.0, -1.0, 30.0, 30.0, -1.0, 50.0, 30.0, -1.0, 50.0, 60.0, 10.0, 50.0, 0.0, 60.0, 20.0, 50.0, 30.0, -1.0, 30.0, -1.0, 10.0, 20.0, -1.0, 10.0, 30.0, 40.0, 50.0, 60.0, 10.0, 40.0, 10.0, -1.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 40.0, 20.0, -1.0, 10.0, -1.0, 40.0, 20.0, 20.0, 40.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 20.0, 0.0, -1.0, 40.0, 10.0, 20.0, 40.0, 60.0, 70.0, 30.0, 40.0, 10.0, 30.0, 70.0, 50.0, 60.0, 40.0, 30.0, 50.0, 30.0, 100.0, 20.0, 40.0, 50.0, 20.0, 30.0, -1.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, 20.0, -1.0, 40.0, 40.0, 10.0, 60.0, 10.0, 10.0, 0.0, 10.0, 0.0, 20.0, 60.0, 50.0, 70.0, 40.0, 30.0, 10.0, 60.0, 50.0, 50.0, 10.0, 10.0, 30.0, 40.0, -1.0, 90.0, 30.0, 70.0, 10.0, 40.0, 60.0, 0.0, 60.0, 50.0, 30.0, 20.0, 0.0, 20.0, 50.0, 50.0, 20.0, 10.0, -1.0, -1.0, 30.0, 30.0, 50.0, 10.0, 40.0, 20.0, 80.0, 50.0, 20.0, 40.0, 60.0, 90.0, 40.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 60.0, 30.0, -1.0, -1.0, 10.0, 10.0, 40.0, 10.0, 50.0, -1.0, 10.0, 60.0, 40.0, 40.0, 10.0, -1.0, 10.0, 10.0, 30.0, 20.0, 0.0, 20.0, 20.0, 40.0, 20.0, 20.0, 50.0, 10.0, 40.0, 10.0, 50.0, 20.0, 70.0, 30.0, 0.0, 50.0, 20.0, 20.0, -1.0, 30.0, 30.0, 70.0, 30.0, 0.0, 30.0, 40.0, 20.0, 60.0, 80.0, 20.0, 0.0, 20.0, 10.0, 50.0, 10.0, -1.0, 50.0, 30.0, 30.0, 40.0, 30.0, 0.0, 10.0, 30.0, 20.0, 60.0, 40.0, 30.0, 30.0, 100.0, 40.0, 0.0, 30.0, -1.0, 20.0, 60.0, 40.0, 10.0, 20.0, 100.0, 70.0, 20.0, 40.0, 10.0, 40.0, 90.0, 0.0, 20.0, 30.0, 40.0, 40.0, 40.0, 20.0, 10.0, 0.0, 50.0, 100.0, 40.0, 40.0, 10.0, 40.0, 20.0, 50.0, -1.0, 70.0, 0.0, 30.0, 10.0, 20.0, 30.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 30.0, 10.0, 50.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 40.0, 10.0, 40.0, 40.0, 10.0, 50.0, 40.0, 40.0], (5000, 2500): [90.0, 40.0, 20.0, 60.0, 60.0, 50.0, 70.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 90.0, 10.0, 100.0, 100.0, 0.0, 100.0, 0.0, 0.0, 100.0, 100.0, 20.0, 70.0, 20.0, 0.0, 80.0, 60.0, 100.0, 10.0, 0.0, 20.0, 100.0, 0.0, 60.0, 60.0, 10.0, 90.0, 10.0, 0.0, 20.0, 80.0, 50.0, 40.0, 0.0, 40.0, 50.0, 20.0, 100.0, 100.0, 30.0, 10.0, 10.0, 100.0, 80.0, 40.0, 50.0, 100.0, 0.0, 10.0, 100.0, 60.0, 20.0, 10.0, 20.0, 70.0, 0.0, 30.0, 70.0, 20.0, 0.0, 50.0, 40.0, 0.0, 40.0, 60.0, 10.0, 100.0, 70.0, 60.0, 10.0, 10.0, 30.0, 0.0, 30.0, 80.0, 10.0, 10.0, 100.0, 30.0, 10.0, 30.0, 60.0, 90.0, 0.0, 0.0, 20.0, 40.0, 70.0, 0.0, 90.0, 100.0, 20.0, 10.0, 30.0, 0.0, 100.0, 20.0, 20.0, 30.0, 20.0, 0.0, 20.0, 40.0, 50.0, 100.0, 40.0, 20.0, 70.0, 90.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 0.0, 60.0, 40.0, 10.0, 50.0, 20.0, 60.0, 0.0, 100.0, 0.0, 100.0, 100.0, 0.0, 60.0, 0.0, 90.0, 10.0, 20.0, 100.0, 0.0, 100.0, 40.0, 10.0, 70.0, 100.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 40.0, 20.0, 40.0, 0.0, 10.0, 50.0, 80.0, 0.0, 20.0, 60.0, 10.0, 0.0, 10.0, 60.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 0.0, 20.0, 10.0, 80.0, 70.0, 100.0, 40.0, 10.0, 50.0, 100.0, 30.0, 0.0, 30.0, 0.0, 10.0, 0.0, 50.0, 30.0, 50.0, 50.0, 20.0, 60.0, 0.0, 10.0, 0.0, 10.0, 100.0, 60.0, 100.0, 0.0, 10.0, 40.0, 100.0, 50.0, 40.0, 100.0, 70.0, 40.0, 50.0, 0.0, 0.0, 80.0, 100.0, 70.0, 0.0, 0.0, 70.0, 30.0, 30.0, 40.0, 10.0, 60.0, 90.0, 50.0, 80.0, 0.0, 100.0, 30.0, 40.0, 40.0, 30.0, 40.0, 0.0, 0.0, 30.0, 40.0, 80.0, 10.0, 30.0, 0.0, 30.0, 20.0, 40.0, 10.0, 0.0, 20.0, 10.0, 30.0, 0.0, 0.0, 10.0, 30.0, 40.0, 50.0, 60.0, 0.0, 70.0, 0.0, 0.0, 90.0, 20.0, 20.0, 50.0, 30.0, 20.0, 80.0, 20.0, 20.0, 10.0, 30.0, 100.0, 30.0, 0.0, 0.0, 100.0, 0.0, 100.0, 30.0, 0.0, 40.0, 100.0, 0.0, 10.0, 0.0, 30.0, 100.0, 0.0, 20.0, 70.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 90.0, 40.0, 80.0, 0.0, 60.0, 10.0, 70.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 0.0, 10.0, 10.0, 80.0, 30.0, 0.0, 0.0, 20.0, 90.0, 100.0, 0.0, 90.0, 0.0, 30.0, 70.0, 80.0, 10.0, 80.0, 40.0, 80.0, 0.0, 80.0, 90.0, 100.0, 20.0, 90.0, 20.0, 0.0, 10.0, 0.0, 0.0, 0.0, 60.0, 30.0, 10.0, 0.0, 50.0, 40.0, 100.0, 0.0, 10.0, 20.0, 100.0, 90.0, 100.0, 0.0, 0.0, 40.0, 0.0, 10.0, 10.0, 100.0, 30.0, 100.0, 20.0, 20.0, 0.0, 50.0, 20.0, 10.0, 90.0, 20.0, 80.0, 0.0, 20.0, 0.0, 60.0, 10.0, 10.0, 50.0, 10.0, 20.0, 0.0, 0.0, 10.0, 100.0, 70.0, 0.0, 90.0, 0.0, 50.0, 20.0, 80.0, 100.0, 40.0, 10.0, 20.0, 10.0, 10.0, 40.0, 50.0, 20.0, 20.0, 0.0, 10.0, 0.0, 50.0, 0.0, 40.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 100.0, 0.0, 70.0, 0.0, 0.0, 100.0, 0.0, 10.0, 0.0, 50.0, 60.0, 90.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 100.0, 0.0, 10.0, 0.0, 90.0, 0.0, 0.0, -1.0, 0.0, 100.0, 90.0, 0.0, 90.0, 30.0, 30.0, 30.0, 10.0, 60.0, 40.0, 90.0, 20.0, 70.0, 100.0, 100.0, 50.0, 40.0, 30.0, 100.0, 0.0, 90.0, 20.0, 40.0, 90.0, 10.0, 60.0, 40.0, 60.0, 80.0, 100.0, 60.0, 0.0, 10.0, 20.0, 80.0, 0.0, 50.0, 0.0, 0.0, 100.0, 40.0, 30.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 10.0, 0.0, 0.0, 10.0, 0.0, 80.0, 0.0, 10.0, 0.0, 50.0, 70.0, 20.0, 60.0, 100.0, 10.0, 50.0, 0.0, 70.0, 40.0, 20.0, 0.0, 30.0, 90.0, 20.0, 0.0, 60.0, 60.0, 30.0, 90.0, 80.0, 0.0, 10.0, 80.0, 20.0, 100.0, 0.0, 50.0, 60.0, 0.0, 50.0, 100.0, 0.0, 100.0, 10.0, 20.0, 40.0, 50.0, 20.0, 100.0, 0.0, 30.0, 50.0, 20.0, 20.0, 80.0, 0.0, 0.0, 0.0, 60.0, 0.0, 60.0, 90.0, 60.0, 100.0, 0.0, 100.0, 20.0, 30.0, 30.0, 0.0, 40.0, 0.0, 0.0, 50.0, 20.0, 70.0, 70.0, 80.0, 40.0, 100.0, 0.0, 10.0, 60.0, 0.0, 0.0, 20.0, 0.0, 20.0, 100.0, 60.0, 0.0, 20.0, 0.0, 30.0, 80.0, 0.0, 20.0, 0.0, 40.0, 100.0, 40.0, 0.0, 80.0, 100.0, 60.0, 40.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 0.0, 40.0, 10.0, 100.0, 10.0, 10.0, 10.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 70.0, 10.0, 30.0, 90.0, 100.0, 100.0, 90.0, 30.0, 90.0, 0.0, 10.0, 60.0, 10.0, 10.0, 0.0, 40.0, 40.0, 30.0, 100.0, 80.0, 50.0, 100.0, 20.0, 60.0, 0.0, 100.0, 70.0, 20.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 10.0, 10.0, 10.0, 30.0, 20.0, 0.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 0.0, 10.0, 60.0, 10.0, 90.0, 20.0, 60.0, 70.0, 70.0, 60.0, 10.0, 20.0, 10.0, 30.0, 0.0, 70.0, 30.0, 60.0, 20.0, 90.0, 50.0, 0.0, 90.0, 90.0, 0.0, 100.0, 0.0, 10.0, 100.0, 80.0, 0.0, 40.0, 0.0, 30.0, 100.0, 40.0, 60.0, 80.0, 100.0, 0.0, 100.0, 70.0, 50.0, 0.0, 50.0, 0.0, 40.0, 0.0, 20.0, 80.0, 10.0, 70.0, 100.0, 70.0, 100.0, 0.0, 70.0, 100.0, 80.0, 70.0, 0.0, 30.0, 0.0, 0.0, 40.0, 40.0, 90.0, 10.0, 0.0, 70.0, 60.0, 100.0, 90.0, 50.0, 90.0, 30.0, 30.0, 20.0, 10.0, 0.0, 30.0, 100.0, 0.0, 0.0, 20.0, 80.0, 100.0, 70.0, 10.0, 50.0, 70.0, 0.0, 30.0, 10.0, 50.0, 0.0, 80.0, 0.0, 100.0, 10.0, 70.0, 60.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 20.0, 10.0, 0.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 10.0, 0.0, 10.0, 10.0, 0.0, 40.0, 0.0, 10.0, 60.0, 60.0, 40.0, 10.0, 30.0, 100.0, 90.0, 0.0, 90.0, 0.0, 0.0, 100.0, 10.0, 80.0, 40.0, 60.0, 90.0, 20.0, 0.0, 30.0, 100.0, 70.0, 50.0, 70.0, 90.0, 0.0, 30.0, 20.0, 90.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, 70.0, 50.0, 100.0, 10.0, 0.0, 50.0, 50.0, 100.0, 0.0, 90.0, 0.0, 0.0, 10.0, 30.0, 0.0, 0.0, 20.0, 30.0, 60.0, 40.0, 50.0, 100.0, 100.0, 0.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 70.0, 70.0, 70.0, 40.0, 100.0, 70.0, 50.0, 10.0, 0.0, 70.0, 20.0, 20.0, 0.0, 0.0, 20.0, 30.0, 0.0, 10.0, 10.0, 20.0, 100.0, 0.0, 80.0, 30.0, 0.0, 50.0, 100.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 100.0, 0.0, 60.0, 10.0, 70.0, 100.0, 70.0, 0.0, 50.0, 10.0, 60.0, 100.0, 10.0, 10.0, 30.0, 0.0, 0.0, 20.0, 90.0, 10.0, 60.0, 30.0, 50.0, 0.0, 100.0, 10.0, 0.0, 50.0, 100.0, 50.0, 0.0, 20.0, 100.0, 50.0, 60.0, 0.0, 80.0, 100.0, 0.0, 100.0, 100.0, 10.0, 0.0, 90.0, 10.0, 0.0, 100.0, 60.0, 50.0, 20.0, 0.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 90.0, 20.0, 10.0, 100.0, 70.0, 40.0, 20.0, 0.0, 100.0, 100.0, 50.0, 10.0, 0.0, 10.0, 0.0, 20.0, 10.0, 0.0, 50.0, 60.0, 30.0, 30.0, 0.0, 0.0, 100.0, 20.0, 100.0, 60.0, 80.0, 10.0, 0.0, 100.0, 90.0, 20.0, 100.0, 0.0, 40.0, 30.0, 0.0, 0.0, 30.0, 40.0, 10.0, 0.0, 0.0, 0.0, 100.0, 50.0, 0.0, 40.0, 60.0, 20.0, 100.0, 0.0, 70.0, 0.0, 60.0, 30.0, 80.0, 30.0, 30.0, 10.0, 60.0, 0.0, 40.0, 100.0, 20.0, 10.0, 80.0, 0.0, 100.0, 10.0, 60.0, 80.0, 100.0, 80.0, 100.0, 20.0, 0.0, 70.0, 0.0, 40.0, 100.0, 40.0, 30.0, 70.0, 0.0, 10.0, 0.0, 30.0, 0.0, 10.0, 10.0, 0.0, 100.0, 0.0, 40.0, 20.0, 90.0, 100.0, 90.0, 0.0, 40.0, 30.0, 80.0, 40.0, 30.0, 100.0, 0.0, 0.0, 0.0, 70.0, 60.0, 10.0, 20.0, 0.0, 50.0, 50.0, 20.0, 100.0, 0.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 40.0, 0.0, 60.0, 80.0, 90.0, 0.0, 40.0, 50.0, 30.0, 70.0, 60.0, 0.0, 0.0, 70.0, 0.0, 40.0, 10.0, 90.0, 100.0, 40.0, 40.0, 50.0, 0.0, 20.0, 20.0, 40.0, 40.0, 70.0, 100.0, 0.0, 0.0, 50.0, 80.0, 0.0, 20.0, 70.0, 40.0, 40.0, 40.0, 0.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 40.0, 0.0, 10.0, 10.0, 0.0, 0.0, 100.0, 30.0, 80.0, 100.0, 30.0, 10.0, 80.0, 30.0, 30.0, 100.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 0.0, 60.0, 100.0, 30.0, 30.0, 10.0, 10.0, 100.0, 100.0, 30.0, 20.0, 90.0, 10.0, 20.0, 100.0, 0.0, 50.0, 20.0, 0.0, 100.0, 90.0, 100.0, 60.0, 80.0, 80.0, -1.0, 20.0, 100.0, 0.0, 30.0, 60.0, 0.0, 10.0, 20.0, 30.0, 100.0, 60.0, 0.0, 40.0, 100.0, 30.0, 30.0, 10.0, 20.0, 10.0, 100.0, 0.0, 10.0, 20.0, 40.0, 60.0, 10.0, 30.0, 0.0, 30.0, 20.0, 50.0, 20.0, 10.0, 10.0, 100.0, 80.0, 0.0, 100.0, 0.0, 90.0, 30.0, -1.0, 10.0, 0.0, 50.0, 20.0, 20.0, 30.0, 10.0, 70.0, 80.0, 0.0, 100.0, 10.0, 10.0, 0.0, 20.0, 0.0, 60.0, 100.0, 10.0, 0.0, 70.0, 0.0, 50.0, 0.0, 20.0, 60.0, 0.0, 30.0, 10.0, 90.0, 20.0, 70.0, 0.0, 0.0, 10.0, 50.0, 10.0, 10.0, 100.0, 0.0, 20.0, 0.0, 20.0, 30.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 10.0, 60.0, 50.0, 70.0, 20.0, 60.0, 90.0, 10.0, 10.0, 70.0, 90.0, 40.0, 40.0, 0.0, 20.0, 40.0, 30.0, 20.0, 0.0, 20.0, 90.0, 80.0, 60.0, 50.0, 20.0, 50.0, 80.0, 0.0, 100.0, 30.0, 20.0, 10.0, 60.0, 20.0, 30.0, 80.0, 10.0, 100.0, 30.0, 20.0, 20.0, 50.0, 0.0, 0.0, 80.0, 70.0, 20.0, 10.0, 0.0, 80.0, 20.0, 60.0, 60.0, 90.0, 100.0, 0.0, 60.0, 50.0, 70.0, 60.0, 20.0, 60.0, 10.0, 60.0, 30.0, 70.0, 40.0, 0.0, 70.0, 70.0, 0.0, 0.0, 40.0, 80.0, 100.0, 100.0, 70.0, 40.0, 90.0, 90.0, 0.0, 0.0, 0.0, 10.0, 20.0, 30.0, 10.0, 70.0, 0.0, 10.0, 0.0, 100.0, 70.0, 0.0, 40.0, 10.0, 50.0, 0.0, 50.0, 60.0, 90.0, 100.0, 10.0, 50.0, 40.0, 70.0, 50.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 30.0, 40.0, 20.0, 20.0, 70.0, 20.0, 0.0, 100.0, 60.0, 0.0, 70.0, 30.0, 50.0, 100.0, 80.0, 40.0, 20.0, 100.0, 70.0, 60.0, 0.0, 10.0, 60.0, 0.0, 20.0, 0.0, 10.0, 10.0, 80.0, 60.0, 70.0, 0.0, 50.0, 10.0, 30.0, 0.0, 10.0, 60.0, 10.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 60.0, 0.0, 100.0, 70.0, 0.0, 90.0, 60.0, 40.0, 20.0, 10.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 10.0, 60.0, 20.0, 40.0, 40.0, 20.0, 10.0, 0.0, 50.0, 30.0, 10.0, 0.0, 70.0, 0.0, 20.0, 0.0, 100.0, 10.0, 100.0, 20.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 0.0, 30.0, 10.0, 0.0, 100.0, 90.0, 20.0, 20.0, 30.0, 40.0, 100.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 0.0, 20.0, 40.0, 90.0, 0.0, 100.0, 20.0, 60.0, 10.0, 100.0, 20.0, 30.0, 60.0, 60.0, 0.0, 0.0, 100.0, 20.0, 30.0, 0.0, 100.0, 70.0, 90.0, 20.0, 0.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 70.0, 70.0, 0.0, 100.0, 10.0, 100.0, 30.0, 0.0, 30.0, 30.0, 60.0, 100.0, 40.0, 40.0, 100.0, 20.0, 0.0, 100.0, 70.0, 30.0, 100.0, 40.0, 10.0, 100.0, 50.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 100.0, 90.0, 20.0, 10.0, 0.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 30.0, 70.0, 80.0, 20.0, 100.0, 0.0, 80.0, 70.0, 100.0, 100.0, 40.0, 100.0, 0.0, 30.0, 100.0, 70.0, 50.0, 0.0, 0.0, 100.0, 0.0, 0.0, 80.0, 20.0, 30.0, 20.0, 0.0, 20.0, 100.0, 0.0, 0.0, 90.0, 100.0, 0.0, 0.0, 0.0, 90.0, -1.0, 0.0, 100.0, 0.0, 0.0, 40.0, 50.0, 10.0, 20.0, 30.0, 0.0, 90.0, 40.0, 0.0, 100.0, 0.0, 30.0, 10.0, 100.0, 100.0, 10.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 20.0, 20.0, 50.0, 100.0, 0.0, 0.0, 0.0, 10.0, 100.0, 100.0, 60.0, 50.0, 40.0, 20.0, 0.0, 50.0, 40.0, 40.0, 50.0, 100.0, 80.0, 0.0, 100.0, 40.0, 40.0, 10.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 0.0, 100.0, 90.0, -1.0, 100.0, 20.0, 60.0, 30.0, 60.0, 0.0, 70.0, 80.0, 100.0, 50.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 70.0, 40.0, 50.0, 100.0, 0.0, 10.0, 60.0, 0.0, 90.0, 90.0, 100.0, 0.0, 0.0, 70.0, 0.0, 0.0, 50.0, 0.0, 20.0, 10.0, 30.0, 90.0, 40.0, 70.0, 0.0, 60.0, 10.0, 0.0, 10.0, 20.0, 70.0, 100.0, 0.0, 100.0, 100.0, 70.0, 0.0, 20.0, 30.0, 100.0, 60.0, 0.0, 40.0, 10.0, 10.0, 0.0, 40.0, 0.0, 60.0, 40.0, 60.0, 10.0, 50.0, 60.0, 60.0, 30.0, 80.0, 30.0, 40.0, 50.0, 70.0, 10.0, 0.0, 30.0, 50.0, 80.0, 40.0, 50.0, 100.0, 60.0, 0.0, 0.0, 40.0, 50.0, 0.0, -1.0, 20.0, 100.0, 0.0, 90.0, 0.0, 60.0, 10.0, 20.0, 0.0, 0.0, 30.0, 40.0, 10.0, 100.0, 100.0, 10.0, 50.0, 0.0, 80.0, 10.0, 60.0, 10.0, 20.0, 0.0, 90.0, 40.0, 70.0, 100.0, 10.0, 100.0, 30.0, 30.0, 80.0, 20.0, 30.0, 10.0, 0.0, 10.0, 0.0, 0.0, 20.0, 90.0, 20.0, 30.0, 60.0, 30.0, 0.0, 50.0, 0.0, 100.0, 70.0, 10.0, 60.0, 20.0, 0.0, 0.0, 20.0, 0.0, 60.0, 100.0, 40.0, 0.0, 40.0, 30.0, 0.0, 100.0, 20.0, 10.0, 0.0, 100.0, 30.0, 0.0, 0.0, 20.0, 0.0, 60.0, 10.0, 0.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 20.0, 50.0, 10.0, 10.0, 100.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2600 = {(7800, 5200): [100.0, 100.0, 20.0, 70.0, 30.0, 10.0, 100.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 0.0, 10.0, 100.0, 20.0, 10.0, 40.0, 20.0, 100.0, 90.0, 40.0, 80.0, 70.0, 100.0, 80.0, 10.0, 90.0, 30.0, 100.0, 90.0, 100.0, 10.0, 20.0, 0.0, 100.0, 100.0, 90.0, 10.0, 100.0, 90.0, 40.0, 50.0, 70.0, 100.0, 100.0, 70.0, 0.0, 10.0, 0.0, 100.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 70.0, 80.0, 100.0, 0.0, 80.0, 10.0, 20.0, 20.0, 0.0, 100.0, 30.0, 0.0, 100.0, 100.0, 100.0, 20.0, 20.0, 100.0, 100.0, 0.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 10.0, 20.0, 90.0, 30.0, 100.0, 0.0, 100.0, 30.0, 10.0, 0.0, 100.0, 0.0, 50.0, 100.0, 100.0, 10.0, 20.0, 100.0, 40.0, 10.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 80.0, 0.0, 100.0, 20.0, 100.0, 100.0, 60.0, 100.0, 100.0, 10.0, 0.0, 0.0, 100.0, 60.0, 20.0, 100.0, 100.0, 10.0, 100.0, 20.0, 100.0, 10.0, 20.0, 0.0, 70.0, 60.0, 0.0, 60.0, 40.0, 20.0, 100.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 50.0, 70.0, 90.0, 50.0, 100.0, 100.0, 90.0, 20.0], (0, 0): [0.0, 60.0, 40.0, 60.0, -1.0, 10.0, 50.0, 20.0, 50.0, 40.0, 40.0, 40.0, 50.0, 10.0, 50.0, 0.0, 10.0, 60.0, 10.0, 0.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, 20.0, 50.0, 30.0, 100.0, -1.0, 50.0, 70.0, 30.0, 80.0, 100.0, 40.0, 50.0, -1.0, 20.0, -1.0, 10.0, -1.0, 40.0, 70.0, 30.0, -1.0, 40.0, 60.0, 20.0, 20.0, 40.0, -1.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 40.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 40.0, 20.0, 0.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 20.0, 50.0, 100.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 50.0, 20.0, 40.0, 50.0, 30.0, 50.0, 20.0, 0.0, 30.0, 10.0, 40.0, 50.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 70.0, 20.0, 20.0, 30.0, 20.0, 60.0, 40.0, 50.0, 90.0, 60.0, 50.0, 70.0, 50.0, 80.0, 40.0, 60.0, 30.0, 10.0, 40.0, 50.0, 30.0, 30.0, 70.0, 80.0, 20.0, 10.0, 10.0, 90.0, 60.0, 20.0, 70.0, 10.0, -1.0, 10.0, 100.0, -1.0, 10.0, -1.0, 60.0, 70.0, 60.0, 20.0, -1.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 50.0, 10.0, 60.0, 20.0, 10.0, 60.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 0.0, 20.0, 10.0, 50.0, 10.0, 50.0, 10.0, 40.0, 20.0, -1.0, -1.0, 10.0, 20.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 70.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 40.0, 10.0, 20.0, 30.0, 40.0, 40.0, 0.0, 40.0, 40.0, 60.0, 20.0, 50.0, 40.0, 20.0, 40.0, 20.0, 20.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 50.0, 30.0, 30.0, 70.0, 20.0, 70.0, 40.0, 30.0, 40.0, 70.0, 40.0, 20.0, 20.0, 40.0, 50.0, 10.0, 30.0, 50.0, -1.0, 30.0, 50.0, 50.0, 10.0, 50.0, 20.0, 90.0, 50.0, 10.0, 10.0, 30.0, 50.0, 40.0, 70.0, 0.0, 60.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 50.0, 40.0, 40.0, 30.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 30.0, 20.0, 100.0, 20.0, 70.0, 20.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 40.0, -1.0, 0.0, 10.0, 60.0, 20.0, 30.0, 50.0, 20.0, 50.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 50.0, 20.0, 40.0, 10.0, 30.0, 30.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 30.0, 0.0, 60.0, 10.0, -1.0, 20.0, 0.0, 50.0, 50.0, 30.0, -1.0, -1.0, -1.0, 0.0, 10.0, 20.0, 60.0, 10.0, 20.0, 40.0, 40.0, 40.0, 70.0, 20.0, 50.0, 30.0, 60.0, 20.0, 60.0, 20.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 50.0, 20.0, 50.0, 20.0, 30.0, 0.0, 30.0, 30.0, 50.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 10.0, 20.0, 10.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 10.0, 70.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 50.0, 20.0, 70.0, 70.0, 60.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, 60.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 40.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 60.0, -1.0, 40.0, 40.0, 10.0, 70.0, 30.0, 20.0, 20.0, 30.0, 60.0, 10.0, 80.0, 20.0, 50.0, 30.0, 10.0, 30.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 60.0, 30.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 40.0, 30.0, 60.0, 50.0, 60.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, 50.0, 50.0, 0.0, 30.0, 10.0, 10.0, 60.0, 60.0, 70.0, 40.0, -1.0, 30.0, 40.0, 0.0, 30.0, 40.0, -1.0, 30.0, 30.0, 50.0, 20.0, 0.0, 70.0, 40.0, 50.0, -1.0, -1.0, 50.0, 60.0, 10.0, 10.0, 20.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 0.0, 40.0, 10.0, 0.0, 10.0, 10.0, 30.0], (5200, 2600): [40.0, 90.0, 20.0, 60.0, 60.0, 50.0, 50.0, 70.0, 20.0, 0.0, 100.0, 90.0, 0.0, 20.0, 0.0, 90.0, 10.0, 10.0, 100.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 20.0, 70.0, 40.0, 20.0, 20.0, 0.0, 80.0, 100.0, 10.0, 0.0, 20.0, 100.0, 0.0, 60.0, 50.0, 10.0, 90.0, 10.0, 80.0, 50.0, 40.0, 0.0, 40.0, 50.0, 20.0, 100.0, 100.0, 30.0, 100.0, 10.0, 10.0, 100.0, 80.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 100.0, 20.0, 10.0, 100.0, 20.0, 70.0, 0.0, 30.0, 70.0, 20.0, 50.0, 40.0, 0.0, 40.0, 90.0, 60.0, 10.0, 100.0, 70.0, 60.0, 10.0, 40.0, 10.0, 30.0, 0.0, 80.0, 10.0, 10.0, 100.0, 10.0, 30.0, 60.0, 90.0, 0.0, 0.0, 20.0, 40.0, 70.0, 0.0, 90.0, 100.0, 20.0, 10.0, 100.0, 20.0, 20.0, 30.0, 50.0, 0.0, 20.0, 50.0, 100.0, 40.0, 20.0, 70.0, 90.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 0.0, 40.0, 10.0, 50.0, 20.0, 60.0, 0.0, 100.0, 0.0, 100.0, 100.0, 50.0, 0.0, 60.0, 0.0, 90.0, 80.0, 10.0, 20.0, 100.0, 0.0, 0.0, 100.0, 40.0, 10.0, 70.0, 80.0, 100.0, 0.0, 100.0, 0.0, 20.0, 0.0, 20.0, 100.0, 40.0, 20.0, 40.0, 0.0, 10.0, 50.0, 100.0, 10.0, 0.0, 20.0, 60.0, 10.0, 10.0, 0.0, 10.0, 100.0, 30.0, 60.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 80.0, 70.0, 100.0, 40.0, 10.0, 50.0, 100.0, 30.0, 100.0, 0.0, 30.0, 0.0, 10.0, 30.0, 0.0, 50.0, 100.0, 30.0, 50.0, 50.0, 20.0, 10.0, 60.0, 0.0, 10.0, 10.0, 100.0, 60.0, 100.0, 0.0, 10.0, 20.0, 40.0, 100.0, 50.0, 40.0, 100.0, 70.0, 40.0, 50.0, 0.0, 0.0, 80.0, 100.0, 70.0, 0.0, 0.0, 10.0, 70.0, 30.0, 30.0, 40.0, 10.0, 60.0, 90.0, 50.0, 80.0, 0.0, 100.0, 30.0, 40.0, 40.0, 30.0, 40.0, 0.0, 0.0, 30.0, 80.0, 10.0, 30.0, 30.0, 20.0, 40.0, 10.0, 100.0, 0.0, 20.0, 10.0, 30.0, 0.0, 0.0, 10.0, 30.0, 50.0, 60.0, 70.0, 0.0, 0.0, 90.0, 20.0, 50.0, 30.0, 20.0, 80.0, 20.0, 20.0, 10.0, 100.0, 30.0, 100.0, 30.0, 0.0, 0.0, 0.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 40.0, 100.0, 0.0, 50.0, 10.0, 0.0, 30.0, 0.0, 100.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 90.0, 40.0, 80.0, 60.0, 10.0, 70.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 0.0, 10.0, 10.0, 80.0, 30.0, 0.0, 0.0, 20.0, 90.0, 10.0, 100.0, 100.0, 90.0, 0.0, 30.0, 70.0, 80.0, 10.0, 80.0, 40.0, 80.0, 0.0, 80.0, 90.0, 50.0, 100.0, 20.0, 90.0, 20.0, 0.0, 10.0, 0.0, 0.0, 60.0, 30.0, 10.0, 0.0, 50.0, 40.0, 100.0, 10.0, 40.0, 20.0, 100.0, 90.0, 100.0, 0.0, 0.0, 40.0, 0.0, 10.0, 10.0, 100.0, 30.0, 100.0, 20.0, 20.0, 0.0, 20.0, 50.0, 20.0, 10.0, 90.0, 20.0, 80.0, 0.0, 20.0, 0.0, 60.0, 10.0, 10.0, 30.0, 50.0, 10.0, 0.0, 10.0, 100.0, 100.0, 80.0, 70.0, 0.0, 90.0, 90.0, 0.0, 50.0, 100.0, 40.0, 10.0, 20.0, 10.0, 10.0, 40.0, 50.0, 20.0, 60.0, 0.0, 10.0, 0.0, 50.0, 0.0, 40.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 100.0, 0.0, 70.0, 0.0, 100.0, 0.0, 10.0, 0.0, 50.0, 60.0, 90.0, 50.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 100.0, 0.0, 10.0, 0.0, 90.0, 0.0, 0.0, -1.0, 0.0, 100.0, 90.0, 0.0, 100.0, 90.0, 60.0, 30.0, 30.0, 10.0, 40.0, 90.0, 20.0, 20.0, 70.0, 100.0, 100.0, 30.0, 100.0, 0.0, 90.0, 20.0, 40.0, 90.0, 10.0, 60.0, 40.0, 60.0, 80.0, 100.0, 60.0, 0.0, 10.0, 20.0, 80.0, 0.0, 100.0, 0.0, 50.0, 30.0, 0.0, 0.0, 100.0, 40.0, 30.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 10.0, 0.0, 10.0, 0.0, 80.0, 0.0, 10.0, 0.0, 50.0, 70.0, 20.0, 60.0, 100.0, 10.0, 50.0, 0.0, 70.0, 40.0, 20.0, 100.0, 0.0, 90.0, 20.0, 60.0, 60.0, 10.0, 30.0, 90.0, 80.0, 0.0, 10.0, 80.0, 20.0, 100.0, 100.0, 100.0, 0.0, 50.0, 60.0, 0.0, 50.0, 100.0, 0.0, 100.0, 10.0, 20.0, 40.0, 20.0, 50.0, 20.0, 100.0, 0.0, 30.0, 50.0, 20.0, 80.0, 0.0, 0.0, 100.0, 70.0, 0.0, 60.0, 0.0, 100.0, 60.0, 90.0, 60.0, 100.0, 0.0, 20.0, 30.0, 30.0, 0.0, 40.0, 0.0, 0.0, 50.0, 20.0, 70.0, 70.0, 80.0, 40.0, 100.0, 0.0, 10.0, 60.0, 0.0, 0.0, 20.0, 0.0, 70.0, 20.0, 100.0, 60.0, 0.0, 20.0, 0.0, 0.0, 30.0, 80.0, 0.0, 0.0, 40.0, 100.0, 70.0, 40.0, 0.0, 80.0, 100.0, 60.0, 70.0, 100.0, 30.0, 0.0, 100.0, 60.0, 40.0, 0.0, 10.0, 100.0, 10.0, 10.0, 10.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 30.0, 70.0, 80.0, 30.0, 90.0, 100.0, 100.0, 20.0, 90.0, 30.0, 90.0, 0.0, 10.0, 60.0, 10.0, 10.0, 10.0, 0.0, 40.0, 40.0, 80.0, 50.0, 100.0, 20.0, 60.0, 0.0, 100.0, 70.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 10.0, 10.0, 30.0, 20.0, 100.0, 10.0, 100.0, 30.0, 100.0, 100.0, 0.0, 10.0, 60.0, 100.0, 100.0, 10.0, 60.0, 90.0, 60.0, 70.0, 70.0, 60.0, 10.0, 10.0, 0.0, 80.0, 40.0, 30.0, 0.0, 70.0, 30.0, 60.0, 90.0, 50.0, 0.0, 90.0, 90.0, 0.0, 100.0, 0.0, 90.0, 100.0, 80.0, 0.0, 40.0, 0.0, 30.0, 100.0, 100.0, 40.0, 80.0, 90.0, 100.0, 0.0, 100.0, 70.0, 50.0, 100.0, 0.0, 50.0, 0.0, 40.0, 0.0, 20.0, 80.0, 70.0, 100.0, 70.0, 100.0, 70.0, 100.0, 80.0, 70.0, 0.0, 30.0, 0.0, 0.0, 40.0, 40.0, 90.0, 10.0, 0.0, 70.0, 60.0, 100.0, 90.0, 50.0, 90.0, 30.0, 20.0, 10.0, 0.0, 30.0, 100.0, 0.0, 0.0, 20.0, 80.0, 100.0, 70.0, 50.0, 70.0, 100.0, 0.0, 30.0, 10.0, 50.0, 0.0, 80.0, 0.0, 100.0, 70.0, 60.0, 100.0, 0.0, 0.0, 0.0, 0.0, 60.0, 10.0, 60.0, 40.0, 20.0, 40.0, 100.0, 10.0, 0.0, 10.0, 10.0, 0.0, 40.0, 0.0, 100.0, 10.0, 60.0, 60.0, 40.0, 30.0, 100.0, 90.0, 0.0, 90.0, 0.0, 0.0, 100.0, 10.0, 80.0, 20.0, 40.0, 60.0, 90.0, 20.0, 0.0, 30.0, 100.0, 70.0, 50.0, 100.0, 70.0, 90.0, 0.0, 30.0, 20.0, 90.0, 10.0, 30.0, 50.0, 20.0, 10.0, 40.0, 70.0, 50.0, 100.0, 0.0, 100.0, 100.0, 0.0, 90.0, 100.0, 0.0, 0.0, 10.0, 30.0, 0.0, 100.0, 30.0, 60.0, 40.0, 50.0, 100.0, 100.0, 0.0, 20.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 70.0, 70.0, 70.0, 0.0, 40.0, 100.0, 70.0, 50.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 20.0, 30.0, 0.0, 10.0, 10.0, 20.0, 100.0, 0.0, 80.0, 30.0, 0.0, 50.0, 100.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 100.0, 0.0, 10.0, 70.0, 100.0, 70.0, 0.0, 50.0, 100.0, 10.0, 10.0, 30.0, 0.0, 20.0, 90.0, 10.0, 60.0, 30.0, 50.0, 0.0, 100.0, 0.0, 50.0, 100.0, 50.0, 0.0, 20.0, 0.0, 100.0, 50.0, 60.0, 100.0, 0.0, 80.0, 100.0, 100.0, 100.0, 0.0, 90.0, 0.0, 100.0, 60.0, 50.0, 100.0, 10.0, 90.0, 10.0, 0.0, 20.0, 0.0, 10.0, 90.0, 20.0, 10.0, 100.0, 70.0, 40.0, 30.0, 20.0, 0.0, 100.0, 100.0, 50.0, 0.0, 10.0, 0.0, 20.0, 10.0, 60.0, 30.0, 30.0, 0.0, 0.0, 100.0, 20.0, 100.0, 60.0, 100.0, 80.0, 10.0, 100.0, 90.0, 20.0, 100.0, 0.0, 40.0, 30.0, 0.0, 30.0, 40.0, 0.0, 0.0, 0.0, 100.0, 10.0, 50.0, 0.0, 40.0, 60.0, 20.0, 100.0, 0.0, 70.0, 0.0, 60.0, 80.0, 30.0, 30.0, 100.0, 10.0, 0.0, 40.0, 100.0, 20.0, 10.0, 80.0, 0.0, 100.0, 10.0, 60.0, 80.0, 100.0, 80.0, 100.0, 20.0, 0.0, 70.0, 0.0, 30.0, 40.0, 100.0, 40.0, 0.0, 30.0, 70.0, 0.0, 100.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 100.0, 0.0, 40.0, 20.0, 10.0, 90.0, 0.0, 40.0, 30.0, 30.0, 100.0, 0.0, 0.0, 70.0, 60.0, 10.0, 20.0, 0.0, 50.0, 50.0, 20.0, 100.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 20.0, 40.0, 0.0, 60.0, 80.0, 90.0, 40.0, 50.0, 30.0, 70.0, 60.0, 0.0, 70.0, 0.0, 40.0, 0.0, 90.0, 100.0, 40.0, 20.0, 40.0, 50.0, 0.0, 20.0, 20.0, 40.0, 40.0, 70.0, 100.0, 0.0, 50.0, 80.0, 0.0, 20.0, 40.0, 40.0, 40.0, 10.0, 0.0, 30.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 80.0, 40.0, 0.0, 10.0, 30.0, 0.0, 100.0, 30.0, 30.0, 80.0, 100.0, 30.0, 10.0, 80.0, 90.0, 30.0, 30.0, 100.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 30.0, 10.0, 0.0, 0.0, 60.0, 100.0, 30.0, 30.0, 10.0, 10.0, 100.0, 0.0, 20.0, 100.0, 90.0, 10.0, 20.0, 100.0, 100.0, 0.0, 50.0, 20.0, 0.0, 100.0, 90.0, 100.0, 60.0, 80.0, -1.0, 20.0, 100.0, 0.0, 0.0, 30.0, 60.0, 0.0, 10.0, 20.0, 30.0, 100.0, 60.0, 40.0, 100.0, 70.0, 30.0, 30.0, 10.0, 20.0, 10.0, 100.0, 0.0, 10.0, 20.0, 40.0, 10.0, 30.0, 30.0, 0.0, 30.0, 40.0, 20.0, 50.0, 20.0, 100.0, 80.0, 100.0, 0.0, 90.0, 30.0, -1.0, 10.0, 50.0, 80.0, 20.0, 30.0, 70.0, 80.0, 30.0, 100.0, 0.0, 100.0, 10.0, 0.0, 10.0, 20.0, 0.0, 50.0, 0.0, 60.0, 100.0, 10.0, 0.0, 70.0, 0.0, 50.0, 0.0, 20.0, 20.0, 0.0, 30.0, 10.0, 90.0, 20.0, 70.0, 0.0, 0.0, 10.0, 50.0, 10.0, 10.0, 100.0, 0.0, 20.0, 20.0, 30.0, 20.0, 0.0, 10.0, 10.0, 90.0, 10.0, 10.0, 60.0, 50.0, 70.0, 20.0, 90.0, 10.0, 10.0, 70.0, 90.0, 40.0, 40.0, 0.0, 20.0, 40.0, 30.0, 20.0, 0.0, 20.0, 90.0, 10.0, 80.0, 60.0, 50.0, 20.0, 50.0, 80.0, 0.0, 100.0, 30.0, 20.0, 10.0, 60.0, 20.0, 80.0, 10.0, 100.0, 30.0, 20.0, 20.0, 50.0, 0.0, 0.0, 80.0, 70.0, 20.0, 100.0, 10.0, 100.0, 0.0, 80.0, 20.0, 60.0, 60.0, 90.0, 100.0, 0.0, 60.0, 50.0, 70.0, 60.0, 20.0, 60.0, 10.0, 60.0, 30.0, 70.0, 40.0, 70.0, 70.0, 0.0, 0.0, 40.0, 80.0, 100.0, 100.0, 70.0, 40.0, 90.0, 90.0, 0.0, 10.0, 20.0, 30.0, 10.0, 70.0, 0.0, 60.0, 100.0, 0.0, 70.0, 0.0, 40.0, 10.0, 50.0, 50.0, 60.0, 90.0, 100.0, 10.0, 50.0, 40.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 40.0, 20.0, 60.0, 20.0, 70.0, 20.0, 0.0, 100.0, 60.0, 0.0, 70.0, 30.0, 50.0, 0.0, 100.0, 80.0, 40.0, 20.0, 100.0, 70.0, 60.0, 0.0, 10.0, 60.0, 0.0, 10.0, 10.0, 80.0, 60.0, 60.0, 50.0, 70.0, 0.0, 50.0, 10.0, 30.0, 0.0, 10.0, 60.0, 10.0, 0.0, 20.0, 0.0, 30.0, 0.0, 10.0, 100.0, 60.0, 0.0, 100.0, 70.0, 0.0, 90.0, 60.0, 20.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 50.0, 90.0, 20.0, 40.0, 40.0, 20.0, 10.0, 0.0, 50.0, 30.0, 10.0, 0.0, 0.0, 20.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 0.0, 0.0, 10.0, 100.0, 0.0, 100.0, 0.0, 0.0, 30.0, 10.0, 0.0, 100.0, 90.0, 20.0, 20.0, 30.0, 40.0, 100.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 20.0, 90.0, 0.0, 100.0, 20.0, 60.0, 100.0, 10.0, 100.0, 20.0, 100.0, 60.0, 60.0, 0.0, 50.0, 0.0, 100.0, 20.0, 30.0, 0.0, 100.0, 70.0, 90.0, 20.0, 0.0, 0.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 70.0, 70.0, 100.0, 10.0, 100.0, 30.0, 100.0, 0.0, 30.0, 60.0, 100.0, 40.0, 40.0, 100.0, 20.0, 100.0, 70.0, 100.0, 40.0, 10.0, 100.0, 100.0, 90.0, 100.0, 50.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 100.0, 100.0, 90.0, 20.0, 10.0, 100.0, 0.0, 20.0, 0.0, 100.0, 30.0, 70.0, 30.0, 70.0, 80.0, 20.0, 100.0, 0.0, 80.0, 70.0, 100.0, 100.0, 40.0, 100.0, 30.0, 100.0, 70.0, 50.0, 0.0, 0.0, 100.0, 0.0, 0.0, 80.0, 20.0, 30.0, 30.0, 0.0, 70.0, 20.0, 100.0, 0.0, 0.0, 100.0, 90.0, 100.0, 0.0, 0.0, 0.0, 90.0, -1.0, 0.0, 100.0, 100.0, 10.0, 0.0, 0.0, 40.0, 50.0, 20.0, 30.0, 0.0, 90.0, 40.0, 0.0, 100.0, 0.0, 30.0, 10.0, 100.0, 100.0, 10.0, 0.0, 50.0, 100.0, 100.0, 100.0, 20.0, 20.0, 50.0, 100.0, 0.0, 0.0, 10.0, 100.0, 100.0, 30.0, 60.0, 90.0, 100.0, 50.0, 40.0, 20.0, 80.0, 40.0, 50.0, 100.0, 80.0, 0.0, 100.0, 0.0, 40.0, 100.0, 40.0, 10.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 0.0, 100.0, 90.0, -1.0, 100.0, 20.0, 60.0, 30.0, 0.0, 0.0, 70.0, 80.0, 100.0, 50.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 70.0, 50.0, 0.0, 100.0, 0.0, 10.0, 0.0, 90.0, 90.0, 100.0, 0.0, 50.0, 0.0, 70.0, 0.0, 0.0, 0.0, 20.0, 30.0, 90.0, 40.0, 70.0, 0.0, 60.0, 0.0, 10.0, 20.0, 100.0, 0.0, 100.0, 0.0, 100.0, 100.0, 70.0, 0.0, 20.0, 20.0, 30.0, 100.0, 60.0, 0.0, 40.0, 10.0, 10.0, 0.0, 40.0, 0.0, 60.0, 40.0, 60.0, 10.0, 50.0, 60.0, 60.0, 30.0, 80.0, 30.0, 40.0, 20.0, 50.0, 70.0, 10.0, 0.0, 30.0, 80.0, 40.0, 100.0, 60.0, 40.0, 10.0, 50.0, 0.0, -1.0, 20.0, 100.0, 100.0, 0.0, 90.0, 0.0, 60.0, 10.0, 0.0, 90.0, 0.0, 30.0, 40.0, 10.0, 100.0, 100.0, 10.0, 50.0, 0.0, 80.0, 60.0, 10.0, 0.0, 90.0, 40.0, 70.0, 100.0, 10.0, 100.0, 10.0, 30.0, 80.0, 20.0, 30.0, 0.0, 10.0, 0.0, 0.0, 20.0, 90.0, 20.0, 30.0, 60.0, 60.0, 30.0, 0.0, 10.0, 0.0, 50.0, 0.0, 100.0, 70.0, 10.0, 60.0, 20.0, 0.0, 0.0, 0.0, 20.0, 0.0, 60.0, 100.0, 100.0, 40.0, 40.0, 0.0, 50.0, 40.0, 30.0, 0.0, 100.0, 20.0, 10.0, 0.0, 100.0, 30.0, 0.0, 0.0, 0.0, 100.0, 100.0, 50.0, 60.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 20.0, 0.0, 50.0, 10.0, 10.0, 100.0, 0.0], (5200, 5200): [30.0, 0.0, 10.0, 30.0, 10.0, 100.0, 10.0, 100.0, 0.0, 50.0, 100.0, 10.0, 100.0, 0.0, 10.0, 0.0, 20.0, 70.0, 10.0, 100.0, 50.0, 100.0, 50.0], (2600, 0): [10.0, 10.0, 0.0, 50.0, 60.0, 30.0, 10.0, 10.0, 70.0, 20.0, 20.0, 30.0, 40.0, 30.0, 40.0, 40.0, 10.0, 20.0, 40.0, 30.0, 30.0, -1.0, 20.0, 20.0, 30.0, 0.0, 30.0, 40.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 50.0, 10.0, -1.0, 40.0, 30.0, 20.0, 30.0, 20.0, 20.0, 20.0, 10.0, 20.0, 10.0, 20.0, 0.0, 10.0, 20.0, 60.0, 80.0, 90.0, -1.0, 80.0, 10.0, 30.0, -1.0, 20.0, 30.0, 20.0, 10.0, 0.0, 10.0, 90.0, -1.0, 40.0, 30.0, 50.0, -1.0, -1.0, 30.0, 60.0, 30.0, 10.0, 60.0, 30.0, 40.0, 20.0, 50.0, 10.0, 50.0, 30.0, 30.0, 30.0, 10.0, 30.0, 30.0, 20.0, 60.0, 10.0, 60.0, 30.0, 40.0, -1.0, -1.0, 20.0, 50.0, -1.0, 10.0, 20.0, 50.0, 30.0, 0.0, 0.0, 40.0, 10.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 70.0, 90.0, 10.0, 0.0, 0.0, 40.0, 50.0, 80.0, 40.0, 40.0, 10.0, 40.0, 20.0, -1.0, 20.0, 10.0, 50.0, 50.0, 10.0, 60.0, -1.0, 40.0, 10.0, 20.0, 20.0, 60.0, 20.0, 20.0, 30.0, 80.0, 10.0, 30.0, 50.0, 0.0, 30.0, 0.0, 20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 10.0, 0.0, 30.0, 20.0, 30.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 10.0, 20.0, 80.0, 20.0, 20.0, -1.0, 20.0, 50.0, 10.0, 40.0, 10.0, 40.0, 80.0, 90.0, 20.0, -1.0, 70.0, 60.0, 10.0, 90.0, -1.0, 20.0, -1.0, 40.0, 70.0, 20.0, 10.0, 40.0, 80.0, 20.0, -1.0, 40.0, 40.0, 30.0, -1.0, 10.0, 20.0, 30.0, 10.0, 70.0, 20.0, 40.0, 10.0, 80.0, 10.0, 10.0, 0.0, 40.0, 40.0, 20.0, 80.0, 10.0, 50.0, 30.0, 0.0, 20.0, 100.0, 50.0, 30.0, 70.0, 40.0, 50.0, 30.0, 10.0, 40.0, 40.0, 50.0, 50.0, 20.0, 20.0, 10.0, 40.0, 30.0, 30.0, 60.0, 10.0, 30.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, 50.0, -1.0, 40.0, 30.0, 0.0, 30.0, 40.0, 30.0, 20.0, 60.0, 20.0, 30.0, 10.0, 40.0, 40.0, 10.0, 10.0, 40.0, 40.0, 0.0, 50.0, 60.0, 60.0, 50.0, 20.0, 20.0, 80.0, 10.0, -1.0, 50.0, -1.0, 10.0, 10.0, 10.0, 40.0, -1.0, 0.0, 30.0, -1.0, 80.0, 0.0, 40.0, 30.0, 10.0, 60.0, 30.0, 10.0, 20.0, 30.0, 0.0, 20.0, -1.0, -1.0, 0.0, 90.0, 60.0, 0.0, 30.0, 60.0, 10.0, 0.0, 20.0, 40.0, 50.0, 40.0, 10.0, -1.0, 0.0, 80.0, 40.0, 60.0, 30.0, 10.0, 30.0, 20.0, 90.0, 30.0, 40.0, 20.0, 10.0, 20.0, 40.0, 0.0, 30.0, 0.0, 30.0, 30.0, 10.0, -1.0, 0.0, 0.0, 10.0, 40.0, 10.0, 20.0, 10.0, 50.0, 20.0, 20.0, 40.0, 30.0, 10.0, 30.0, 40.0, 20.0, 20.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 40.0, 80.0, 30.0, 40.0, 40.0, 20.0, 80.0, 20.0, 10.0, 60.0, 50.0, -1.0, 20.0, -1.0, 10.0, 10.0, 50.0, 20.0, 20.0, 10.0, 80.0, -1.0, 40.0, -1.0, 50.0, 10.0, 20.0, -1.0, 10.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 40.0, 10.0, 30.0, 20.0, 10.0, 50.0, 10.0, 60.0, 10.0, 40.0, 10.0, 20.0, 0.0, 30.0, 30.0, 0.0, 90.0, -1.0, -1.0, 10.0, 30.0, -1.0, 30.0, 40.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 10.0, 60.0, 60.0, 0.0, 10.0, 20.0, 10.0, 40.0, 10.0, 60.0, 40.0, 20.0, 50.0, 10.0, 60.0, 40.0, 30.0, 30.0, 10.0, 40.0, 10.0, 10.0, 20.0, 40.0, 0.0, 20.0, 10.0, 30.0, 40.0, 30.0, 0.0, 30.0, 0.0, 0.0, -1.0, 100.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 10.0, 40.0, -1.0, 30.0, 30.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 10.0, 50.0, 40.0, 100.0, 10.0, 10.0, 10.0, 40.0, 50.0, 80.0, 30.0, 0.0, 30.0, 0.0, 40.0, 20.0, 80.0, 50.0, 20.0, 20.0, 20.0, 0.0, 40.0, 30.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 20.0, 30.0, 90.0, 20.0, 30.0, 40.0, 10.0, 10.0, 10.0, 80.0, 40.0, 10.0, 70.0, 30.0, 10.0, 10.0, 30.0, 0.0, 0.0, 30.0, 0.0, 20.0, 40.0, -1.0, 10.0, 40.0, 10.0, 10.0, 80.0, 0.0, 30.0, 40.0, 10.0, 20.0, 0.0, 60.0, 0.0, 80.0, -1.0, 30.0, 10.0, 30.0, 40.0, 40.0, 70.0, 30.0, 0.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 50.0, 60.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 10.0, 50.0, 30.0, 40.0, 100.0, -1.0, 50.0, 30.0, 20.0, 30.0, 100.0, 60.0, 0.0, 30.0, 20.0, 30.0, 40.0, 10.0, 30.0, 20.0, 40.0, 0.0, 40.0, -1.0, 10.0, 40.0, 60.0, 10.0, 10.0, 30.0, 60.0, 30.0, 40.0, 0.0, 30.0, 40.0, -1.0, 30.0, 60.0, 80.0, 40.0, -1.0, 30.0, 40.0, 10.0, -1.0, 10.0, 100.0, 30.0, 20.0, 90.0, 60.0, 10.0, 80.0, 20.0, 50.0, 30.0, 60.0, 40.0, 40.0, 20.0, 0.0, 10.0, -1.0, 20.0, 10.0, 40.0, 0.0, 30.0, 80.0, 10.0, 40.0, 20.0, 10.0, -1.0, 0.0, 30.0, 90.0, 10.0, 70.0, 30.0, 0.0, 50.0, 0.0, 50.0, 20.0, 10.0, 20.0, 60.0, 40.0, 50.0, 40.0, 20.0, 40.0, 0.0, 10.0, 50.0, 60.0, 20.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 20.0, 30.0, 20.0, 60.0, 10.0, 0.0, 10.0, 10.0, 30.0, 90.0, -1.0, 60.0, 40.0, 40.0, 70.0, 40.0, 20.0, 10.0, 0.0, 0.0, 90.0, 60.0, 30.0, 30.0, 20.0, 60.0, -1.0, 10.0, 70.0, 10.0, 20.0, 20.0, 50.0, 10.0, 40.0, 70.0, 0.0, 10.0, 10.0, 80.0, 50.0, 20.0, 30.0, 20.0, 10.0, 10.0, 40.0, 50.0, 30.0, 0.0, -1.0, 30.0, 20.0, 40.0, 10.0, 10.0, 60.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 50.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 40.0, 20.0, 30.0, 40.0, 40.0, 0.0, 80.0, -1.0, 40.0, 30.0, 80.0, 40.0, 0.0, 10.0, 30.0, 70.0, 20.0, 20.0, 40.0, 100.0, 60.0, 10.0, 50.0, 40.0, 40.0, 50.0, 0.0, 10.0, 50.0, 30.0, 90.0, 70.0, 30.0, 10.0, 30.0, 50.0, 70.0, 10.0, 30.0, 30.0, 20.0, 10.0, 20.0, -1.0, 50.0, 80.0, 10.0, 30.0, 10.0, 20.0, 70.0, 40.0, 40.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 30.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 10.0, 50.0, 30.0, 70.0, 40.0, 10.0, 100.0, 60.0, 30.0, 10.0, -1.0, 30.0, 30.0, -1.0, 50.0, 30.0, 0.0, -1.0, 50.0, 60.0, 10.0, 50.0, 0.0, 60.0, 20.0, 50.0, 30.0, -1.0, 30.0, -1.0, 10.0, 20.0, -1.0, 10.0, 30.0, 40.0, 50.0, 60.0, 10.0, 40.0, 0.0, -1.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 40.0, 20.0, -1.0, 10.0, -1.0, 40.0, 20.0, 20.0, 40.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 30.0, 20.0, 0.0, -1.0, 40.0, 10.0, 20.0, 40.0, 70.0, 30.0, 40.0, 10.0, 30.0, 70.0, 50.0, 60.0, 60.0, 40.0, 30.0, 10.0, 50.0, 30.0, 100.0, 20.0, 40.0, 50.0, 20.0, 30.0, -1.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, 20.0, -1.0, 40.0, 40.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 20.0, 20.0, 60.0, 50.0, 70.0, 40.0, 30.0, 10.0, 60.0, 0.0, 50.0, 50.0, 10.0, 10.0, 30.0, 40.0, -1.0, 90.0, 30.0, 10.0, 40.0, 60.0, 0.0, 60.0, 50.0, 30.0, 20.0, 10.0, 0.0, 20.0, 50.0, 50.0, 20.0, 10.0, 20.0, -1.0, -1.0, 30.0, 30.0, 50.0, 10.0, 40.0, 20.0, 50.0, 50.0, 20.0, 20.0, 40.0, 20.0, 60.0, 90.0, 40.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 60.0, 30.0, -1.0, -1.0, 20.0, 40.0, 10.0, 10.0, 30.0, 40.0, 10.0, 50.0, -1.0, 10.0, 50.0, 60.0, 40.0, 40.0, 10.0, -1.0, 10.0, 10.0, 30.0, 20.0, 0.0, 20.0, 50.0, 40.0, 20.0, 20.0, 50.0, 10.0, 90.0, 40.0, 10.0, 50.0, 20.0, 20.0, 70.0, 30.0, 0.0, 50.0, 20.0, 20.0, -1.0, 30.0, 20.0, 30.0, 70.0, 20.0, 0.0, 30.0, 40.0, 20.0, 100.0, 60.0, 80.0, 0.0, 20.0, 0.0, 20.0, 40.0, 10.0, 50.0, 30.0, 10.0, -1.0, 50.0, 30.0, 30.0, 40.0, 30.0, 0.0, 10.0, 30.0, 20.0, 60.0, 40.0, 30.0, 40.0, 30.0, 100.0, 40.0, 0.0, 30.0, 20.0, 60.0, 40.0, 10.0, 20.0, 100.0, 70.0, 20.0, 40.0, 10.0, 40.0, 90.0, 0.0, 20.0, 30.0, 40.0, 40.0, 40.0, 20.0, 10.0, 0.0, 30.0, 50.0, 100.0, 40.0, 40.0, 20.0, 10.0, 40.0, 20.0, 50.0, -1.0, 70.0, 0.0, 30.0, 10.0, 20.0, 30.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 50.0, 30.0, 10.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 10.0, 40.0, 10.0, 40.0, 90.0, 40.0, 10.0, 50.0, 40.0, 50.0, 60.0, 40.0], (7800, 2600): [90.0, 0.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 70.0, 60.0, 30.0, 100.0, 100.0, 100.0, 100.0, 30.0, 30.0, 100.0, 50.0, 40.0, 50.0, 90.0, 30.0, 100.0, 100.0, 30.0, 70.0, 100.0, 20.0, 90.0, 30.0, 20.0, 10.0, 60.0, 90.0, 20.0, 100.0, 30.0, 100.0, 80.0, 100.0, 10.0, 0.0, 50.0, 70.0, 100.0, 0.0, 100.0, 10.0, 100.0, 60.0, 20.0, 100.0, 30.0, 60.0, 30.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 20.0, 40.0, 0.0, 60.0, 10.0, 100.0, 80.0, 100.0, 90.0, 60.0, 40.0, 100.0, 20.0, 20.0, 60.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 70.0, 40.0, 40.0, 90.0, 0.0, 70.0, 80.0, 100.0, 80.0, 40.0, 100.0, 80.0, 100.0, 20.0, 70.0, 100.0, 100.0, 100.0, 70.0, 100.0, 70.0, 100.0, 80.0, 90.0, 90.0, 100.0, 30.0, 80.0, 70.0, 10.0, 80.0, 30.0, 10.0, 100.0, 100.0, 0.0, 100.0, 40.0, 100.0, 90.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0, 0.0, 10.0, 0.0, 80.0, 100.0, 70.0, 50.0, 10.0, 100.0, 100.0, 0.0, 30.0, 10.0, 20.0, 60.0, 50.0, 100.0, 50.0, 100.0, 30.0, 100.0, 100.0, 30.0, 100.0, 40.0, 100.0, 100.0, 20.0, 10.0, 100.0, 50.0, 100.0, 100.0, 100.0, 0.0, 10.0, 20.0, 90.0, 40.0, 50.0, 100.0, 70.0, 100.0, 20.0, 90.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 10.0, 50.0, 0.0, 100.0, 100.0, 100.0, 70.0, 40.0, 80.0, 10.0, 100.0, 0.0, 70.0, 30.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 0.0, 100.0, 30.0, 60.0, 0.0, 100.0, 10.0, 90.0, 80.0, 80.0, 100.0, 100.0, 100.0, 100.0, 0.0, 30.0, 70.0, 0.0, 10.0, 100.0, 10.0, 70.0, 100.0, 60.0, 60.0, 100.0, 30.0, 0.0, 100.0, 100.0, 60.0, 100.0, 30.0, 100.0, 90.0, 100.0, 100.0, 30.0, 100.0, 30.0, 80.0, 50.0, 70.0, 100.0, 90.0, 20.0, 90.0, 100.0, 40.0, 40.0, 10.0, 90.0, 90.0, 100.0, 0.0, 0.0, 50.0, 20.0, 30.0, 100.0, 50.0, 100.0, 50.0, 10.0, 100.0, 100.0, 60.0, 100.0, 0.0, 20.0, 100.0, 100.0, 20.0, 40.0, 100.0, 100.0, 60.0, 100.0, 70.0, 80.0, 50.0, 50.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 30.0, 100.0, 0.0, 40.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 80.0, 60.0, 90.0, 100.0, 10.0, 100.0, 100.0, 70.0, 20.0, 10.0, 100.0, 80.0, 0.0, 100.0, 10.0, 30.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 50.0, 100.0, 100.0, 100.0, 10.0, 100.0, 70.0, 100.0, 100.0, 60.0, 100.0, 90.0, 50.0, 60.0, 100.0, 80.0, 50.0, 70.0, 10.0, 30.0, 10.0, 100.0, 100.0, 100.0, 30.0, 80.0, 100.0, 0.0, 60.0, 100.0, 0.0, 70.0, 60.0, 40.0, 10.0, 80.0, 30.0, 100.0, 20.0, 100.0, 90.0, 100.0, 20.0, 100.0, 90.0, 80.0, 70.0, 50.0, 100.0, 100.0, 20.0, 100.0, 70.0, 100.0, 100.0, 100.0, 60.0, 80.0, 90.0, 100.0, 60.0, 100.0, 30.0, 20.0, 100.0, 20.0, 100.0, 100.0, 0.0, 0.0, 0.0, 30.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 100.0, 30.0, 100.0, 40.0, 50.0, 100.0, 100.0, 20.0, 0.0, 100.0, 0.0, 70.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 10.0, 90.0, 60.0, 100.0, 100.0, 10.0, 60.0, 70.0, 20.0, 100.0, 20.0, 100.0, 60.0, 0.0, 100.0, 90.0, 30.0, 20.0, 20.0, 80.0, 30.0, 100.0, 100.0, 40.0, 100.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 60.0, 100.0, 0.0, 100.0, 80.0, 100.0, 80.0, 0.0, 30.0, 100.0, 100.0, 20.0, 50.0, 30.0, 50.0, 30.0, 10.0, 100.0, 70.0, 0.0, 90.0, 30.0, 100.0, 100.0, 0.0, 100.0, 30.0, 20.0, 40.0, 100.0, 80.0, 50.0, 80.0, 70.0, 0.0, 90.0, 0.0, 50.0, 20.0, 100.0, 100.0, 100.0, 60.0, 10.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 90.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 100.0, 40.0, 10.0, 10.0, 0.0, 10.0, 100.0, 100.0, 50.0, 60.0, 100.0, 10.0, 100.0, 70.0, 20.0, 30.0, 40.0, 100.0, 30.0, 70.0, 0.0, 100.0, 0.0, 50.0, 20.0, 90.0, 0.0, 60.0, 100.0, 90.0, 100.0, 20.0, 60.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 60.0, 40.0, 50.0, 100.0, 20.0, 20.0, 100.0, 60.0, 0.0, 10.0, 0.0, 90.0, 50.0, 40.0, 20.0, 100.0, 100.0, 100.0, 100.0, 50.0, 20.0, 100.0, 100.0, 40.0, 100.0, 40.0, 100.0, 10.0, 100.0, 0.0, 20.0], (5200, 0): [80.0, 30.0, 70.0, 80.0, 100.0, 30.0, 60.0, 40.0, 80.0, 70.0, 70.0, 60.0, 10.0, 10.0, 20.0, 60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 90.0, 30.0, 30.0, 50.0, 70.0, 60.0, 0.0, 90.0, 60.0, 100.0, 30.0, 20.0, 60.0, 60.0, 30.0, 10.0, 20.0, 10.0, 50.0, 10.0, 40.0, 20.0, 40.0, 80.0, 30.0, 80.0, 60.0, 80.0, 20.0, 70.0, 50.0, 90.0, 50.0, 30.0, 30.0, -1.0, 60.0, 40.0, 30.0, 30.0, 20.0, 70.0, 80.0, 100.0, 40.0, 10.0, 10.0, 50.0, 10.0, 100.0, 90.0, 30.0, 70.0, 80.0, 50.0, 30.0, 50.0, 20.0, 90.0, 0.0, 10.0, 30.0, 100.0, 100.0, 60.0, 100.0, 40.0, 40.0, 30.0, 30.0, 70.0, 40.0, 0.0, 30.0, 40.0, 30.0, 40.0, 70.0, 80.0, 60.0, 60.0, 70.0, 40.0, 50.0, 80.0, 30.0, 30.0, 30.0, 100.0, 20.0, 50.0, 40.0, 50.0, 30.0, 90.0, 60.0, 10.0, 20.0, 10.0, 10.0, 70.0, 40.0, 30.0, 100.0, 40.0, 60.0, 70.0, 50.0, 30.0, 30.0, 30.0, 20.0, 30.0, 20.0, 30.0, 30.0, 50.0, 0.0, 40.0, 30.0, 80.0, 40.0, 10.0, 50.0, 20.0, 50.0, 50.0, 40.0, 50.0, 40.0, 60.0, 80.0, 40.0, 60.0, 10.0, 60.0, 40.0, 10.0, 10.0, 20.0, 10.0, 60.0, 60.0, 40.0, 20.0, 50.0, 100.0, 60.0, 60.0, 40.0, 50.0, 40.0, 100.0, 100.0, 50.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 60.0, 50.0, 100.0, 50.0, 60.0, 30.0, 80.0, 10.0, 40.0, 40.0, 60.0, 50.0, 20.0, 30.0, 40.0, 10.0, 50.0, 100.0, 50.0, 50.0, 50.0, 90.0, 50.0, 100.0, 30.0, 60.0, 10.0, 20.0, 0.0, 0.0, 60.0, 50.0, 40.0, 50.0, 40.0, 40.0, 80.0, 30.0, 40.0, 50.0, 20.0, 40.0, 50.0, 100.0, 70.0, 10.0, 10.0, 30.0, 40.0, 40.0, 20.0, 40.0, 20.0, 10.0, 50.0, 60.0, 100.0, 100.0, 20.0, 50.0, 40.0, 70.0, 20.0, 30.0, 10.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 10.0, 40.0, 0.0, 10.0, 10.0, 60.0, 100.0, 50.0, 0.0, 40.0, 40.0, 100.0, 100.0, 30.0, 40.0, 50.0, 20.0, 30.0, 30.0, 40.0, 60.0, 60.0, 30.0, 0.0, 50.0, 10.0, 60.0, 0.0, 70.0, 70.0, 70.0, 10.0, 50.0, 60.0, 60.0, 60.0, 40.0, 30.0, 60.0, 30.0, 100.0, 90.0, 90.0, 0.0, 10.0, 30.0, 50.0, 90.0, 0.0, 90.0, 50.0, 60.0, 30.0, 10.0, 70.0, 30.0, 70.0, 40.0, 40.0, 60.0, 70.0, 70.0, 30.0, 10.0, 20.0, 10.0, 20.0, 50.0, 90.0, 70.0, 10.0, 30.0, 40.0, 30.0, 0.0, 100.0, 40.0, 60.0, 70.0, 30.0, 70.0, 40.0, 20.0, 60.0, 10.0, 50.0, 30.0, 30.0, 20.0, 60.0, 40.0, 70.0, 10.0, 0.0, 90.0, 60.0, 20.0, 40.0, 80.0, 60.0, 70.0, 60.0, 10.0, 100.0, 40.0, 40.0, 10.0, 30.0, 30.0, 100.0, 100.0, 20.0, 30.0, 70.0, 30.0, 40.0, 20.0, 60.0, 60.0, 70.0, 30.0, 10.0, 20.0, 10.0, 10.0, 60.0, 40.0, 70.0, 10.0, 60.0, 70.0, 30.0, 0.0, 30.0, 60.0, 60.0, 20.0, 60.0, 50.0, 40.0, 40.0, 0.0, 50.0, 40.0, 60.0, 90.0, 50.0, 50.0, 40.0, 10.0, 10.0, 30.0, 80.0, 60.0, 70.0, 100.0, 40.0, 80.0, 80.0, 40.0, 0.0, 100.0, 40.0, 30.0, 50.0, 70.0, 20.0, 30.0, 70.0, 50.0, 60.0, 100.0, 50.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 50.0, 60.0, 70.0, 20.0, 30.0, 40.0, 20.0, 50.0, 50.0, 10.0, 40.0, 100.0, 30.0, 30.0, 10.0, 20.0, 40.0, 60.0, 50.0, 10.0, 60.0, 50.0, 40.0, 20.0, 70.0, 40.0, 90.0, 20.0, 70.0, 70.0, 50.0, 60.0, 50.0, 20.0, 80.0, 90.0, 50.0, 10.0, 0.0, 40.0, 90.0, 80.0, 60.0, 30.0, 70.0, 60.0, 30.0, 60.0, 90.0, 70.0, 0.0, 20.0, 80.0, 50.0, 40.0, 20.0, 0.0, 70.0, 30.0, 80.0, 60.0, 0.0, 60.0, 40.0, 0.0, 10.0, 100.0, 20.0, 80.0, 70.0, 50.0, 70.0, 80.0, 0.0, 70.0, 10.0, 100.0, 80.0, 50.0, 60.0, 40.0, 100.0, 20.0, 20.0, 20.0, 30.0, 50.0, 10.0, 40.0, 60.0, 80.0, 60.0, 90.0, 50.0, 60.0, 50.0, 100.0, 100.0, 100.0, 50.0, 30.0, 50.0, 30.0, 50.0, 20.0, 60.0, 20.0, 60.0, 80.0, 30.0, 10.0, 30.0, 50.0, 60.0, 20.0, 40.0, 0.0, 60.0, 30.0, 40.0, 40.0, 100.0, 80.0, 0.0, 100.0, 0.0, 20.0, 60.0, 90.0, 60.0, 90.0, 20.0, 80.0, 70.0, 100.0, 80.0, 20.0, 50.0, 90.0, 60.0, 30.0, 60.0, 10.0, 30.0, 20.0, 50.0, 40.0, 80.0, 100.0, 20.0, 100.0, 80.0, 70.0, 70.0, 70.0, 30.0, 50.0, 80.0, 40.0, 80.0, 70.0, 90.0, 60.0, 50.0, 40.0, 60.0, 70.0, 60.0, 10.0, 100.0, 70.0, 10.0, 40.0, 60.0, 10.0, 50.0, 40.0, 90.0, 60.0, 30.0, 70.0, 70.0, 50.0, 60.0, 20.0, 100.0, 40.0, 30.0, 0.0, 70.0, 50.0, 10.0, 60.0, 60.0, 30.0, 20.0, 10.0, 30.0, 80.0, 30.0, 0.0, 30.0, 40.0, 50.0, 10.0, 100.0, 20.0, 20.0, 70.0, 10.0, 60.0, 10.0, 70.0, 40.0, 30.0, 90.0, 40.0, 0.0, 80.0, 90.0, 40.0, 20.0, 30.0, 50.0, 100.0, 10.0, 30.0, 80.0, 20.0, 30.0, 20.0, 100.0, 80.0, 70.0, 40.0, 20.0], (7800, 0): [100.0, 80.0, 100.0, 60.0, 90.0, 100.0, 50.0, 80.0, 20.0, 90.0, 100.0, 60.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 70.0, 100.0, 100.0, 60.0, 80.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 70.0, 20.0, 70.0, 100.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 90.0, 100.0, 40.0, 100.0, 40.0, 100.0, 90.0, 70.0, 20.0, 80.0, 100.0, 100.0, 80.0, 60.0, 90.0, 100.0, 100.0, 90.0, 100.0, 10.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 90.0, 0.0, 100.0, 80.0, 90.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 50.0, 80.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 50.0, 20.0, 100.0, 70.0, 80.0, 90.0, 100.0, 80.0, 100.0, 80.0, 50.0, 90.0, 90.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 80.0, 80.0, 90.0, 50.0, 30.0, 100.0, 80.0, 90.0, 70.0, 100.0, 100.0, 90.0, 100.0, 40.0, 80.0, 70.0, 90.0, 80.0, 60.0, 90.0, 100.0, 20.0, 50.0, 60.0, 50.0, 100.0, 100.0, 90.0, 80.0, 90.0, 10.0, 80.0, 100.0, 30.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 80.0, 80.0, 50.0, 100.0, 50.0, 10.0, 100.0, 10.0, 70.0, 100.0, 80.0, 80.0, 30.0, 60.0, 50.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 80.0, 100.0, 70.0, 100.0, 80.0, 50.0, 100.0, 70.0, 100.0, 90.0, 90.0, 80.0, 100.0, 90.0, 90.0, 50.0, 90.0, 100.0, 90.0, 90.0, 80.0, 10.0, 20.0, 80.0, 80.0, 100.0, 90.0, 80.0, 100.0, 90.0, 60.0, 10.0, 90.0, 90.0, 100.0, 100.0, 30.0, 100.0, 100.0, 100.0, 90.0, 20.0, 80.0, 100.0, 90.0, 70.0, 100.0, 90.0, 100.0, 20.0, 100.0, 90.0, 90.0, 100.0, 70.0, 100.0, 90.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 60.0, 100.0, 80.0, 100.0, 100.0, 70.0, 60.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 90.0, 40.0, 100.0, 80.0, 80.0, 70.0, 20.0, 80.0, 90.0], (2600, 2600): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 30.0, 0.0, 40.0, 80.0, 40.0, 40.0, 0.0, 60.0, 40.0, 50.0, 30.0, 10.0, 60.0, -1.0, 0.0, 90.0, 100.0, 10.0, 20.0, 70.0, 70.0, 20.0, 50.0, 60.0, 60.0, 30.0, 10.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 70.0, 30.0, 30.0, 40.0, 30.0, 30.0, 0.0, 40.0, 0.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, -1.0, 10.0, 20.0, 0.0, 60.0, 20.0, 40.0, 10.0, 10.0, 80.0, 0.0, 50.0, 30.0, 80.0, 40.0, 30.0, 100.0, 90.0, 0.0, 90.0, 100.0, 20.0, 20.0, -1.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 30.0, 0.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 10.0, 30.0, 20.0, 50.0, 20.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 30.0, 40.0, 40.0, 0.0, 0.0, 30.0, 50.0, 20.0, 40.0, 10.0, 30.0, 10.0, 0.0, 0.0, 70.0, 10.0, 0.0, 40.0, 20.0, 0.0, 0.0, 20.0, 0.0, 70.0, 10.0, 40.0, 50.0, 70.0, 40.0, 30.0, 0.0, 20.0, 30.0, 0.0, 0.0, 50.0, 40.0, 20.0, 10.0, 0.0, 20.0, 60.0, 100.0, 60.0, 10.0, 0.0, 20.0, 20.0, 40.0, 10.0, 20.0, 100.0, 50.0, 50.0, 40.0, 20.0, 20.0, 40.0, 20.0, 20.0, 80.0, 70.0, 0.0, 0.0, 0.0, 10.0, 10.0, 30.0, 100.0, 60.0, 0.0, 0.0, 30.0, 40.0, 50.0, 0.0, 10.0, 10.0, 50.0, 60.0, 0.0, 40.0, 0.0, 10.0, 60.0, 30.0, 40.0, 20.0, 0.0, 50.0, 90.0, 70.0, 90.0, 10.0, 40.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 50.0, 100.0, 30.0, 10.0, 80.0, 70.0, 0.0, 100.0, 0.0, 20.0, 40.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 50.0, 20.0, 20.0, 20.0, 10.0, 40.0, 0.0, 10.0, 30.0, 20.0, 40.0, 40.0, 0.0, 10.0, 10.0, 20.0, 40.0, 30.0, 100.0, 60.0, 20.0, 0.0, 0.0, 60.0, 20.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, 30.0, 100.0, 70.0, 10.0, 20.0, 20.0, 30.0, 20.0, 20.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 60.0, 20.0, 10.0, 0.0, 0.0, 30.0, 70.0, 60.0, 50.0, 0.0, 30.0, 90.0, 10.0, 10.0, 90.0, 70.0, 70.0, 20.0, 30.0, 100.0, 0.0, -1.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 30.0, 0.0, 10.0, 30.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 10.0, 10.0, 70.0, 0.0, 0.0, 10.0, 10.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 30.0, 20.0, 20.0, 10.0, 20.0, 30.0, 100.0, 40.0, 70.0, 100.0, 40.0, 0.0, 0.0, 100.0, 20.0, 30.0, 0.0, 20.0, 50.0, 50.0, 60.0, 40.0, 20.0, 60.0, 0.0, 20.0, 10.0, 80.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 60.0, 80.0, 20.0, 0.0, 50.0, 60.0, 10.0, 0.0, 0.0, 30.0, 10.0, 10.0, 10.0, 80.0, 20.0, 80.0, 30.0, 30.0, 20.0, 60.0, 20.0, 50.0, 20.0, 0.0, 40.0, 30.0, 10.0, 50.0, 10.0, 10.0, 20.0, 0.0, 30.0, 70.0, 20.0, 20.0, 90.0, 0.0, 30.0, 100.0, 20.0, 80.0, 40.0, 0.0, 10.0, 10.0, 50.0, 20.0, 40.0, 20.0, 30.0, 70.0, 30.0, 30.0, 0.0, 40.0, 50.0, 10.0, 40.0, 20.0, -1.0, 60.0, 0.0, 0.0, 10.0, 100.0, 10.0, 30.0, 50.0, 10.0, 70.0, 80.0, 20.0, 20.0, 30.0, 40.0, 20.0, 30.0, 20.0, 20.0, 10.0, 0.0, 0.0, 70.0, 0.0, 30.0, 0.0, 20.0, 10.0, 10.0, 60.0, 100.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 80.0, 0.0, 30.0, 0.0, 20.0, 40.0, 20.0, 80.0, 60.0, 20.0, 40.0, 10.0, 0.0, 20.0, 40.0, 30.0, 80.0, 0.0, 30.0, 20.0, 10.0, 0.0, 20.0, 70.0, 50.0, 50.0, 100.0, 10.0, 50.0, 50.0, -1.0, 20.0, 60.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 60.0, 0.0, 20.0, 60.0, 40.0, 30.0, 20.0, 20.0, 0.0, 0.0, 30.0, 50.0, 0.0, 10.0, 70.0, 20.0, 30.0, 0.0, 50.0, 30.0, 0.0, 30.0, 80.0, 80.0, 40.0, 30.0, 0.0, 40.0, 0.0, 10.0, 50.0, 30.0, 50.0, 0.0, 0.0, 20.0, 0.0, 40.0, 0.0, 10.0, 0.0, 30.0, 10.0, 30.0, 70.0, 0.0, 10.0, 30.0, 20.0, 0.0, 20.0, 50.0, 40.0, 10.0, 0.0, 50.0, 20.0, 40.0, 10.0, 20.0, 10.0, 50.0, 60.0, 10.0, 0.0, 0.0, 70.0, 50.0, 0.0, 60.0, 40.0, 0.0, 30.0, -1.0, 20.0, 50.0, 70.0, 0.0, 0.0, 50.0, 0.0, 30.0, 100.0, 40.0, 0.0, 40.0, 0.0, 30.0, 50.0, 30.0, 0.0, 40.0, 60.0, 40.0, 40.0, 0.0, 30.0, 50.0, 30.0, 70.0, 0.0, 30.0, 0.0, 0.0, 30.0, 10.0, 20.0, 10.0, 30.0, 40.0, 90.0, 20.0, 30.0, 60.0, 30.0, 30.0, 0.0, 20.0, 40.0, 60.0, 60.0, 80.0, 0.0, 20.0, 30.0, 20.0, 50.0, 20.0, 10.0, 20.0, 0.0, 20.0, 10.0, 30.0, 0.0, 0.0, 0.0, 10.0, 20.0, 10.0, 0.0, 0.0, 50.0, 30.0, 0.0, 0.0, 20.0, 0.0, 30.0, 80.0, 50.0, 30.0, 20.0, 30.0, 20.0, 50.0, 60.0, 60.0, 40.0, 30.0, 0.0, 40.0, 90.0, 50.0, 0.0, 60.0, 80.0, 30.0, 0.0, 10.0, 20.0, 20.0, 30.0, 100.0, 10.0, 10.0, 20.0, 70.0, 20.0, 60.0, 0.0, 20.0, 20.0, 20.0, 20.0, 40.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 60.0, 30.0, 20.0, 70.0, 20.0, 20.0, 10.0, 40.0, 50.0, 70.0, 0.0, 10.0, 30.0, 20.0, 10.0, 30.0, 0.0, 70.0, 30.0, 0.0, 60.0, 10.0, 10.0, 20.0, 0.0, 30.0, 60.0, 30.0, 20.0, 0.0, 30.0, 40.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2700 = {(0, 0): [0.0, 60.0, 40.0, 60.0, -1.0, 10.0, 50.0, 30.0, 20.0, 50.0, 40.0, 40.0, 40.0, 50.0, 20.0, 10.0, 50.0, 20.0, 0.0, 10.0, 60.0, 10.0, 0.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, 20.0, 50.0, 30.0, -1.0, 100.0, -1.0, 50.0, 70.0, 30.0, 80.0, 100.0, 40.0, 50.0, -1.0, 20.0, 30.0, -1.0, 10.0, -1.0, 40.0, 70.0, 30.0, -1.0, 40.0, 40.0, 40.0, 60.0, 20.0, 20.0, 40.0, -1.0, -1.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 40.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 20.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 10.0, 20.0, 50.0, 100.0, -1.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 50.0, -1.0, 20.0, 40.0, 50.0, 30.0, 50.0, 20.0, 0.0, 30.0, 10.0, 40.0, 50.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, -1.0, 30.0, 20.0, 70.0, 20.0, 50.0, 20.0, 30.0, 20.0, 60.0, 40.0, 50.0, 90.0, 60.0, 50.0, 70.0, 50.0, 80.0, 40.0, 60.0, 30.0, 10.0, 40.0, 50.0, 20.0, 30.0, 30.0, 70.0, 80.0, 20.0, 40.0, 10.0, 10.0, 90.0, 60.0, 20.0, 70.0, 10.0, -1.0, 10.0, 100.0, -1.0, 30.0, 10.0, -1.0, 60.0, 60.0, 70.0, 60.0, 20.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 80.0, 50.0, 10.0, 60.0, 20.0, 10.0, 60.0, 40.0, 10.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 10.0, 0.0, 20.0, 10.0, 50.0, 10.0, 50.0, 10.0, 40.0, 20.0, -1.0, -1.0, 40.0, 10.0, 20.0, 40.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 10.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 10.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 70.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 40.0, 10.0, 20.0, 10.0, 30.0, 40.0, 40.0, 0.0, 40.0, 40.0, 60.0, 20.0, 50.0, 40.0, 20.0, 40.0, 20.0, 20.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 50.0, 30.0, 30.0, 70.0, 80.0, 20.0, 70.0, 40.0, 30.0, 40.0, 70.0, 40.0, 20.0, 20.0, 40.0, 50.0, 10.0, 30.0, 50.0, -1.0, 20.0, 30.0, 50.0, 50.0, 30.0, 90.0, 20.0, 30.0, 10.0, 50.0, 20.0, 90.0, 50.0, 10.0, 30.0, 10.0, 30.0, 50.0, 40.0, 70.0, 0.0, 60.0, 10.0, 30.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 50.0, 30.0, 40.0, 40.0, 30.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 30.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 20.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 40.0, -1.0, 80.0, 0.0, 10.0, 60.0, 20.0, 30.0, 40.0, 50.0, 20.0, 50.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 50.0, 50.0, 20.0, 40.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 0.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 30.0, 0.0, 60.0, 10.0, -1.0, 20.0, 0.0, 50.0, 50.0, 60.0, 30.0, 50.0, -1.0, -1.0, -1.0, 0.0, 10.0, 20.0, 60.0, 10.0, 20.0, 40.0, 40.0, 40.0, 70.0, 20.0, 50.0, 30.0, 60.0, 20.0, 60.0, 20.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 50.0, 20.0, 50.0, 50.0, 20.0, 30.0, 0.0, 30.0, 30.0, 50.0, 50.0, 10.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 50.0, 10.0, 20.0, 10.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 10.0, 70.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, -1.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 50.0, 20.0, 70.0, 70.0, 60.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 20.0, 40.0, -1.0, 60.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 40.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 60.0, -1.0, 40.0, 40.0, 10.0, 70.0, 30.0, 20.0, 20.0, 30.0, 50.0, 60.0, 10.0, 80.0, 20.0, 50.0, 30.0, 10.0, 30.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 60.0, 30.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 40.0, 30.0, 60.0, 50.0, 60.0, 20.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, 50.0, 50.0, 0.0, 20.0, 30.0, 10.0, 10.0, 50.0, 60.0, 60.0, 70.0, 40.0, -1.0, 30.0, 40.0, 0.0, 30.0, 40.0, -1.0, 20.0, 30.0, 30.0, 50.0, 20.0, 0.0, 40.0, 70.0, 40.0, 50.0, -1.0, -1.0, 50.0, 60.0, 10.0, 10.0, 20.0, 30.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 0.0, 40.0, 10.0, 0.0, 10.0, 10.0, 30.0], (2700, 0): [10.0, 10.0, 0.0, 50.0, 60.0, 30.0, 10.0, 10.0, 70.0, 20.0, 20.0, 30.0, 40.0, 30.0, 40.0, 40.0, 10.0, 20.0, 40.0, 30.0, 80.0, -1.0, 20.0, 20.0, 30.0, 0.0, 30.0, 40.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 50.0, 10.0, -1.0, 40.0, 30.0, 20.0, 30.0, 20.0, 20.0, 20.0, 10.0, 20.0, 10.0, 0.0, 10.0, 60.0, 80.0, 90.0, -1.0, 80.0, 10.0, 30.0, -1.0, 20.0, 50.0, 30.0, 20.0, 10.0, 30.0, 0.0, 10.0, 10.0, 90.0, -1.0, 40.0, 30.0, 50.0, 40.0, -1.0, 30.0, 60.0, 30.0, 10.0, 70.0, 60.0, 30.0, 40.0, 20.0, 30.0, 50.0, 10.0, 50.0, 30.0, 30.0, 30.0, 10.0, 30.0, 30.0, 20.0, 60.0, 10.0, 10.0, 60.0, 40.0, -1.0, -1.0, 30.0, 20.0, 50.0, -1.0, 10.0, 20.0, 50.0, 30.0, 0.0, 0.0, 40.0, 10.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 70.0, 90.0, 20.0, 30.0, 40.0, 10.0, 0.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 40.0, 20.0, -1.0, 20.0, 10.0, 50.0, 50.0, 10.0, 60.0, 30.0, 40.0, 10.0, 10.0, 20.0, 20.0, 60.0, 20.0, 20.0, 30.0, 80.0, 10.0, 30.0, 50.0, -1.0, 0.0, 30.0, 0.0, 20.0, 30.0, 20.0, 20.0, 10.0, 30.0, 30.0, 10.0, 0.0, 0.0, 30.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 30.0, 20.0, 80.0, 20.0, 20.0, 20.0, 50.0, 10.0, 40.0, 10.0, 40.0, 80.0, 90.0, 20.0, -1.0, 70.0, 60.0, 10.0, 90.0, 20.0, -1.0, 40.0, 70.0, 20.0, 10.0, 40.0, 40.0, 80.0, 20.0, -1.0, 40.0, 40.0, 30.0, -1.0, 10.0, 20.0, 0.0, 30.0, 10.0, 70.0, 20.0, 40.0, 70.0, 10.0, 80.0, 10.0, 10.0, 0.0, 40.0, 40.0, 20.0, 80.0, 10.0, 50.0, 30.0, 0.0, 20.0, 100.0, 30.0, 70.0, 40.0, 50.0, 30.0, 10.0, 40.0, 40.0, 50.0, 30.0, 50.0, 20.0, 20.0, 10.0, 40.0, 30.0, 30.0, 60.0, 10.0, 30.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, 50.0, -1.0, 0.0, 40.0, 30.0, 0.0, 30.0, 40.0, 30.0, 20.0, 60.0, 60.0, 30.0, 10.0, 40.0, 20.0, 40.0, 40.0, 10.0, 10.0, 40.0, 60.0, 40.0, 0.0, 50.0, 60.0, 60.0, 50.0, 20.0, 20.0, 80.0, 10.0, -1.0, 50.0, -1.0, 10.0, 10.0, 10.0, 40.0, -1.0, 0.0, -1.0, 80.0, 0.0, 40.0, 30.0, 10.0, 30.0, 10.0, 20.0, 30.0, 0.0, 20.0, -1.0, -1.0, 0.0, 30.0, 90.0, 60.0, 0.0, 30.0, 10.0, 0.0, 60.0, 20.0, 40.0, 50.0, 40.0, 10.0, -1.0, 0.0, 40.0, 60.0, 30.0, 40.0, 10.0, 30.0, 20.0, 90.0, 30.0, 20.0, 0.0, 40.0, 20.0, 40.0, 0.0, 30.0, 0.0, 30.0, 50.0, 30.0, 10.0, -1.0, 0.0, 0.0, 50.0, 40.0, 10.0, 20.0, 10.0, 50.0, 20.0, 20.0, 40.0, 40.0, 30.0, 10.0, 30.0, 40.0, 20.0, 20.0, 30.0, -1.0, 20.0, 20.0, 10.0, 10.0, 40.0, 80.0, 30.0, 40.0, 20.0, 80.0, 20.0, 10.0, 60.0, 70.0, 50.0, -1.0, 20.0, 20.0, -1.0, 10.0, 10.0, 50.0, 20.0, 20.0, 10.0, 80.0, 50.0, -1.0, -1.0, 50.0, 10.0, 20.0, -1.0, 10.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 10.0, 50.0, 10.0, 60.0, 10.0, 40.0, 100.0, 20.0, 0.0, 30.0, 30.0, 0.0, 90.0, 10.0, 20.0, 0.0, -1.0, 10.0, -1.0, 10.0, 30.0, -1.0, 30.0, 40.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 10.0, 60.0, 60.0, 0.0, 20.0, 10.0, 20.0, 10.0, 40.0, 10.0, 60.0, 40.0, 20.0, 50.0, 10.0, 60.0, 40.0, 30.0, 30.0, 10.0, 10.0, 40.0, 10.0, 20.0, 40.0, 0.0, 20.0, 10.0, 30.0, 40.0, 30.0, 0.0, 30.0, 0.0, 0.0, -1.0, 10.0, 100.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 50.0, 10.0, 0.0, 0.0, 40.0, -1.0, 30.0, 30.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 10.0, 50.0, 40.0, 100.0, 10.0, 10.0, 10.0, 20.0, 40.0, 30.0, 50.0, 30.0, 0.0, 0.0, 30.0, 0.0, 40.0, 20.0, 80.0, 50.0, 20.0, 20.0, 20.0, 0.0, 40.0, 30.0, 30.0, 10.0, 10.0, -1.0, 10.0, 30.0, 40.0, 10.0, 10.0, 10.0, 80.0, 40.0, 10.0, 70.0, 30.0, 10.0, 10.0, 10.0, 50.0, 0.0, 0.0, 30.0, 0.0, 20.0, 40.0, -1.0, 10.0, 40.0, 10.0, 10.0, 20.0, 80.0, 0.0, 30.0, 40.0, 10.0, 20.0, 0.0, 60.0, 0.0, 80.0, -1.0, 30.0, 40.0, 10.0, 30.0, 40.0, 40.0, 70.0, 30.0, 0.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 50.0, 60.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 40.0, -1.0, 10.0, 10.0, 50.0, 30.0, 40.0, 100.0, -1.0, 50.0, 30.0, 20.0, 20.0, 100.0, 60.0, 0.0, 30.0, 20.0, 30.0, 40.0, 10.0, 30.0, 20.0, 40.0, 0.0, 40.0, -1.0, 10.0, 60.0, 10.0, 30.0, 80.0, 60.0, 20.0, 30.0, 30.0, 40.0, 0.0, 30.0, 40.0, 60.0, -1.0, 30.0, 60.0, 80.0, 40.0, -1.0, 30.0, 40.0, 10.0, -1.0, 10.0, 10.0, 100.0, 30.0, 20.0, 90.0, 30.0, 60.0, 10.0, 20.0, 50.0, 30.0, 60.0, 40.0, 40.0, 20.0, 20.0, 0.0, 10.0, 30.0, -1.0, 20.0, 10.0, 0.0, 30.0, 80.0, 10.0, 40.0, 20.0, 10.0, -1.0, 0.0, 30.0, 70.0, 90.0, 20.0, 10.0, 70.0, 30.0, 0.0, 50.0, 0.0, 50.0, 20.0, 10.0, 40.0, 20.0, 60.0, 40.0, 40.0, 20.0, 40.0, 0.0, 20.0, 0.0, 10.0, 50.0, 60.0, 30.0, 20.0, 50.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 40.0, -1.0, 20.0, 30.0, 20.0, 10.0, 60.0, 10.0, 0.0, 10.0, 10.0, 30.0, 90.0, -1.0, 60.0, 40.0, 40.0, 70.0, 40.0, 20.0, 10.0, 0.0, 90.0, 60.0, 40.0, 30.0, 30.0, 20.0, 60.0, -1.0, 10.0, 70.0, 10.0, 20.0, 20.0, 20.0, 30.0, 50.0, 10.0, 40.0, 70.0, 0.0, 10.0, 20.0, 10.0, 80.0, 50.0, 20.0, 30.0, 20.0, 10.0, 10.0, 40.0, 30.0, 50.0, 30.0, 0.0, -1.0, 30.0, 20.0, 40.0, 10.0, 10.0, 60.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 40.0, 20.0, 30.0, 40.0, 40.0, 0.0, 80.0, -1.0, 40.0, 50.0, 30.0, 80.0, 40.0, 0.0, 10.0, 30.0, 10.0, 70.0, 20.0, 40.0, 20.0, 40.0, 100.0, 60.0, 10.0, 10.0, 20.0, 50.0, 40.0, 40.0, 50.0, 80.0, 0.0, 30.0, 10.0, 50.0, 30.0, 90.0, 70.0, 30.0, 10.0, 30.0, 50.0, 70.0, 10.0, 30.0, 30.0, 20.0, 10.0, 20.0, -1.0, 60.0, 80.0, 10.0, 30.0, 10.0, 20.0, 60.0, 70.0, 40.0, 40.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 30.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 10.0, 50.0, 30.0, 70.0, 40.0, 10.0, 100.0, 60.0, 30.0, 10.0, -1.0, 30.0, 30.0, -1.0, 20.0, 50.0, 30.0, 0.0, -1.0, 60.0, 10.0, 50.0, 0.0, 20.0, 0.0, 60.0, 20.0, 50.0, 30.0, -1.0, 30.0, -1.0, 10.0, 20.0, -1.0, 10.0, 30.0, 40.0, 50.0, 60.0, 10.0, 40.0, 0.0, -1.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 40.0, 20.0, -1.0, 30.0, 10.0, -1.0, 40.0, 20.0, 20.0, 40.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 20.0, 30.0, 20.0, 0.0, 50.0, 40.0, 10.0, 20.0, 40.0, 10.0, 10.0, 70.0, 30.0, 40.0, 10.0, 30.0, 70.0, 50.0, 60.0, 60.0, 40.0, 30.0, 10.0, 50.0, 30.0, 100.0, 20.0, 20.0, 40.0, 50.0, 30.0, 20.0, 30.0, 10.0, -1.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, 20.0, -1.0, 40.0, 30.0, 40.0, 10.0, 10.0, 60.0, 10.0, 0.0, 10.0, 0.0, 20.0, 20.0, 60.0, 0.0, 50.0, 70.0, 20.0, 40.0, 30.0, 10.0, 60.0, 0.0, 50.0, 50.0, 10.0, 10.0, 30.0, 40.0, -1.0, 90.0, 30.0, 10.0, 40.0, 60.0, 0.0, 60.0, 50.0, 30.0, 20.0, 10.0, 0.0, 20.0, 50.0, 50.0, 20.0, 10.0, 20.0, -1.0, -1.0, 30.0, 30.0, 30.0, 10.0, 30.0, 10.0, 40.0, 20.0, 50.0, 50.0, 20.0, 20.0, 40.0, 20.0, 60.0, 90.0, 40.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 10.0, 60.0, 30.0, 0.0, -1.0, -1.0, 20.0, 40.0, 10.0, 10.0, 30.0, 40.0, 10.0, 50.0, -1.0, 10.0, 40.0, 50.0, 60.0, 40.0, 40.0, 10.0, -1.0, 0.0, 10.0, 10.0, 30.0, 20.0, 0.0, 20.0, 50.0, 40.0, 20.0, 10.0, 20.0, 50.0, 10.0, 10.0, 90.0, 40.0, 10.0, 50.0, 20.0, 20.0, 70.0, 30.0, 0.0, 50.0, 20.0, -1.0, 30.0, 20.0, 30.0, 70.0, 20.0, 0.0, 30.0, 40.0, 100.0, 60.0, 80.0, 0.0, 20.0, 0.0, 20.0, 40.0, 10.0, 20.0, 30.0, 10.0, -1.0, 50.0, 30.0, 30.0, 40.0, 30.0, 0.0, 10.0, 30.0, 20.0, 60.0, 40.0, 30.0, 40.0, 30.0, 100.0, 40.0, 0.0, 30.0, 60.0, 40.0, 10.0, 20.0, 100.0, 70.0, 20.0, 40.0, 10.0, 20.0, 40.0, 0.0, 90.0, 0.0, 20.0, 30.0, 40.0, 40.0, 20.0, 10.0, 70.0, 0.0, 10.0, 30.0, 50.0, 100.0, 10.0, 40.0, 40.0, 20.0, 10.0, 40.0, 20.0, 50.0, -1.0, 70.0, 0.0, 70.0, 10.0, 20.0, 30.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 50.0, 30.0, 10.0, 10.0, 10.0, 0.0, 20.0, 0.0, 10.0, 30.0, 20.0, 10.0, 40.0, 10.0, 40.0, 20.0, 90.0, 40.0, 10.0, 50.0, 40.0, 50.0, 60.0, 40.0], (2700, 2700): [40.0, 10.0, 20.0, 20.0, 30.0, 0.0, 20.0, 90.0, 30.0, 0.0, 40.0, 100.0, 40.0, 40.0, 0.0, 80.0, 60.0, 40.0, 50.0, 30.0, 10.0, 60.0, -1.0, 10.0, 0.0, 90.0, 100.0, 10.0, 20.0, 70.0, 70.0, 20.0, 100.0, 60.0, 60.0, 20.0, 70.0, 0.0, 0.0, 0.0, 10.0, 30.0, 30.0, 0.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, -1.0, 0.0, 10.0, 20.0, 0.0, 60.0, 90.0, 10.0, 10.0, 10.0, 80.0, 0.0, 50.0, 40.0, 30.0, 80.0, 40.0, 100.0, 90.0, 0.0, 90.0, 100.0, 20.0, 20.0, 0.0, 10.0, 80.0, 80.0, 30.0, 50.0, 0.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 10.0, 10.0, 20.0, 50.0, 20.0, 30.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 40.0, 20.0, 30.0, 40.0, 40.0, 0.0, 0.0, 30.0, 50.0, 20.0, 20.0, 10.0, 30.0, 10.0, 0.0, 10.0, 0.0, 0.0, 40.0, 40.0, 20.0, 0.0, 0.0, 20.0, 30.0, 0.0, 70.0, 10.0, 40.0, 50.0, 70.0, 40.0, 0.0, 20.0, 30.0, 50.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 20.0, 40.0, 20.0, 10.0, 10.0, 0.0, 10.0, 20.0, 100.0, 60.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 20.0, 100.0, 50.0, 50.0, 40.0, 20.0, 20.0, 40.0, 20.0, 20.0, 80.0, 70.0, 0.0, 0.0, 0.0, 10.0, 10.0, 100.0, 30.0, 90.0, 0.0, 0.0, 70.0, 30.0, 100.0, 40.0, 50.0, 40.0, 0.0, 20.0, 0.0, 10.0, 50.0, 10.0, 20.0, 50.0, 60.0, 10.0, 10.0, 50.0, 0.0, 10.0, 60.0, 40.0, 30.0, 40.0, 20.0, 0.0, 10.0, 90.0, 70.0, 90.0, 10.0, 20.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 20.0, 60.0, 50.0, 100.0, 30.0, 10.0, 80.0, 20.0, 0.0, 100.0, 0.0, 40.0, 0.0, 10.0, 80.0, 20.0, 30.0, 30.0, 60.0, 100.0, 20.0, 20.0, 20.0, 10.0, 40.0, 0.0, 10.0, 30.0, 10.0, 20.0, 40.0, 40.0, 0.0, 30.0, 10.0, 10.0, 20.0, 40.0, 30.0, 100.0, 60.0, 50.0, 0.0, 60.0, 20.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, 30.0, 100.0, 100.0, 70.0, 10.0, 20.0, 20.0, 30.0, 20.0, 20.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 60.0, 20.0, 80.0, 10.0, 0.0, 0.0, 30.0, 70.0, 80.0, 40.0, 60.0, 70.0, 30.0, 90.0, 0.0, 10.0, 80.0, 10.0, 90.0, 70.0, 70.0, 0.0, 100.0, 0.0, -1.0, 20.0, 20.0, 30.0, 0.0, 0.0, 10.0, 100.0, 30.0, 0.0, 0.0, 10.0, 30.0, 60.0, 40.0, 20.0, 40.0, 0.0, 100.0, 40.0, 0.0, 0.0, 10.0, 10.0, 70.0, 0.0, 0.0, 10.0, 40.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 30.0, 20.0, 20.0, 10.0, 30.0, 100.0, 40.0, 70.0, 100.0, 40.0, 0.0, 0.0, 0.0, 100.0, 20.0, 30.0, 0.0, 0.0, 20.0, 20.0, 0.0, 50.0, 30.0, 50.0, 0.0, 60.0, 40.0, 20.0, 60.0, 0.0, 0.0, 20.0, 10.0, 10.0, 80.0, 10.0, 0.0, 30.0, 0.0, 10.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 60.0, 10.0, 0.0, 50.0, 10.0, 0.0, 0.0, 30.0, 10.0, 10.0, 80.0, 20.0, 80.0, 30.0, 30.0, 20.0, 60.0, 20.0, 50.0, 20.0, 0.0, 40.0, 10.0, 50.0, 10.0, 10.0, 10.0, 20.0, 30.0, 0.0, 30.0, 0.0, 20.0, 90.0, 0.0, 30.0, 100.0, 20.0, 80.0, 0.0, 10.0, 10.0, 50.0, 40.0, 20.0, 30.0, 70.0, 50.0, 30.0, 0.0, 40.0, 10.0, 20.0, 60.0, 0.0, 70.0, 0.0, 10.0, 100.0, 10.0, 0.0, 30.0, 50.0, 20.0, 10.0, 70.0, 80.0, 20.0, 40.0, 20.0, 30.0, 20.0, 10.0, 0.0, 0.0, 70.0, 0.0, 30.0, 30.0, 30.0, 100.0, 30.0, 0.0, 20.0, 10.0, 10.0, 30.0, 60.0, 100.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 80.0, 0.0, 10.0, 30.0, 0.0, 20.0, 40.0, 20.0, 80.0, 60.0, 20.0, 40.0, 10.0, 0.0, 20.0, 0.0, 40.0, 30.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 50.0, 50.0, 100.0, 10.0, 0.0, 50.0, 60.0, 50.0, -1.0, 20.0, 60.0, 40.0, 50.0, -1.0, 20.0, 50.0, 0.0, 10.0, 0.0, 70.0, 20.0, 20.0, 40.0, 40.0, 30.0, 20.0, 20.0, 0.0, 0.0, 30.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 50.0, 30.0, 0.0, 30.0, 80.0, 80.0, 40.0, 30.0, 0.0, 40.0, 0.0, 10.0, 50.0, 30.0, 50.0, 0.0, 0.0, 20.0, 10.0, 0.0, 40.0, 0.0, 10.0, 0.0, 50.0, 10.0, 30.0, 70.0, 30.0, 0.0, 10.0, 80.0, 20.0, 20.0, 0.0, 20.0, 0.0, 10.0, 50.0, 10.0, 40.0, 10.0, 0.0, 60.0, 20.0, 40.0, 10.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 0.0, 50.0, 70.0, 50.0, 0.0, 60.0, 40.0, 0.0, 30.0, 0.0, -1.0, 20.0, 50.0, 70.0, 0.0, 0.0, 0.0, 50.0, 0.0, 100.0, 40.0, 0.0, 40.0, 0.0, 30.0, 50.0, 0.0, 40.0, 40.0, 40.0, 0.0, 30.0, 50.0, 30.0, 70.0, 0.0, 30.0, 0.0, 0.0, 30.0, 10.0, 20.0, 10.0, 30.0, 40.0, 90.0, 10.0, 20.0, 30.0, 60.0, 30.0, 0.0, 20.0, 40.0, 60.0, 60.0, 80.0, 0.0, 20.0, 30.0, 20.0, 50.0, 20.0, -1.0, 20.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 0.0, 0.0, 0.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 50.0, 30.0, 0.0, 20.0, 0.0, 30.0, 80.0, 50.0, 30.0, 20.0, 30.0, 20.0, 50.0, 60.0, 60.0, 40.0, 30.0, 0.0, 40.0, 90.0, 50.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 0.0, 20.0, 30.0, 100.0, 10.0, 10.0, 20.0, 20.0, 70.0, 20.0, 60.0, 0.0, 20.0, 0.0, 20.0, 20.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 60.0, 30.0, 20.0, 20.0, 20.0, 40.0, 40.0, 50.0, 70.0, 0.0, 10.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 30.0, 0.0, 60.0, 0.0, 10.0, 10.0, 20.0, 0.0, 0.0, 30.0, 60.0, 30.0, 10.0, 0.0, 30.0, 40.0], (5400, 5400): [10.0, 0.0, 70.0, 100.0, 10.0, 100.0, 0.0, 100.0, 60.0, 50.0, 40.0, 0.0, 100.0, 0.0, 20.0, 100.0, 20.0, 100.0, 50.0, 100.0], (8100, 2700): [90.0, 0.0, 40.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 30.0, 30.0, 50.0, 50.0, 90.0, 100.0, 100.0, 100.0, 10.0, 90.0, 30.0, 100.0, 20.0, 10.0, 90.0, 100.0, 100.0, 10.0, 0.0, 100.0, 70.0, 0.0, 100.0, 100.0, 10.0, 100.0, 20.0, 30.0, 60.0, 100.0, 0.0, 70.0, 100.0, 100.0, 100.0, 20.0, 40.0, 60.0, 10.0, 100.0, 80.0, 100.0, 60.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 90.0, 100.0, 100.0, 70.0, 40.0, 70.0, 0.0, 70.0, 80.0, 100.0, 80.0, 40.0, 80.0, 100.0, 20.0, 80.0, 70.0, 100.0, 100.0, 100.0, 100.0, 80.0, 30.0, 90.0, 30.0, 80.0, 80.0, 100.0, 10.0, 100.0, 0.0, 100.0, 90.0, 20.0, 0.0, 80.0, 0.0, 100.0, 10.0, 0.0, 10.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 20.0, 10.0, 100.0, 30.0, 100.0, 40.0, 50.0, 40.0, 100.0, 100.0, 10.0, 50.0, 100.0, 100.0, 100.0, 20.0, 100.0, 50.0, 100.0, 70.0, 100.0, 90.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 40.0, 80.0, 10.0, 90.0, 0.0, 30.0, 0.0, 100.0, 0.0, 30.0, 100.0, 100.0, 100.0, 0.0, 30.0, 60.0, 100.0, 0.0, 100.0, 10.0, 80.0, 80.0, 100.0, 100.0, 100.0, 0.0, 30.0, 100.0, 0.0, 100.0, 60.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 30.0, 100.0, 30.0, 80.0, 0.0, 70.0, 80.0, 90.0, 20.0, 20.0, 90.0, 100.0, 40.0, 40.0, 10.0, 20.0, 90.0, 90.0, 100.0, 0.0, 30.0, 50.0, 50.0, 100.0, 100.0, 100.0, 20.0, 30.0, 100.0, 20.0, 40.0, 100.0, 100.0, 60.0, 100.0, 70.0, 80.0, 50.0, 50.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 0.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 60.0, 90.0, 10.0, 100.0, 70.0, 100.0, 20.0, 10.0, 100.0, 80.0, 0.0, 100.0, 10.0, 30.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 10.0, 20.0, 100.0, 90.0, 100.0, 60.0, 100.0, 90.0, 50.0, 60.0, 100.0, 80.0, 50.0, 70.0, 10.0, 30.0, 10.0, 100.0, 100.0, 30.0, 10.0, 100.0, 80.0, 100.0, 0.0, 60.0, 100.0, 100.0, 0.0, 70.0, 40.0, 10.0, 30.0, 100.0, 100.0, 90.0, 20.0, 90.0, 80.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 60.0, 80.0, 100.0, 60.0, 100.0, 30.0, 20.0, 100.0, 20.0, 100.0, 100.0, 0.0, 30.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 40.0, 50.0, 100.0, 20.0, 100.0, 100.0, 0.0, 70.0, 100.0, 30.0, 100.0, 100.0, 100.0, 10.0, 90.0, 100.0, 60.0, 100.0, 100.0, 10.0, 60.0, 70.0, 20.0, 20.0, 100.0, 100.0, 100.0, 90.0, 80.0, 30.0, 20.0, 80.0, 30.0, 100.0, 100.0, 40.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 60.0, 20.0, 0.0, 100.0, 80.0, 80.0, 0.0, 60.0, 30.0, 100.0, 100.0, 20.0, 30.0, 50.0, 70.0, 90.0, 30.0, 100.0, 100.0, 100.0, 0.0, 30.0, 100.0, 40.0, 20.0, 100.0, 50.0, 80.0, 10.0, 100.0, 0.0, 50.0, 20.0, 100.0, 100.0, 60.0, 10.0, 100.0, 0.0, 100.0, 30.0, 50.0, 100.0, 100.0, 90.0, 100.0, 100.0, 0.0, 100.0, 60.0, 10.0, 100.0, 100.0, 100.0, 100.0, 40.0, 10.0, 10.0, 0.0, 10.0, 100.0, 60.0, 50.0, 60.0, 10.0, 100.0, 70.0, 30.0, 40.0, 70.0, 100.0, 0.0, 40.0, 50.0, 20.0, 90.0, 0.0, 60.0, 90.0, 100.0, 20.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 60.0, 50.0, 100.0, 0.0, 10.0, 0.0, 50.0, 70.0, 100.0, 100.0, 100.0, 100.0, 20.0, 50.0, 100.0, 100.0, 40.0, 100.0, 100.0, 10.0, 100.0, 0.0], (8100, 5400): [100.0, 30.0, 10.0, 100.0, 20.0, 10.0, 100.0, 40.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 100.0, 90.0, 100.0, 70.0, 0.0, 10.0, 0.0, 10.0, 10.0, 100.0, 70.0, 80.0, 100.0, 10.0, 0.0, 0.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 100.0, 10.0, 30.0, 100.0, 100.0, 0.0, 100.0, 10.0, 20.0, 10.0, 100.0, 100.0, 100.0, 100.0, 10.0, 60.0, 100.0, 20.0, 10.0, 0.0, 0.0, 60.0, 20.0, 100.0, 0.0, 90.0, 100.0, 90.0], (5400, 2700): [40.0, 90.0, 60.0, 20.0, 60.0, 50.0, 50.0, 70.0, 100.0, 20.0, 0.0, 100.0, 0.0, 20.0, 0.0, 10.0, 10.0, 100.0, 100.0, 0.0, 70.0, 100.0, 60.0, 100.0, 0.0, 100.0, 20.0, 20.0, 70.0, 40.0, 100.0, 20.0, 20.0, 0.0, 100.0, 10.0, 30.0, 0.0, 20.0, 100.0, 0.0, 70.0, 60.0, 100.0, 50.0, 10.0, 90.0, 80.0, 100.0, 50.0, 40.0, 0.0, 40.0, 50.0, 20.0, 100.0, 100.0, 40.0, 30.0, 100.0, 10.0, 10.0, 100.0, 80.0, 100.0, 40.0, 50.0, 100.0, 0.0, 10.0, 20.0, 10.0, 30.0, 100.0, 20.0, 70.0, 0.0, 30.0, 70.0, 20.0, 100.0, 50.0, 40.0, 0.0, 40.0, 90.0, 60.0, 30.0, 100.0, 70.0, 70.0, 100.0, 60.0, 20.0, 10.0, 40.0, 10.0, 30.0, 0.0, 80.0, 10.0, 10.0, 100.0, 10.0, 30.0, 60.0, 90.0, 40.0, 70.0, 0.0, 60.0, 90.0, 100.0, 20.0, 10.0, 30.0, 100.0, 80.0, 20.0, 100.0, 50.0, 0.0, 20.0, 50.0, 50.0, 100.0, 40.0, 20.0, 70.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 0.0, 40.0, 10.0, 60.0, 50.0, 20.0, 60.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 50.0, 0.0, 60.0, 0.0, 80.0, 20.0, 100.0, 0.0, 0.0, 30.0, 100.0, 40.0, 10.0, 70.0, 80.0, 100.0, 0.0, 100.0, 20.0, 0.0, 20.0, 0.0, 20.0, 100.0, 40.0, 20.0, 0.0, 10.0, 50.0, 100.0, 10.0, 0.0, 20.0, 10.0, 0.0, 0.0, 10.0, 100.0, 30.0, 60.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 0.0, 90.0, 10.0, 80.0, 40.0, 70.0, 100.0, 40.0, 10.0, 50.0, 100.0, 30.0, 100.0, 0.0, 30.0, 20.0, 0.0, 10.0, 30.0, 20.0, 0.0, 50.0, 100.0, 30.0, 50.0, 50.0, 20.0, 10.0, 60.0, 0.0, 10.0, 100.0, 10.0, 100.0, 10.0, 60.0, 100.0, 0.0, 10.0, 20.0, 40.0, 100.0, 50.0, 40.0, 100.0, 70.0, 40.0, 20.0, 50.0, 0.0, 0.0, 80.0, 100.0, 70.0, 100.0, 0.0, 0.0, 10.0, 70.0, 30.0, 30.0, 40.0, 60.0, 90.0, 50.0, 80.0, 0.0, 100.0, 30.0, 40.0, 40.0, 40.0, 0.0, 30.0, 80.0, 10.0, 30.0, 30.0, 20.0, 40.0, 100.0, 0.0, 20.0, 40.0, 10.0, 90.0, 30.0, 0.0, 0.0, 10.0, 30.0, 50.0, 60.0, 70.0, 0.0, 0.0, 90.0, 20.0, 50.0, 30.0, 80.0, 20.0, 20.0, 10.0, 100.0, 30.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 40.0, 100.0, 0.0, 50.0, 10.0, 0.0, 30.0, 0.0, 100.0, 70.0, 0.0, 0.0, 0.0, 0.0, 70.0, 10.0, 10.0, 100.0, 30.0, 90.0, 0.0, 90.0, 80.0, 60.0, 10.0, 70.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 0.0, 10.0, 10.0, 80.0, 0.0, 90.0, 0.0, 20.0, 90.0, 10.0, 100.0, 100.0, 90.0, 0.0, 30.0, 70.0, 80.0, 10.0, 80.0, 40.0, 80.0, 0.0, 80.0, 90.0, 50.0, 100.0, 20.0, 90.0, 20.0, 0.0, 10.0, 70.0, 10.0, 0.0, 0.0, 60.0, 30.0, 10.0, 0.0, 40.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 90.0, 10.0, 100.0, 40.0, 0.0, 10.0, 10.0, 100.0, 100.0, 30.0, 100.0, 20.0, 0.0, 20.0, 50.0, 20.0, 10.0, 100.0, 40.0, 90.0, 20.0, 80.0, 0.0, 20.0, 0.0, 60.0, 10.0, 30.0, 50.0, 100.0, 0.0, 0.0, 10.0, 100.0, 100.0, 80.0, 70.0, 0.0, 80.0, 90.0, 90.0, 0.0, 50.0, 50.0, 10.0, 100.0, 40.0, 10.0, 20.0, 10.0, 10.0, 40.0, 50.0, 20.0, 30.0, 60.0, 10.0, 0.0, 10.0, 0.0, 60.0, 50.0, 50.0, 0.0, 40.0, 50.0, 0.0, 70.0, 70.0, 50.0, 10.0, 60.0, 0.0, 100.0, 0.0, 90.0, 70.0, 0.0, 100.0, 30.0, 100.0, 0.0, 100.0, 10.0, 0.0, 50.0, 60.0, 90.0, 50.0, 0.0, 0.0, 0.0, 10.0, 0.0, 100.0, 0.0, 10.0, 0.0, 90.0, 0.0, 0.0, 0.0, 100.0, 20.0, 90.0, 0.0, 100.0, 90.0, 60.0, 30.0, 10.0, 40.0, 20.0, 20.0, 0.0, 100.0, 30.0, 100.0, 0.0, 10.0, 90.0, 20.0, 90.0, 10.0, 60.0, 100.0, 40.0, 60.0, 80.0, 100.0, 60.0, 90.0, 10.0, 40.0, 80.0, 0.0, 100.0, 0.0, 30.0, 0.0, 0.0, 100.0, 40.0, 30.0, 100.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 0.0, 10.0, 0.0, 80.0, 0.0, 0.0, 70.0, 20.0, 60.0, 100.0, 10.0, 0.0, 70.0, 100.0, 0.0, 90.0, 20.0, 60.0, 60.0, 10.0, 30.0, 90.0, 80.0, 0.0, 50.0, 80.0, 20.0, 100.0, 100.0, 100.0, 0.0, 50.0, 0.0, 50.0, 100.0, 0.0, 100.0, 10.0, 20.0, 40.0, 20.0, 50.0, 20.0, 100.0, 0.0, 30.0, 50.0, 80.0, 0.0, 0.0, 100.0, 70.0, 0.0, 0.0, 100.0, 60.0, 90.0, 60.0, 100.0, 0.0, 30.0, 30.0, 0.0, 40.0, 0.0, 0.0, 50.0, 20.0, 70.0, 70.0, 80.0, 40.0, 100.0, 60.0, 0.0, 100.0, 100.0, 0.0, 20.0, 70.0, 0.0, 70.0, 20.0, 100.0, 60.0, 0.0, 20.0, 0.0, 0.0, 30.0, 80.0, 0.0, 0.0, 40.0, 100.0, 70.0, 40.0, 0.0, 80.0, 100.0, 60.0, 70.0, 100.0, 100.0, 30.0, 0.0, 100.0, 60.0, 40.0, 0.0, 100.0, 10.0, 10.0, 10.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 90.0, 100.0, 100.0, 20.0, 90.0, 30.0, 90.0, 0.0, 10.0, 60.0, 10.0, 90.0, 10.0, 10.0, 0.0, 40.0, 40.0, 80.0, 100.0, 20.0, 60.0, 0.0, 100.0, 100.0, 70.0, 90.0, 0.0, 0.0, 100.0, 10.0, 0.0, 10.0, 10.0, 30.0, 20.0, 100.0, 10.0, 70.0, 30.0, 100.0, 100.0, 0.0, 10.0, 60.0, 100.0, 100.0, 10.0, 30.0, 10.0, 60.0, 90.0, 60.0, 70.0, 70.0, 60.0, 10.0, 10.0, 10.0, 0.0, 80.0, 70.0, 40.0, 30.0, 30.0, 0.0, 0.0, 70.0, 30.0, 60.0, 60.0, 90.0, 50.0, 0.0, 90.0, 90.0, 0.0, 100.0, 30.0, 0.0, 90.0, 100.0, 80.0, 0.0, 40.0, 0.0, 30.0, 100.0, 100.0, 40.0, 80.0, 100.0, 0.0, 100.0, 70.0, 50.0, 100.0, 0.0, 50.0, 50.0, 0.0, 40.0, 0.0, 20.0, 70.0, 100.0, 70.0, 100.0, 100.0, 70.0, 100.0, 0.0, 30.0, 0.0, 0.0, 40.0, 90.0, 10.0, 0.0, 60.0, 100.0, 90.0, 50.0, 90.0, 30.0, 20.0, 10.0, 0.0, 30.0, 100.0, 0.0, 20.0, 80.0, 100.0, 70.0, 70.0, 100.0, 0.0, 30.0, 10.0, 0.0, 50.0, 0.0, 50.0, 20.0, 0.0, 100.0, 70.0, 100.0, 60.0, 100.0, 0.0, 100.0, 0.0, 0.0, 10.0, 10.0, 60.0, 40.0, 40.0, 100.0, 10.0, 100.0, 0.0, 10.0, 10.0, 0.0, 40.0, 60.0, 100.0, 10.0, 60.0, 60.0, 0.0, 40.0, 30.0, 100.0, 90.0, 0.0, 90.0, 0.0, 0.0, 100.0, 100.0, 10.0, 80.0, 20.0, 40.0, 60.0, 90.0, 20.0, 100.0, 30.0, 100.0, 70.0, 50.0, 100.0, 70.0, 90.0, 0.0, 30.0, 90.0, 0.0, 10.0, 30.0, 50.0, 20.0, 10.0, 70.0, 50.0, 0.0, 100.0, 100.0, 0.0, 90.0, 100.0, 0.0, 10.0, 30.0, 0.0, 100.0, 60.0, 40.0, 50.0, 100.0, 100.0, 0.0, 20.0, 0.0, 30.0, 0.0, 0.0, 0.0, 40.0, 70.0, 70.0, 70.0, 0.0, 40.0, 100.0, 70.0, 50.0, 10.0, 0.0, 20.0, 20.0, 0.0, 30.0, 0.0, 50.0, 100.0, 10.0, 10.0, 20.0, 100.0, 80.0, 50.0, 100.0, 60.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 100.0, 0.0, 10.0, 70.0, 100.0, 70.0, 0.0, 50.0, 100.0, 10.0, 10.0, 30.0, 20.0, 90.0, 60.0, 30.0, 50.0, 0.0, 100.0, 0.0, 50.0, 100.0, 100.0, 50.0, 0.0, 20.0, 0.0, 100.0, 50.0, 60.0, 100.0, 0.0, 80.0, 100.0, 100.0, 0.0, 90.0, 0.0, 100.0, 60.0, 50.0, 100.0, 10.0, 90.0, 10.0, 0.0, 20.0, 0.0, 10.0, 90.0, 20.0, 10.0, 100.0, 70.0, 40.0, 30.0, 20.0, 0.0, 100.0, 100.0, 50.0, 100.0, 0.0, 10.0, 0.0, 20.0, 60.0, 30.0, 0.0, 0.0, 100.0, 20.0, 100.0, 60.0, 100.0, 80.0, 10.0, 10.0, 100.0, 90.0, 50.0, 20.0, 100.0, 0.0, 40.0, 30.0, 0.0, 30.0, 40.0, 100.0, 0.0, 0.0, 0.0, 100.0, 10.0, 50.0, 0.0, 70.0, 40.0, 60.0, 100.0, 0.0, 70.0, 0.0, 60.0, 100.0, 80.0, 30.0, 100.0, 10.0, 0.0, 40.0, 100.0, 20.0, 10.0, 80.0, 0.0, 100.0, 10.0, 60.0, 0.0, 80.0, 100.0, 80.0, 100.0, 20.0, 0.0, 70.0, 0.0, 30.0, 40.0, 100.0, 40.0, 0.0, 30.0, 70.0, 0.0, 100.0, 0.0, 0.0, 10.0, 100.0, 0.0, 40.0, 20.0, 10.0, 90.0, 0.0, 40.0, 30.0, 30.0, 100.0, 0.0, 0.0, 30.0, 70.0, 60.0, 10.0, 20.0, 0.0, 50.0, 20.0, 100.0, 0.0, 20.0, 0.0, 100.0, 0.0, 0.0, 60.0, 0.0, 20.0, 40.0, 0.0, 60.0, 80.0, 90.0, 40.0, 50.0, 80.0, 30.0, 60.0, 0.0, 70.0, 0.0, 40.0, 0.0, 90.0, 20.0, 40.0, 20.0, 40.0, 50.0, 20.0, 20.0, 40.0, 40.0, 70.0, 100.0, 0.0, 50.0, 80.0, 100.0, 0.0, 100.0, 40.0, 40.0, 40.0, 10.0, 100.0, 0.0, 30.0, 100.0, 100.0, 70.0, 10.0, 100.0, 100.0, 40.0, 0.0, 10.0, 50.0, 30.0, 0.0, 20.0, 100.0, 30.0, 30.0, 80.0, 100.0, 10.0, 70.0, 80.0, 90.0, 30.0, 100.0, 20.0, 50.0, 100.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 60.0, 90.0, 100.0, 30.0, 10.0, 100.0, 10.0, 100.0, 0.0, 20.0, 0.0, 100.0, 90.0, 10.0, 20.0, 100.0, 100.0, 0.0, 0.0, 50.0, 0.0, 100.0, 90.0, 100.0, 60.0, 80.0, 20.0, 100.0, 0.0, 0.0, 30.0, 60.0, 0.0, 20.0, 30.0, 100.0, 60.0, 40.0, 100.0, 10.0, 70.0, 30.0, 30.0, 10.0, 20.0, 10.0, 100.0, 0.0, 10.0, 20.0, 40.0, 30.0, 10.0, 30.0, 30.0, 0.0, 30.0, 40.0, 20.0, 50.0, 20.0, 100.0, 80.0, 100.0, 100.0, 90.0, 30.0, -1.0, 10.0, 50.0, 0.0, 80.0, 20.0, 0.0, 30.0, 70.0, 80.0, 30.0, 100.0, 0.0, 10.0, 0.0, 10.0, 20.0, 50.0, 0.0, 100.0, 10.0, 0.0, 70.0, 0.0, 100.0, 0.0, 20.0, 20.0, 30.0, 10.0, 90.0, 20.0, 70.0, 0.0, 0.0, 10.0, 50.0, 10.0, 100.0, 0.0, 20.0, 20.0, 30.0, 20.0, 0.0, 10.0, 10.0, 10.0, 10.0, 60.0, 50.0, 90.0, 10.0, 70.0, 90.0, 40.0, 20.0, 40.0, 30.0, 100.0, 20.0, 0.0, 20.0, 90.0, 10.0, 80.0, 60.0, 60.0, 50.0, 20.0, 50.0, 80.0, 0.0, 0.0, 100.0, 30.0, 10.0, 20.0, 80.0, 10.0, 100.0, 30.0, 20.0, 20.0, 20.0, 50.0, 0.0, 0.0, 80.0, 70.0, 20.0, 100.0, 10.0, 100.0, 0.0, 80.0, 20.0, 60.0, 60.0, 90.0, 100.0, 0.0, 60.0, 50.0, 70.0, 60.0, 20.0, 60.0, 10.0, 60.0, 30.0, 70.0, 40.0, 70.0, 70.0, 0.0, 0.0, 40.0, 80.0, 100.0, 100.0, 70.0, 40.0, 90.0, 90.0, 0.0, 20.0, 30.0, 10.0, 70.0, 0.0, 60.0, 100.0, 0.0, 70.0, 0.0, 100.0, 40.0, 10.0, 50.0, 50.0, 60.0, 90.0, 100.0, 10.0, 100.0, 40.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 40.0, 20.0, 60.0, 20.0, 70.0, 20.0, 0.0, 100.0, 60.0, 0.0, 70.0, 50.0, 0.0, 100.0, 40.0, 100.0, 70.0, 60.0, 0.0, 10.0, 60.0, 100.0, 10.0, 50.0, 80.0, 60.0, 60.0, 50.0, 70.0, 0.0, 50.0, 0.0, 10.0, 60.0, 30.0, 10.0, 100.0, 10.0, 0.0, 20.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 0.0, 100.0, 70.0, 0.0, 90.0, 60.0, 20.0, 0.0, 50.0, 0.0, 0.0, 10.0, 0.0, 0.0, 50.0, 90.0, 20.0, 40.0, 20.0, 10.0, 20.0, 10.0, 0.0, 0.0, 20.0, 100.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 0.0, 10.0, 100.0, 0.0, 80.0, 100.0, 0.0, 0.0, 30.0, 10.0, 0.0, 100.0, 90.0, 20.0, 20.0, 30.0, 40.0, 100.0, 0.0, 20.0, 10.0, 10.0, 20.0, 0.0, 20.0, 90.0, 0.0, 100.0, 10.0, 20.0, 60.0, 100.0, 10.0, 100.0, 20.0, 100.0, 60.0, 70.0, 90.0, 60.0, 0.0, 50.0, 0.0, 0.0, 100.0, 20.0, 30.0, 0.0, 100.0, 70.0, 100.0, 90.0, 20.0, 0.0, 0.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 70.0, 70.0, 100.0, 10.0, 100.0, 30.0, 100.0, 0.0, 30.0, 60.0, 100.0, 100.0, 40.0, 40.0, 100.0, 20.0, 100.0, 70.0, 100.0, 40.0, 10.0, 100.0, 100.0, 90.0, 100.0, 50.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 100.0, 100.0, 90.0, 20.0, 100.0, 0.0, 20.0, 0.0, 0.0, 100.0, 30.0, 70.0, 30.0, 80.0, 20.0, 100.0, 0.0, 80.0, 70.0, 100.0, 100.0, 40.0, 100.0, 90.0, 30.0, 100.0, 70.0, 80.0, 50.0, 0.0, 0.0, 70.0, 100.0, 0.0, 0.0, 80.0, 20.0, 30.0, 30.0, 0.0, 70.0, 20.0, 100.0, 0.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 0.0, 0.0, 0.0, 40.0, 90.0, 0.0, 100.0, 100.0, 10.0, 0.0, 50.0, 0.0, 20.0, 30.0, 0.0, 90.0, 40.0, 0.0, 100.0, 30.0, 100.0, 10.0, 100.0, 100.0, 10.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 20.0, 20.0, 50.0, 100.0, 0.0, 10.0, 100.0, 100.0, 30.0, 100.0, 60.0, 90.0, 0.0, 100.0, 50.0, 40.0, 20.0, 80.0, 40.0, 50.0, 100.0, 80.0, 0.0, 100.0, 0.0, 40.0, 100.0, 40.0, 10.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 0.0, 100.0, 90.0, -1.0, 100.0, 20.0, 60.0, 30.0, 0.0, 0.0, 70.0, 80.0, 50.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 70.0, 50.0, 0.0, 100.0, 0.0, 10.0, 90.0, 90.0, 100.0, 0.0, 50.0, 100.0, 0.0, 0.0, 0.0, 20.0, 30.0, 90.0, 40.0, 70.0, 0.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 70.0, 0.0, 20.0, 20.0, 30.0, 100.0, 0.0, 40.0, 10.0, 10.0, 20.0, 0.0, 40.0, 60.0, 40.0, 60.0, 10.0, 50.0, 60.0, 60.0, 30.0, 80.0, 20.0, 50.0, 70.0, 10.0, 0.0, 30.0, 40.0, 80.0, 40.0, 100.0, 60.0, 40.0, 10.0, 0.0, 20.0, -1.0, 20.0, 100.0, 20.0, 100.0, 0.0, 100.0, 70.0, 60.0, 90.0, 0.0, 60.0, 10.0, 0.0, 90.0, 0.0, 30.0, 40.0, 100.0, 10.0, 100.0, 10.0, 50.0, 50.0, 80.0, 60.0, 10.0, 0.0, 40.0, 90.0, 70.0, 100.0, 10.0, 20.0, 100.0, 10.0, 30.0, 80.0, 20.0, 100.0, 0.0, 0.0, 20.0, 90.0, 20.0, 30.0, 60.0, 60.0, 30.0, 50.0, 0.0, 10.0, 50.0, 0.0, 100.0, 70.0, 10.0, 60.0, 20.0, 0.0, 0.0, 0.0, 20.0, 0.0, 60.0, 100.0, 50.0, 100.0, 40.0, 40.0, 0.0, 50.0, 100.0, 40.0, 40.0, 20.0, 100.0, 20.0, 10.0, 0.0, 100.0, 30.0, 0.0, 0.0, 0.0, 100.0, 100.0, 50.0, 60.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 20.0, 20.0, 0.0, 50.0, 10.0, 10.0, 100.0, 0.0], (5400, 0): [80.0, 30.0, 70.0, 80.0, 90.0, 100.0, 30.0, 60.0, 40.0, 80.0, 70.0, 70.0, 60.0, 10.0, 10.0, 20.0, 60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 90.0, 30.0, 30.0, 50.0, 70.0, 60.0, 0.0, 60.0, 90.0, 60.0, 100.0, 30.0, 20.0, 60.0, 60.0, 20.0, 70.0, 10.0, 20.0, 10.0, 20.0, 50.0, 100.0, 40.0, 80.0, 20.0, 40.0, 80.0, 30.0, 80.0, 60.0, 80.0, 90.0, 20.0, 70.0, 50.0, 90.0, 50.0, 100.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 80.0, 100.0, 40.0, 60.0, 10.0, 10.0, 80.0, 50.0, 10.0, 100.0, 90.0, 100.0, 30.0, 70.0, 80.0, 50.0, 30.0, 50.0, 20.0, 90.0, 10.0, 30.0, 100.0, 100.0, 60.0, 100.0, 40.0, 40.0, 30.0, 100.0, 30.0, 70.0, 40.0, 0.0, 30.0, 40.0, 30.0, 40.0, 70.0, 80.0, 60.0, 60.0, 70.0, 40.0, 50.0, 80.0, 30.0, 30.0, 30.0, 100.0, 20.0, 100.0, 50.0, 0.0, 40.0, 50.0, 30.0, 90.0, 60.0, 10.0, 20.0, 10.0, 10.0, 70.0, 40.0, 30.0, 100.0, 40.0, 60.0, 70.0, 50.0, 80.0, 30.0, 30.0, 30.0, 20.0, 30.0, 20.0, 30.0, 30.0, 40.0, 50.0, 40.0, 30.0, 80.0, 40.0, 70.0, 10.0, 50.0, 50.0, 50.0, 50.0, 40.0, 80.0, 40.0, 80.0, 60.0, 10.0, 80.0, 60.0, 40.0, 10.0, 10.0, 20.0, 10.0, 60.0, 60.0, 40.0, 30.0, 20.0, 50.0, -1.0, 100.0, 60.0, 60.0, 40.0, 50.0, 40.0, 100.0, 100.0, 50.0, 0.0, 40.0, 100.0, 30.0, 30.0, 0.0, 60.0, 50.0, 100.0, 50.0, 60.0, 30.0, 80.0, 10.0, 40.0, 40.0, 20.0, 60.0, 50.0, 20.0, 60.0, 30.0, 40.0, 70.0, 10.0, 50.0, 100.0, 50.0, 50.0, 50.0, 0.0, 90.0, 50.0, 100.0, 30.0, 60.0, 10.0, 20.0, 0.0, 0.0, 100.0, 60.0, 50.0, 40.0, 50.0, 40.0, 40.0, 80.0, 30.0, 40.0, 80.0, 50.0, 100.0, 40.0, 50.0, 70.0, 30.0, 40.0, 40.0, 20.0, 40.0, 100.0, 10.0, 50.0, 60.0, 100.0, 100.0, 20.0, 50.0, 40.0, 70.0, 20.0, 30.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 90.0, 100.0, 40.0, 0.0, 70.0, 70.0, 10.0, 10.0, 60.0, 80.0, 90.0, 100.0, 50.0, 40.0, 40.0, 100.0, 100.0, 30.0, 40.0, 50.0, 50.0, 20.0, 30.0, 30.0, 60.0, 40.0, 60.0, 60.0, 30.0, 0.0, 50.0, 10.0, 90.0, 60.0, 0.0, 70.0, 100.0, 70.0, 70.0, 80.0, 10.0, 50.0, 60.0, 60.0, 60.0, 40.0, 30.0, 60.0, 30.0, 100.0, 90.0, 90.0, 0.0, 20.0, 10.0, 30.0, 50.0, 90.0, 0.0, 100.0, 90.0, 60.0, 30.0, 30.0, 10.0, 70.0, 30.0, 70.0, 40.0, 60.0, 70.0, 70.0, 30.0, 70.0, 10.0, 20.0, 10.0, 20.0, 50.0, 90.0, 70.0, 10.0, 30.0, 40.0, 30.0, 0.0, 100.0, 40.0, 60.0, 70.0, 40.0, 30.0, 70.0, 40.0, 60.0, 100.0, 90.0, 80.0, 10.0, 60.0, 50.0, 100.0, 30.0, 30.0, 20.0, 60.0, 40.0, 70.0, 10.0, 0.0, 60.0, 90.0, 60.0, 20.0, 40.0, 80.0, 60.0, 70.0, 60.0, 10.0, 100.0, 100.0, 40.0, 40.0, 10.0, 30.0, 20.0, 100.0, 100.0, 20.0, 30.0, 70.0, 30.0, 40.0, 30.0, 60.0, 60.0, 70.0, 30.0, 10.0, 80.0, 20.0, 10.0, 10.0, 60.0, 40.0, 70.0, 10.0, 60.0, 70.0, 90.0, 30.0, 0.0, 30.0, 60.0, 60.0, 30.0, 20.0, 60.0, 50.0, 40.0, 100.0, 40.0, 50.0, 40.0, 60.0, 90.0, 50.0, 50.0, 40.0, 10.0, 30.0, 80.0, 80.0, 60.0, 70.0, 80.0, 100.0, 100.0, 40.0, 80.0, 80.0, 50.0, 0.0, 10.0, 100.0, 40.0, 30.0, 80.0, 50.0, 70.0, 30.0, 20.0, 80.0, 70.0, 50.0, 60.0, 100.0, 50.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 50.0, 50.0, 60.0, 70.0, 20.0, 30.0, 20.0, -1.0, 40.0, 100.0, 20.0, 50.0, 100.0, 30.0, 30.0, 40.0, 60.0, 50.0, 70.0, 10.0, 60.0, 50.0, 100.0, 80.0, 40.0, 20.0, 50.0, 70.0, 40.0, 90.0, 20.0, 50.0, 70.0, 70.0, 0.0, 70.0, 50.0, 60.0, 50.0, 20.0, 80.0, 90.0, 50.0, 10.0, 0.0, 40.0, 90.0, 90.0, 10.0, 80.0, 60.0, 0.0, 30.0, 70.0, 90.0, 20.0, 60.0, 30.0, 60.0, 90.0, 70.0, 0.0, 80.0, 50.0, 40.0, 70.0, 30.0, 80.0, 80.0, 80.0, 60.0, 0.0, 60.0, 40.0, 100.0, 0.0, 10.0, 100.0, 20.0, 80.0, 70.0, 50.0, 70.0, 90.0, 80.0, 0.0, 70.0, 10.0, 100.0, 10.0, 80.0, 30.0, 50.0, 60.0, 40.0, 100.0, 20.0, 20.0, 90.0, 30.0, 50.0, 40.0, 60.0, 80.0, 60.0, 40.0, 100.0, 90.0, 50.0, 60.0, 50.0, 30.0, 100.0, 100.0, 100.0, 100.0, 50.0, 30.0, 50.0, 30.0, 50.0, 60.0, 20.0, 60.0, 80.0, 30.0, 30.0, 20.0, 50.0, 60.0, 20.0, 40.0, 0.0, 60.0, 30.0, 40.0, 40.0, 100.0, 80.0, 20.0, 0.0, 100.0, 60.0, 90.0, 60.0, 90.0, 20.0, 80.0, 70.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 90.0, 60.0, 70.0, 60.0, 30.0, 20.0, 50.0, 40.0, 80.0, 100.0, 20.0, 100.0, 80.0, 70.0, 70.0, 70.0, 30.0, 50.0, 100.0, 80.0, 80.0, 70.0, 30.0, 90.0, 60.0, 50.0, 40.0, 60.0, 70.0, 60.0, 100.0, 70.0, 40.0, 100.0, 60.0, 10.0, 100.0, 50.0, 40.0, 90.0, 60.0, 30.0, 70.0, 70.0, 60.0, 50.0, 60.0, 100.0, 40.0, 30.0, 60.0, 0.0, 70.0, 50.0, 70.0, 10.0, 60.0, 60.0, 60.0, 30.0, 10.0, 30.0, 80.0, 30.0, 50.0, 30.0, 40.0, 50.0, 10.0, 100.0, 20.0, 0.0, 20.0, 100.0, 70.0, 10.0, 60.0, 10.0, 70.0, 40.0, 30.0, 90.0, 40.0, 0.0, 80.0, 90.0, 40.0, 20.0, 30.0, 50.0, 100.0, 10.0, 100.0, 30.0, 80.0, 80.0, 30.0, 20.0, 100.0, 80.0, 20.0, 80.0, 70.0, 40.0, 20.0], (8100, 0): [100.0, 80.0, 100.0, 60.0, 90.0, 100.0, 50.0, 80.0, 20.0, 90.0, 100.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 90.0, 70.0, 20.0, 70.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 80.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 100.0, 60.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 100.0, 10.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 90.0, 100.0, 80.0, 90.0, 100.0, 70.0, 40.0, 100.0, 100.0, 100.0, 100.0, 80.0, 80.0, 50.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0, 100.0, 50.0, 20.0, 100.0, 80.0, 100.0, 80.0, 50.0, 90.0, 100.0, 100.0, 60.0, 100.0, 80.0, 80.0, 90.0, 50.0, 30.0, 100.0, 80.0, 90.0, 100.0, 100.0, 90.0, 100.0, 80.0, 70.0, 90.0, 100.0, 20.0, 50.0, 50.0, 100.0, 90.0, 10.0, 80.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 100.0, 50.0, 100.0, 10.0, 70.0, 100.0, 80.0, 30.0, 100.0, 60.0, 100.0, 80.0, 70.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 90.0, 90.0, 80.0, 100.0, 90.0, 50.0, 90.0, 100.0, 90.0, 90.0, 80.0, 10.0, 20.0, 90.0, 80.0, 100.0, 60.0, 90.0, 100.0, 30.0, 100.0, 100.0, 90.0, 80.0, 100.0, 90.0, 70.0, 100.0, 90.0, 100.0, 100.0, 90.0, 90.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 80.0, 70.0, 100.0, 100.0, 100.0, 90.0, 90.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 100.0, 90.0, 90.0, 40.0, 80.0, 70.0, 90.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2800 = {(0, 0): [0.0, 10.0, 60.0, 40.0, 60.0, -1.0, 10.0, 50.0, 30.0, 20.0, 50.0, 40.0, 50.0, 40.0, -1.0, 40.0, 20.0, 50.0, 20.0, 10.0, 50.0, 20.0, 90.0, 0.0, 10.0, 30.0, 20.0, 60.0, 10.0, 0.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, 20.0, 50.0, 30.0, -1.0, 100.0, -1.0, 30.0, 50.0, 70.0, 30.0, 50.0, 80.0, 100.0, 40.0, 30.0, 50.0, -1.0, 20.0, 30.0, -1.0, 50.0, 10.0, -1.0, 40.0, 70.0, 70.0, 30.0, -1.0, 40.0, 40.0, 40.0, 60.0, 20.0, 20.0, 40.0, -1.0, -1.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 40.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 20.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 10.0, 20.0, 20.0, 50.0, 100.0, -1.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 40.0, 50.0, -1.0, 20.0, 40.0, 50.0, 30.0, 50.0, 20.0, 0.0, 30.0, 10.0, 40.0, 50.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, 80.0, -1.0, 30.0, 20.0, 70.0, 20.0, 50.0, 20.0, 70.0, 30.0, 20.0, 60.0, 40.0, 50.0, 90.0, 50.0, 60.0, 50.0, 70.0, 50.0, 80.0, 40.0, 60.0, 60.0, 30.0, 10.0, -1.0, 40.0, 40.0, 50.0, 20.0, 30.0, 30.0, 70.0, 80.0, 20.0, 40.0, 10.0, 10.0, 90.0, 60.0, 20.0, 70.0, 50.0, 10.0, -1.0, 10.0, 100.0, -1.0, 30.0, -1.0, 10.0, -1.0, 60.0, 60.0, 70.0, 60.0, 20.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 80.0, 50.0, 10.0, 60.0, 20.0, 10.0, 60.0, 40.0, 10.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 10.0, 0.0, 20.0, 10.0, 50.0, 10.0, 50.0, 10.0, 20.0, 40.0, 20.0, -1.0, -1.0, 80.0, 40.0, 80.0, 10.0, 20.0, 40.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 10.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 10.0, 30.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 70.0, 40.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 10.0, 40.0, 10.0, 20.0, 10.0, 30.0, 40.0, 20.0, 40.0, 0.0, 40.0, 30.0, 40.0, -1.0, 60.0, 20.0, 50.0, 40.0, 20.0, 40.0, 20.0, 20.0, 30.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 50.0, 30.0, 30.0, 70.0, 80.0, 20.0, 70.0, 40.0, 30.0, 40.0, 70.0, 40.0, 20.0, 20.0, -1.0, 40.0, 50.0, 10.0, 30.0, 50.0, -1.0, 20.0, 30.0, 50.0, 50.0, 30.0, 90.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 90.0, 50.0, 10.0, 30.0, 10.0, 30.0, 50.0, 40.0, 70.0, 0.0, 60.0, 10.0, 30.0, 40.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 50.0, 50.0, 30.0, 40.0, 40.0, 30.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 40.0, 30.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 20.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 40.0, -1.0, 80.0, 0.0, 10.0, 60.0, 20.0, 30.0, 40.0, 50.0, 20.0, 50.0, 20.0, -1.0, 10.0, 60.0, 40.0, 80.0, 40.0, 50.0, 50.0, 20.0, 40.0, 10.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 60.0, 0.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 30.0, 0.0, 60.0, 10.0, -1.0, 20.0, 0.0, 50.0, 30.0, 50.0, 60.0, 30.0, 50.0, -1.0, -1.0, -1.0, 40.0, 0.0, 10.0, 20.0, 60.0, 10.0, 20.0, 40.0, 40.0, 40.0, 70.0, 20.0, 50.0, 30.0, 60.0, 20.0, 60.0, 20.0, 50.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 50.0, 20.0, 50.0, 50.0, 20.0, 70.0, 30.0, 0.0, 30.0, 30.0, 50.0, 50.0, 10.0, 50.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 80.0, 10.0, 50.0, 10.0, 20.0, 10.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 40.0, 10.0, 70.0, 50.0, 20.0, 100.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, -1.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 40.0, 50.0, 20.0, 70.0, 70.0, 60.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 40.0, 20.0, 40.0, -1.0, 60.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 40.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 60.0, -1.0, 40.0, 40.0, 10.0, 70.0, 30.0, 20.0, 20.0, 30.0, 50.0, 60.0, 10.0, 80.0, 60.0, 20.0, 50.0, 30.0, 10.0, 30.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 60.0, 60.0, 30.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 40.0, 30.0, 60.0, 50.0, 60.0, 20.0, -1.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, 50.0, 50.0, 0.0, 20.0, 30.0, 10.0, 10.0, 50.0, 60.0, 60.0, 70.0, 40.0, -1.0, 30.0, 40.0, 0.0, 30.0, 40.0, -1.0, 20.0, 10.0, 30.0, 30.0, 50.0, 20.0, 0.0, 40.0, 70.0, 40.0, 50.0, -1.0, -1.0, 50.0, 60.0, 10.0, 10.0, 20.0, 50.0, 30.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 0.0, 40.0, 40.0, 10.0, 0.0, 10.0, 10.0, 30.0], (8400, 2800): [0.0, 100.0, 100.0, 100.0, 50.0, 90.0, 100.0, 100.0, 30.0, 100.0, 20.0, 90.0, 100.0, 100.0, 100.0, 10.0, 0.0, 100.0, 70.0, 0.0, 100.0, 10.0, 100.0, 20.0, 30.0, 60.0, 100.0, 100.0, 100.0, 100.0, 20.0, 40.0, 60.0, 10.0, 100.0, 80.0, 100.0, 40.0, 60.0, 100.0, 100.0, 40.0, 90.0, 100.0, 100.0, 0.0, 100.0, 80.0, 40.0, 80.0, 100.0, 20.0, 80.0, 70.0, 100.0, 100.0, 100.0, 80.0, 90.0, 30.0, 100.0, 10.0, 100.0, 0.0, 100.0, 20.0, 0.0, 0.0, 100.0, 10.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 40.0, 50.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 50.0, 100.0, 70.0, 100.0, 100.0, 0.0, 100.0, 10.0, 0.0, 100.0, 100.0, 80.0, 90.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 100.0, 80.0, 80.0, 100.0, 100.0, 100.0, 0.0, 30.0, 100.0, 0.0, 100.0, 100.0, 60.0, 80.0, 100.0, 100.0, 90.0, 100.0, 30.0, 100.0, 100.0, 0.0, 70.0, 10.0, 20.0, 40.0, 10.0, 20.0, 90.0, 0.0, 30.0, 0.0, 50.0, 50.0, 100.0, 100.0, 100.0, 40.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 40.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 80.0, 10.0, 10.0, 100.0, 80.0, 10.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 90.0, 60.0, 50.0, 100.0, 100.0, 50.0, 100.0, 10.0, 10.0, 100.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 20.0, 100.0, 100.0, 30.0, 100.0, 100.0, 0.0, 100.0, 40.0, 100.0, 20.0, 100.0, 0.0, 30.0, 100.0, 100.0, 10.0, 90.0, 100.0, 60.0, 100.0, 20.0, 100.0, 100.0, 100.0, 90.0, 80.0, 30.0, 80.0, 30.0, 100.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 0.0, 60.0, 0.0, 100.0, 100.0, 80.0, 0.0, 60.0, 100.0, 100.0, 30.0, 70.0, 90.0, 30.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 80.0, 100.0, 0.0, 20.0, 20.0, 10.0, 100.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 50.0, 60.0, 0.0, 30.0, 40.0, 70.0, 100.0, 0.0, 90.0, 0.0, 60.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 0.0, 90.0, 100.0, 100.0, 20.0, 50.0, 40.0, 100.0, 100.0, 0.0], (2800, 0): [10.0, 20.0, 10.0, 0.0, 50.0, 60.0, 30.0, 10.0, 70.0, 20.0, 20.0, 30.0, 40.0, 30.0, 40.0, 40.0, 10.0, 20.0, 40.0, 30.0, 80.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 30.0, 40.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 10.0, 40.0, 30.0, 20.0, 10.0, 30.0, 20.0, 20.0, 10.0, 20.0, 10.0, 0.0, 10.0, 60.0, 80.0, -1.0, 80.0, 10.0, 30.0, -1.0, 20.0, 50.0, 10.0, 30.0, 0.0, 10.0, 10.0, 90.0, -1.0, 40.0, 30.0, 50.0, 40.0, -1.0, 60.0, 30.0, 10.0, 70.0, 60.0, 30.0, 30.0, 40.0, 20.0, 30.0, 50.0, 10.0, 30.0, 30.0, 30.0, 10.0, 10.0, 30.0, 20.0, 60.0, 10.0, 10.0, 60.0, 40.0, -1.0, -1.0, 30.0, 20.0, -1.0, 10.0, 20.0, 50.0, 30.0, 0.0, 0.0, 40.0, 10.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 90.0, 20.0, 30.0, 40.0, 10.0, 0.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 40.0, 20.0, -1.0, 20.0, 10.0, 50.0, 50.0, 10.0, 60.0, 30.0, 40.0, 10.0, 10.0, 20.0, 20.0, 90.0, 60.0, 20.0, 20.0, 30.0, 0.0, 80.0, 10.0, 30.0, 50.0, -1.0, 0.0, 30.0, 0.0, 20.0, 80.0, 30.0, 20.0, 20.0, 30.0, 50.0, 10.0, 30.0, 30.0, 10.0, 20.0, 0.0, 0.0, 10.0, 30.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 30.0, 30.0, 80.0, 20.0, 30.0, 20.0, 20.0, 50.0, 10.0, 40.0, 10.0, 40.0, 80.0, 90.0, 20.0, 20.0, -1.0, 30.0, 70.0, 60.0, 10.0, 90.0, 20.0, -1.0, 40.0, 70.0, 20.0, 10.0, 20.0, 40.0, 40.0, 80.0, 20.0, -1.0, 40.0, 40.0, 30.0, 30.0, -1.0, 10.0, 20.0, 0.0, 30.0, 10.0, 70.0, 20.0, 40.0, 20.0, 70.0, 10.0, 80.0, 0.0, 10.0, 10.0, 40.0, 0.0, 40.0, 40.0, 20.0, 10.0, 50.0, 30.0, 0.0, 20.0, 100.0, 30.0, 0.0, 40.0, 10.0, 50.0, 30.0, 20.0, 10.0, 40.0, 40.0, 50.0, 30.0, 30.0, 20.0, 20.0, 10.0, 40.0, 30.0, 30.0, 30.0, 10.0, 30.0, 30.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, 50.0, 0.0, 30.0, 0.0, 30.0, 40.0, 30.0, 20.0, 60.0, 60.0, 30.0, 10.0, 40.0, 20.0, 40.0, 40.0, 10.0, 10.0, 40.0, 60.0, 40.0, 50.0, 0.0, 50.0, 60.0, 60.0, 10.0, 50.0, 20.0, 20.0, 40.0, 80.0, 10.0, -1.0, 40.0, -1.0, 10.0, 10.0, 10.0, 10.0, 40.0, -1.0, 0.0, 80.0, 0.0, 40.0, 30.0, 10.0, 60.0, 0.0, 10.0, 30.0, 10.0, 30.0, 20.0, 30.0, 0.0, 20.0, -1.0, -1.0, 0.0, 30.0, 90.0, 60.0, 0.0, 30.0, 10.0, 0.0, 60.0, 20.0, 40.0, 50.0, 0.0, 70.0, 40.0, 10.0, 40.0, -1.0, 0.0, 40.0, 60.0, 30.0, 40.0, 10.0, 30.0, 20.0, 90.0, 30.0, 20.0, 0.0, 40.0, 20.0, 40.0, 0.0, 60.0, 30.0, 0.0, 30.0, 40.0, 50.0, 30.0, 20.0, 10.0, -1.0, 0.0, 0.0, 50.0, 40.0, 10.0, 20.0, 10.0, 50.0, 70.0, 20.0, 20.0, 40.0, 40.0, 20.0, 30.0, 10.0, 30.0, 40.0, 10.0, 20.0, 20.0, 30.0, -1.0, 50.0, 20.0, 10.0, 10.0, 40.0, 30.0, 50.0, 40.0, 20.0, 30.0, 20.0, 10.0, 60.0, 20.0, 70.0, 50.0, -1.0, 20.0, 20.0, -1.0, 10.0, 10.0, 50.0, 20.0, 20.0, 10.0, 80.0, 50.0, -1.0, -1.0, 50.0, 0.0, 10.0, 20.0, -1.0, 10.0, 40.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 10.0, 50.0, 10.0, 60.0, 10.0, 40.0, 100.0, 20.0, 0.0, 30.0, 0.0, 90.0, 10.0, 20.0, 0.0, -1.0, 10.0, -1.0, 10.0, 30.0, -1.0, 30.0, 40.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 10.0, 30.0, 60.0, 20.0, 60.0, 0.0, 20.0, 10.0, 10.0, 20.0, 10.0, 40.0, 10.0, 60.0, 20.0, 40.0, 20.0, 50.0, 30.0, 10.0, 60.0, 40.0, 30.0, 30.0, 30.0, 10.0, 40.0, 10.0, 40.0, 0.0, 20.0, 10.0, 30.0, 40.0, 30.0, 0.0, 0.0, 0.0, 10.0, 100.0, 0.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 50.0, 10.0, 0.0, 0.0, 40.0, -1.0, 30.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 10.0, 50.0, 40.0, 100.0, 10.0, 10.0, 10.0, 20.0, 40.0, 30.0, 100.0, 50.0, 30.0, 0.0, 0.0, 30.0, 30.0, 30.0, 0.0, 40.0, 20.0, 80.0, 50.0, 20.0, 20.0, 20.0, 0.0, 40.0, 30.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 40.0, 10.0, 10.0, 10.0, 80.0, 40.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 50.0, 0.0, 0.0, 30.0, 0.0, 20.0, 40.0, -1.0, 10.0, 40.0, 10.0, 30.0, 10.0, 20.0, 100.0, 80.0, 0.0, 30.0, 10.0, 70.0, 20.0, 0.0, 60.0, 40.0, 0.0, 80.0, -1.0, 100.0, 30.0, 40.0, 20.0, 10.0, 30.0, 40.0, 40.0, 70.0, 30.0, 0.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 50.0, 30.0, 50.0, 60.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 40.0, 40.0, -1.0, 10.0, 10.0, 30.0, 40.0, 100.0, -1.0, 100.0, 50.0, 30.0, 20.0, 20.0, 100.0, 80.0, 60.0, 0.0, 30.0, 20.0, 30.0, 40.0, 10.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 40.0, -1.0, 10.0, 60.0, 10.0, 0.0, 30.0, 80.0, 60.0, 20.0, 30.0, 30.0, 40.0, 0.0, 30.0, 40.0, 60.0, -1.0, 30.0, 60.0, 80.0, 40.0, -1.0, 30.0, 40.0, 10.0, -1.0, 10.0, 10.0, 100.0, 30.0, 20.0, 90.0, 30.0, 60.0, 10.0, 80.0, 20.0, 50.0, 30.0, 60.0, 40.0, 40.0, 20.0, 20.0, 0.0, 10.0, 30.0, -1.0, 20.0, 10.0, 0.0, 30.0, 80.0, 10.0, 10.0, 40.0, 20.0, 10.0, -1.0, 0.0, 30.0, 70.0, 90.0, 70.0, 20.0, 10.0, 70.0, 30.0, 0.0, 50.0, 0.0, 50.0, 20.0, 10.0, 40.0, 20.0, 20.0, 60.0, 40.0, 20.0, 40.0, 0.0, 20.0, 40.0, 0.0, 10.0, 50.0, 60.0, 30.0, 60.0, 40.0, 20.0, 50.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 40.0, -1.0, 60.0, 20.0, 30.0, 20.0, 10.0, 60.0, 10.0, 0.0, 10.0, 10.0, 30.0, 90.0, -1.0, 40.0, 40.0, 70.0, 40.0, 20.0, 10.0, 0.0, 90.0, 60.0, 40.0, 30.0, 30.0, 20.0, 50.0, 60.0, -1.0, 10.0, 70.0, 10.0, 20.0, 20.0, 20.0, 20.0, 30.0, 50.0, 10.0, 40.0, 40.0, 70.0, 0.0, 10.0, 20.0, 10.0, 80.0, 50.0, 20.0, 30.0, 20.0, 10.0, 10.0, 0.0, 40.0, 30.0, 50.0, 30.0, 0.0, -1.0, 20.0, 40.0, 10.0, 10.0, 60.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 20.0, 30.0, 40.0, -1.0, 40.0, 0.0, 80.0, -1.0, 20.0, 40.0, 50.0, 30.0, 80.0, 40.0, 0.0, 10.0, 30.0, 10.0, 70.0, 20.0, 40.0, 20.0, 40.0, 100.0, 60.0, 10.0, 10.0, 20.0, 40.0, 40.0, 50.0, 80.0, 0.0, 30.0, 10.0, 50.0, 30.0, 90.0, 70.0, 30.0, 10.0, 30.0, 50.0, 50.0, 70.0, 10.0, 30.0, 30.0, 20.0, 30.0, 10.0, 50.0, -1.0, 20.0, -1.0, 60.0, 10.0, 80.0, 10.0, 30.0, 10.0, 20.0, 60.0, 40.0, 40.0, 20.0, 10.0, 40.0, 30.0, 20.0, 40.0, 30.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 10.0, 30.0, 70.0, 40.0, 10.0, 0.0, 100.0, 60.0, 30.0, 10.0, -1.0, 30.0, 30.0, -1.0, 20.0, 50.0, 30.0, 0.0, -1.0, 60.0, 10.0, 50.0, 0.0, 20.0, 0.0, 60.0, 30.0, 20.0, 50.0, 30.0, -1.0, 30.0, -1.0, 10.0, 20.0, -1.0, 0.0, 10.0, 30.0, 40.0, 50.0, 60.0, 10.0, 0.0, -1.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 30.0, 10.0, -1.0, 20.0, 50.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 30.0, 40.0, 20.0, -1.0, 30.0, 10.0, -1.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 40.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 20.0, 30.0, 20.0, 0.0, 50.0, 40.0, 10.0, 20.0, 40.0, 10.0, 10.0, 70.0, 60.0, 30.0, 40.0, 10.0, 60.0, 30.0, 70.0, 50.0, 60.0, 60.0, 50.0, 30.0, 30.0, 30.0, 10.0, 50.0, 30.0, 100.0, 20.0, 20.0, 40.0, 50.0, 30.0, 20.0, 30.0, 30.0, 10.0, -1.0, 10.0, 50.0, 40.0, 0.0, 20.0, 20.0, 20.0, -1.0, 30.0, 40.0, 10.0, 10.0, 60.0, 10.0, 0.0, 40.0, 10.0, 0.0, 20.0, 20.0, 60.0, 50.0, 0.0, 50.0, 70.0, 20.0, 40.0, 30.0, 10.0, 60.0, 0.0, 50.0, 0.0, 50.0, 10.0, 10.0, 30.0, 20.0, 40.0, -1.0, 90.0, 30.0, 10.0, 40.0, 60.0, 40.0, 0.0, 20.0, 60.0, 50.0, 30.0, 20.0, 10.0, 0.0, 20.0, 50.0, 50.0, 20.0, 10.0, 20.0, -1.0, -1.0, 30.0, 30.0, 30.0, 10.0, 30.0, 10.0, 40.0, 20.0, 50.0, 50.0, 20.0, 20.0, 40.0, 20.0, 90.0, 30.0, 40.0, 20.0, 20.0, 20.0, 50.0, 20.0, 10.0, 40.0, 10.0, 60.0, 30.0, 0.0, -1.0, -1.0, 20.0, 40.0, 10.0, 50.0, 10.0, 30.0, 40.0, 10.0, 50.0, -1.0, 10.0, 40.0, 50.0, 40.0, 40.0, 10.0, -1.0, 0.0, 10.0, 10.0, 30.0, 20.0, 0.0, 20.0, 30.0, 80.0, 50.0, 40.0, 20.0, 10.0, 20.0, 50.0, 10.0, 10.0, 90.0, 40.0, 10.0, 50.0, 20.0, 20.0, 70.0, 30.0, 0.0, 50.0, 20.0, 30.0, 20.0, 30.0, 40.0, 70.0, 20.0, 0.0, 90.0, 50.0, 30.0, 40.0, 100.0, 60.0, 80.0, 20.0, 50.0, 0.0, 20.0, 0.0, 20.0, 40.0, 10.0, 20.0, 20.0, 30.0, 10.0, -1.0, 50.0, 30.0, 30.0, 40.0, 30.0, 0.0, 10.0, 30.0, 20.0, 60.0, 40.0, 30.0, 40.0, 30.0, 100.0, 40.0, 0.0, 30.0, 60.0, 40.0, 20.0, 100.0, 70.0, 20.0, 40.0, 10.0, 20.0, 40.0, 10.0, 0.0, 90.0, 0.0, 20.0, 30.0, 40.0, 40.0, 20.0, 10.0, 60.0, 70.0, 0.0, 10.0, 30.0, 50.0, 100.0, 10.0, 40.0, 40.0, 20.0, 40.0, 10.0, 40.0, 20.0, 10.0, -1.0, 70.0, 0.0, 70.0, 10.0, 30.0, 30.0, 20.0, 30.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 50.0, 30.0, 60.0, 10.0, 10.0, 10.0, 0.0, 10.0, 20.0, 0.0, 10.0, 30.0, 20.0, 0.0, 10.0, 30.0, 10.0, 40.0, 20.0, 90.0, 20.0, 40.0, 10.0, 50.0, 40.0, 50.0, 60.0, 40.0], (2800, 2800): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 90.0, 30.0, 0.0, 40.0, 100.0, 40.0, 0.0, 80.0, 60.0, 40.0, 20.0, 50.0, 30.0, 10.0, 60.0, 10.0, -1.0, 10.0, 0.0, 90.0, 50.0, 100.0, 10.0, 20.0, 70.0, 70.0, 20.0, 0.0, 100.0, 60.0, 60.0, 20.0, 70.0, 0.0, 0.0, 0.0, 40.0, 10.0, 10.0, 0.0, 30.0, 0.0, 0.0, 40.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, 40.0, -1.0, 0.0, 10.0, 20.0, 20.0, 0.0, 60.0, 0.0, 90.0, 10.0, 10.0, 10.0, 80.0, 0.0, 50.0, 40.0, 10.0, 30.0, 80.0, 40.0, 100.0, 90.0, 100.0, 0.0, 20.0, 20.0, 0.0, 0.0, 10.0, 0.0, 50.0, 80.0, 0.0, 60.0, 50.0, 30.0, 30.0, 80.0, 0.0, 10.0, 10.0, 20.0, 0.0, 50.0, 20.0, 30.0, 0.0, 0.0, 30.0, 0.0, 0.0, 20.0, 10.0, 10.0, 40.0, 40.0, 40.0, 0.0, 0.0, 30.0, 50.0, 20.0, 20.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 0.0, 40.0, 20.0, 0.0, 0.0, 0.0, 20.0, 30.0, 70.0, 40.0, 50.0, 70.0, 80.0, 40.0, 0.0, 20.0, 0.0, 50.0, 40.0, 0.0, 0.0, 0.0, 10.0, 0.0, 50.0, 30.0, 20.0, 40.0, 20.0, 80.0, 10.0, 10.0, 0.0, 10.0, 20.0, 100.0, 60.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 0.0, 20.0, 100.0, 10.0, 50.0, 50.0, 20.0, 20.0, 50.0, 40.0, 20.0, 20.0, 80.0, 70.0, 0.0, 100.0, 0.0, 0.0, 10.0, 100.0, 30.0, 90.0, 0.0, 30.0, 100.0, 40.0, 50.0, 40.0, 10.0, 0.0, 20.0, 0.0, 10.0, 50.0, 10.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 50.0, 0.0, 10.0, 40.0, 30.0, 40.0, 0.0, 30.0, 10.0, 90.0, 0.0, 90.0, 10.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 20.0, 60.0, 100.0, 10.0, 80.0, 0.0, 100.0, 0.0, 40.0, 20.0, 0.0, 10.0, 80.0, 20.0, 0.0, 30.0, 30.0, 60.0, 100.0, 20.0, 20.0, 20.0, 0.0, 70.0, 30.0, 10.0, 0.0, 0.0, 10.0, 30.0, 10.0, 20.0, 40.0, 40.0, 0.0, 30.0, 70.0, 10.0, 10.0, 20.0, 40.0, 30.0, 100.0, 60.0, 50.0, 60.0, 0.0, 60.0, 20.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 100.0, 100.0, 100.0, 100.0, 60.0, 70.0, 10.0, 60.0, 20.0, 20.0, 20.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 30.0, 60.0, 50.0, 20.0, 80.0, 10.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 40.0, 60.0, 70.0, 30.0, 90.0, 0.0, 100.0, 10.0, 80.0, 10.0, 90.0, 70.0, 70.0, 0.0, 0.0, -1.0, 20.0, 20.0, 30.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 60.0, 10.0, 30.0, 60.0, 40.0, 0.0, 20.0, 40.0, 0.0, 100.0, 40.0, 60.0, 0.0, 0.0, 30.0, 70.0, 10.0, 90.0, 70.0, 0.0, 0.0, 40.0, 70.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 20.0, 20.0, 10.0, 30.0, 20.0, 40.0, 100.0, 0.0, 0.0, 0.0, 0.0, 50.0, 10.0, 30.0, 0.0, 0.0, 20.0, 20.0, 10.0, 0.0, 50.0, 0.0, 50.0, 0.0, 60.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 20.0, 10.0, 90.0, 10.0, 0.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 30.0, 10.0, 20.0, 0.0, 40.0, 10.0, 10.0, 60.0, 10.0, 0.0, 50.0, 10.0, 10.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 80.0, 60.0, 20.0, 30.0, 30.0, 20.0, 60.0, 20.0, 50.0, 20.0, 0.0, 40.0, 10.0, 10.0, 80.0, 50.0, 10.0, 10.0, 20.0, 30.0, 0.0, 30.0, 0.0, 20.0, 90.0, 0.0, 30.0, 100.0, 20.0, 0.0, 30.0, 80.0, 0.0, 10.0, 10.0, 50.0, 0.0, 20.0, 50.0, 30.0, 70.0, 50.0, 30.0, 0.0, 10.0, 20.0, 0.0, 70.0, 0.0, 10.0, 90.0, 100.0, 10.0, 0.0, 30.0, 20.0, 10.0, 70.0, 80.0, 70.0, 20.0, 30.0, 20.0, 10.0, 0.0, 0.0, 70.0, 30.0, 30.0, 30.0, 100.0, 30.0, 30.0, 0.0, 20.0, 10.0, 10.0, 30.0, 60.0, 100.0, 30.0, 20.0, 40.0, 0.0, 70.0, 30.0, 80.0, 0.0, 0.0, 10.0, 30.0, 60.0, 0.0, 20.0, 40.0, 30.0, 30.0, 20.0, 80.0, 60.0, 20.0, 40.0, 10.0, 0.0, 20.0, 0.0, 40.0, 30.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 50.0, 50.0, 100.0, 10.0, 0.0, 60.0, 50.0, -1.0, 20.0, 60.0, 40.0, 20.0, 10.0, 50.0, 0.0, 10.0, 0.0, 10.0, 50.0, 70.0, 20.0, 20.0, 40.0, 40.0, 30.0, 20.0, 20.0, 20.0, 0.0, 0.0, 30.0, 0.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 20.0, 50.0, 30.0, 30.0, 80.0, 80.0, 40.0, 30.0, 60.0, 0.0, 40.0, 0.0, 10.0, 50.0, 50.0, 0.0, 0.0, 20.0, 10.0, 10.0, 0.0, 40.0, 0.0, 10.0, 0.0, 90.0, 50.0, 10.0, 30.0, 70.0, 20.0, 0.0, 10.0, 80.0, 20.0, 60.0, 0.0, 20.0, 0.0, 0.0, 10.0, 40.0, 20.0, 10.0, 0.0, 60.0, 70.0, 20.0, 40.0, 10.0, 20.0, 50.0, 10.0, 0.0, 0.0, 40.0, 0.0, 50.0, 0.0, 70.0, 50.0, 0.0, 60.0, 40.0, 0.0, 30.0, 0.0, -1.0, 20.0, 50.0, 0.0, 70.0, 0.0, 0.0, 0.0, 50.0, 0.0, 40.0, 0.0, 100.0, 40.0, 0.0, 40.0, 0.0, 20.0, 30.0, 50.0, 0.0, 40.0, 40.0, 0.0, 0.0, 30.0, 30.0, 70.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 30.0, 90.0, 20.0, 10.0, 0.0, 30.0, 60.0, 100.0, 30.0, 0.0, 20.0, 40.0, 60.0, 60.0, 0.0, 80.0, 0.0, 20.0, 20.0, 50.0, 20.0, 0.0, -1.0, 20.0, 0.0, 20.0, 40.0, 10.0, 30.0, 0.0, 0.0, 40.0, 0.0, 30.0, 0.0, 10.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 50.0, 30.0, 0.0, 20.0, 50.0, 0.0, 50.0, 30.0, 20.0, 10.0, 30.0, 0.0, -1.0, 20.0, 30.0, 50.0, 60.0, 60.0, 30.0, 0.0, 40.0, 0.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 0.0, 0.0, 30.0, 100.0, 10.0, 10.0, 20.0, 20.0, 70.0, 60.0, 0.0, 20.0, 0.0, 20.0, 20.0, 20.0, 40.0, 30.0, 40.0, 0.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 20.0, 0.0, 30.0, 20.0, 0.0, 20.0, 40.0, 100.0, 20.0, 40.0, 50.0, 70.0, 0.0, 10.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 60.0, 0.0, 0.0, 60.0, 10.0, 10.0, 20.0, 0.0, 30.0, 60.0, 0.0, 60.0, 10.0, 0.0, 30.0, 30.0, 40.0, 10.0], (8400, 0): [100.0, 60.0, 100.0, 30.0, 50.0, 20.0, 90.0, 40.0, 100.0, 50.0, 70.0, 100.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 80.0, 100.0, 80.0, 100.0, 100.0, 100.0, 90.0, 100.0, 40.0, 100.0, 90.0, 100.0, 100.0, 100.0, 60.0, 100.0, 90.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 100.0, 80.0, 90.0, 70.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 80.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 90.0, 50.0, 100.0, 80.0, 90.0, 100.0, 90.0, 100.0, 80.0, 70.0, 100.0, 20.0, 50.0, 50.0, 100.0, 90.0, 70.0, 10.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 100.0, 100.0, 50.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 60.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 90.0, 10.0, 100.0, 90.0, 100.0, 30.0, 100.0, 100.0, 80.0, 70.0, 100.0, 90.0, 100.0, 100.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 40.0, 100.0, 100.0, 90.0, 20.0, 100.0, 100.0, 100.0, 100.0, 90.0, 80.0, 100.0, 90.0, 30.0, 30.0, 100.0, 70.0, 100.0, 100.0, 90.0, 80.0, 90.0], (5600, 2800): [40.0, 90.0, 90.0, 40.0, 60.0, 20.0, 60.0, 50.0, 50.0, 70.0, 100.0, 20.0, 0.0, 100.0, 0.0, 20.0, 0.0, 10.0, 10.0, 100.0, 100.0, 0.0, 100.0, 70.0, 100.0, 60.0, 30.0, 100.0, 0.0, 100.0, 20.0, 20.0, 70.0, 40.0, 100.0, 100.0, 20.0, 20.0, 0.0, 100.0, 10.0, 30.0, 0.0, 100.0, 0.0, 70.0, 60.0, 100.0, 30.0, 50.0, 90.0, 80.0, 100.0, 40.0, 0.0, 50.0, 40.0, 50.0, 20.0, 100.0, 100.0, 40.0, 30.0, 100.0, 10.0, 10.0, 100.0, 80.0, 100.0, 40.0, 50.0, 100.0, 10.0, 100.0, 20.0, 10.0, 30.0, 100.0, 20.0, 70.0, 0.0, 30.0, 70.0, 20.0, 100.0, 10.0, 50.0, 0.0, 40.0, 90.0, 60.0, 30.0, 100.0, 70.0, 70.0, 100.0, 60.0, 20.0, 40.0, 10.0, 30.0, 80.0, 10.0, 90.0, 10.0, 100.0, 10.0, 30.0, 60.0, 90.0, 40.0, 10.0, 70.0, 0.0, 60.0, 90.0, 100.0, 20.0, 10.0, 30.0, 100.0, 80.0, 20.0, 100.0, 50.0, 20.0, 20.0, 50.0, 50.0, 20.0, 70.0, 0.0, 100.0, 0.0, 0.0, 100.0, 0.0, 0.0, 0.0, 10.0, 60.0, 50.0, 20.0, 60.0, 100.0, 0.0, 100.0, 100.0, 100.0, 50.0, 0.0, 60.0, 0.0, 80.0, 20.0, 100.0, 0.0, 0.0, 100.0, 30.0, 100.0, 40.0, 10.0, 70.0, 80.0, 100.0, 0.0, 100.0, 20.0, 0.0, 20.0, 0.0, 20.0, 100.0, 0.0, 40.0, 70.0, 20.0, 0.0, 50.0, 10.0, 0.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 100.0, 30.0, 60.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 0.0, 90.0, 0.0, 10.0, 80.0, 40.0, 70.0, 100.0, 40.0, 10.0, 50.0, 100.0, 30.0, 100.0, 30.0, 20.0, 0.0, 10.0, 30.0, 20.0, 50.0, 100.0, 30.0, 50.0, 60.0, 20.0, 10.0, 60.0, 0.0, 10.0, 100.0, 10.0, 100.0, 100.0, 10.0, 60.0, 100.0, 0.0, 10.0, 40.0, 100.0, 50.0, 40.0, 100.0, 70.0, 40.0, 20.0, 50.0, 0.0, 80.0, 100.0, 70.0, 100.0, 0.0, 100.0, 0.0, 10.0, 100.0, 70.0, 30.0, 30.0, 40.0, 60.0, 90.0, 50.0, 80.0, 100.0, 30.0, 40.0, 40.0, 40.0, 0.0, 30.0, 80.0, 70.0, 10.0, 40.0, 70.0, 30.0, 40.0, 100.0, 0.0, 20.0, 40.0, 10.0, 90.0, 0.0, 0.0, 10.0, 30.0, 70.0, 60.0, 70.0, 0.0, 0.0, 90.0, 80.0, 50.0, 30.0, 80.0, 20.0, 20.0, 10.0, 100.0, 30.0, 100.0, 30.0, 0.0, 0.0, 100.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 40.0, 100.0, 0.0, 50.0, 10.0, 0.0, 30.0, 0.0, 100.0, 100.0, 70.0, 0.0, 0.0, 70.0, 10.0, 10.0, 100.0, 30.0, 90.0, 0.0, 80.0, 60.0, 10.0, 30.0, 70.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 10.0, 10.0, 80.0, 0.0, 90.0, 0.0, 20.0, 90.0, 10.0, 100.0, 100.0, 90.0, 0.0, 30.0, 70.0, 80.0, 10.0, 40.0, 80.0, 80.0, 0.0, 80.0, 90.0, 50.0, 100.0, 90.0, 20.0, 0.0, 10.0, 70.0, 10.0, 0.0, 60.0, 30.0, 10.0, 80.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 10.0, 100.0, 40.0, 0.0, 10.0, 10.0, 100.0, 100.0, 100.0, 20.0, 0.0, 20.0, 50.0, 20.0, 100.0, 40.0, 90.0, 20.0, 0.0, 20.0, 0.0, 90.0, 60.0, 10.0, 30.0, 50.0, 80.0, 100.0, 0.0, 10.0, 0.0, 0.0, 10.0, 100.0, 100.0, 80.0, 70.0, 0.0, 80.0, 90.0, 90.0, 70.0, 50.0, 10.0, 100.0, 40.0, 100.0, 20.0, 10.0, 90.0, 10.0, 40.0, 50.0, 0.0, 20.0, 30.0, 60.0, 10.0, 0.0, 10.0, 0.0, 50.0, 10.0, 0.0, 40.0, 50.0, 0.0, 70.0, 70.0, 50.0, 30.0, 10.0, 60.0, 0.0, 100.0, 0.0, 90.0, 70.0, 0.0, 100.0, 30.0, 0.0, 100.0, 10.0, 0.0, 50.0, 60.0, 90.0, 50.0, 0.0, 0.0, 0.0, 10.0, 0.0, 100.0, 10.0, 0.0, 90.0, 0.0, 0.0, 0.0, 100.0, 20.0, 90.0, 0.0, 100.0, 50.0, 70.0, 90.0, 100.0, 60.0, 30.0, 10.0, 100.0, 40.0, 20.0, 20.0, 0.0, 100.0, 30.0, 100.0, 0.0, 10.0, 90.0, 20.0, 90.0, 20.0, 60.0, 100.0, 40.0, 60.0, 80.0, 100.0, 60.0, 90.0, 10.0, 40.0, 80.0, 0.0, 100.0, 0.0, 30.0, 0.0, 0.0, 100.0, 40.0, 30.0, 100.0, 10.0, 10.0, 70.0, 40.0, 20.0, 20.0, 90.0, 0.0, 10.0, 0.0, 80.0, 0.0, 0.0, 70.0, 20.0, 60.0, 30.0, 100.0, 10.0, 0.0, 0.0, 100.0, 0.0, 100.0, 90.0, 20.0, 60.0, 10.0, 10.0, 90.0, 80.0, 0.0, 50.0, 80.0, 20.0, 100.0, 100.0, 100.0, 50.0, 0.0, 50.0, 100.0, 0.0, 100.0, 10.0, 20.0, 40.0, 20.0, 0.0, 50.0, 20.0, 100.0, 100.0, 0.0, 30.0, 50.0, 80.0, 0.0, 100.0, 70.0, 100.0, 100.0, 0.0, 0.0, 100.0, 60.0, 90.0, 60.0, 100.0, 0.0, 30.0, 30.0, 0.0, 40.0, 100.0, 0.0, 70.0, 0.0, 40.0, 10.0, 50.0, 70.0, 70.0, 80.0, 40.0, 100.0, 60.0, 0.0, 100.0, 100.0, 0.0, 20.0, 70.0, 30.0, 0.0, 70.0, 20.0, 100.0, 60.0, 0.0, 20.0, 30.0, 0.0, 0.0, 30.0, 80.0, 0.0, 100.0, 70.0, 100.0, 40.0, 0.0, 80.0, 100.0, 60.0, 100.0, 100.0, 100.0, 60.0, 40.0, 0.0, 100.0, 60.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 80.0, 30.0, 90.0, 100.0, 100.0, 100.0, 20.0, 10.0, 30.0, 90.0, 0.0, 10.0, 60.0, 10.0, 90.0, 10.0, 10.0, 0.0, 40.0, 40.0, 80.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 70.0, 0.0, 0.0, 100.0, 10.0, 10.0, 10.0, 20.0, 10.0, 70.0, 30.0, 100.0, 0.0, 10.0, 100.0, 100.0, 10.0, 30.0, 10.0, 60.0, 90.0, 70.0, 70.0, 60.0, 10.0, 10.0, 10.0, 0.0, 80.0, 70.0, 40.0, 60.0, 100.0, 30.0, 30.0, 0.0, 100.0, 0.0, 70.0, 30.0, 60.0, 60.0, 90.0, 50.0, 0.0, 90.0, 90.0, 0.0, 100.0, 30.0, 0.0, 100.0, 90.0, 100.0, 80.0, 0.0, 40.0, 0.0, 100.0, 100.0, 100.0, 40.0, 80.0, 30.0, 100.0, 0.0, 100.0, 70.0, 100.0, 0.0, 50.0, 50.0, 0.0, 40.0, 0.0, 20.0, 80.0, 70.0, 100.0, 70.0, 100.0, 100.0, 90.0, 100.0, 0.0, 0.0, 0.0, 20.0, 40.0, 90.0, 10.0, 0.0, 60.0, 100.0, 90.0, 90.0, 100.0, 50.0, 90.0, 30.0, 40.0, 20.0, 10.0, 0.0, 30.0, 100.0, 0.0, 20.0, 80.0, 70.0, 90.0, 100.0, 70.0, 100.0, 0.0, 30.0, 10.0, 0.0, 50.0, 0.0, 50.0, 20.0, 0.0, 100.0, 70.0, 100.0, 60.0, 100.0, 0.0, 100.0, 0.0, 0.0, 10.0, 10.0, 60.0, 40.0, 40.0, 100.0, 100.0, 10.0, 100.0, 0.0, 10.0, 10.0, 0.0, 40.0, 60.0, 100.0, 10.0, 60.0, 0.0, 40.0, 20.0, 30.0, 100.0, 90.0, 30.0, 90.0, 0.0, 0.0, 100.0, 100.0, 10.0, 80.0, 20.0, 20.0, 40.0, 10.0, 90.0, 20.0, 100.0, 100.0, 70.0, 50.0, 100.0, 90.0, 60.0, 100.0, 0.0, 30.0, 80.0, 0.0, 10.0, 30.0, 50.0, 20.0, 10.0, 50.0, 50.0, 100.0, 0.0, 100.0, 100.0, 0.0, 10.0, 90.0, 100.0, 10.0, 30.0, 0.0, 100.0, 0.0, 60.0, 40.0, 50.0, 100.0, 100.0, 0.0, 0.0, 30.0, 0.0, 0.0, 40.0, 70.0, 70.0, 70.0, 0.0, 40.0, 100.0, 70.0, 0.0, 20.0, 20.0, 0.0, 20.0, 30.0, 0.0, 50.0, 100.0, 10.0, 20.0, 100.0, 80.0, 100.0, 60.0, 0.0, 30.0, 10.0, 50.0, 80.0, 100.0, 0.0, 10.0, 70.0, 100.0, 70.0, 0.0, 0.0, 100.0, 10.0, 30.0, 60.0, 20.0, 90.0, 60.0, 30.0, 50.0, 100.0, 50.0, 100.0, 100.0, 0.0, 20.0, 100.0, 0.0, 100.0, 50.0, 60.0, 100.0, 0.0, 80.0, 100.0, 70.0, 100.0, 0.0, 90.0, 100.0, 60.0, 100.0, 20.0, 50.0, 60.0, 100.0, 10.0, 90.0, 10.0, 0.0, 20.0, 0.0, 0.0, 10.0, 90.0, 20.0, 10.0, 100.0, 100.0, 70.0, 40.0, 30.0, 20.0, 30.0, 0.0, 100.0, 100.0, 50.0, 80.0, 100.0, 0.0, 10.0, 0.0, 20.0, 60.0, 30.0, 0.0, 0.0, 100.0, 20.0, 100.0, 60.0, 100.0, 80.0, 10.0, 100.0, 90.0, 50.0, 100.0, 0.0, 100.0, 0.0, 30.0, 40.0, 100.0, 10.0, 0.0, 20.0, 0.0, 0.0, 100.0, 10.0, 50.0, 0.0, 70.0, 40.0, 100.0, 0.0, 30.0, 70.0, 0.0, 60.0, 100.0, 100.0, 80.0, 100.0, 90.0, 30.0, 100.0, 10.0, 0.0, 40.0, 60.0, 100.0, 20.0, 80.0, 0.0, 100.0, 10.0, 60.0, 0.0, 100.0, 80.0, 80.0, 100.0, 20.0, 0.0, 70.0, 0.0, 30.0, 40.0, 100.0, 40.0, 0.0, 30.0, 70.0, 0.0, 100.0, 0.0, 30.0, 0.0, 10.0, 100.0, 0.0, 40.0, 20.0, 10.0, 90.0, 40.0, 30.0, 100.0, 10.0, 0.0, 0.0, 30.0, 70.0, 60.0, 0.0, 10.0, 20.0, 80.0, 20.0, 100.0, 60.0, 0.0, 20.0, 0.0, 100.0, 0.0, 70.0, 0.0, 60.0, 0.0, 20.0, 40.0, 40.0, 0.0, 60.0, 80.0, 90.0, 40.0, 10.0, 50.0, 80.0, 30.0, 30.0, 60.0, 0.0, 70.0, 0.0, 40.0, 0.0, 20.0, 40.0, 20.0, 40.0, 50.0, 20.0, 20.0, 40.0, 40.0, 70.0, 100.0, 0.0, 50.0, 90.0, 80.0, 100.0, 0.0, 50.0, 20.0, 100.0, 40.0, 40.0, 90.0, 40.0, 10.0, 100.0, 0.0, 30.0, 100.0, 80.0, 100.0, 70.0, 10.0, 100.0, 100.0, 40.0, 0.0, 10.0, 50.0, 30.0, 0.0, 100.0, 20.0, 100.0, 30.0, 30.0, 80.0, 100.0, 10.0, 70.0, 80.0, 90.0, 30.0, 100.0, 20.0, 50.0, 100.0, 100.0, 30.0, 80.0, 10.0, 0.0, 0.0, 10.0, 60.0, 90.0, 100.0, 100.0, 60.0, 30.0, 10.0, 100.0, 10.0, 100.0, 20.0, 100.0, 0.0, 10.0, 20.0, 0.0, 100.0, 90.0, 10.0, 0.0, 100.0, 100.0, 0.0, 0.0, 50.0, 0.0, 100.0, 90.0, 100.0, 60.0, 80.0, 20.0, 100.0, 100.0, 0.0, 0.0, 30.0, 60.0, 20.0, 30.0, 100.0, 100.0, 40.0, 100.0, 10.0, 70.0, 10.0, 20.0, 10.0, 40.0, 100.0, 0.0, 10.0, 20.0, 40.0, 30.0, 100.0, 10.0, 30.0, 30.0, 0.0, 30.0, 50.0, 40.0, 20.0, 50.0, 20.0, 100.0, 80.0, 100.0, 100.0, 90.0, 30.0, -1.0, 10.0, 50.0, 0.0, 80.0, 20.0, 100.0, 0.0, 30.0, 70.0, 80.0, 30.0, 100.0, 100.0, 0.0, 10.0, 0.0, 10.0, 20.0, 70.0, 50.0, 0.0, 100.0, 100.0, 10.0, 0.0, 70.0, 0.0, 100.0, 0.0, 20.0, 20.0, 10.0, 100.0, 90.0, 20.0, 70.0, 0.0, 0.0, 50.0, 10.0, 100.0, 0.0, 20.0, 20.0, 30.0, 20.0, 0.0, 10.0, 10.0, 10.0, 60.0, 100.0, 90.0, 10.0, 10.0, 60.0, 70.0, 90.0, 70.0, 40.0, 20.0, 40.0, 30.0, 100.0, 20.0, 0.0, 20.0, 90.0, 10.0, 80.0, 60.0, 60.0, 50.0, 20.0, 50.0, 80.0, 0.0, 100.0, 30.0, 10.0, 20.0, 80.0, 10.0, 20.0, 100.0, 30.0, 20.0, 20.0, 50.0, 0.0, 0.0, 80.0, 70.0, 20.0, 100.0, 10.0, 40.0, 100.0, 0.0, 80.0, 0.0, 20.0, 60.0, 90.0, 100.0, 0.0, 60.0, 50.0, 100.0, 70.0, 60.0, 20.0, 10.0, 60.0, 30.0, 70.0, 40.0, 20.0, 70.0, 70.0, 0.0, 0.0, 40.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 90.0, 90.0, 0.0, 70.0, 0.0, 60.0, 100.0, 0.0, 70.0, 0.0, 20.0, 100.0, 40.0, 10.0, 50.0, 50.0, 80.0, 60.0, 100.0, 10.0, 100.0, 40.0, 70.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 0.0, 0.0, 40.0, 20.0, 60.0, 20.0, 70.0, 0.0, 100.0, 30.0, 60.0, 0.0, 70.0, 50.0, 0.0, 100.0, 40.0, 100.0, 70.0, 10.0, 60.0, 20.0, 100.0, 10.0, 50.0, 80.0, 60.0, 60.0, 50.0, 70.0, 0.0, 50.0, 50.0, 0.0, 10.0, 60.0, 30.0, 10.0, 100.0, 10.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 100.0, 0.0, 100.0, 0.0, 90.0, 60.0, 20.0, 0.0, 0.0, 50.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 50.0, 90.0, 20.0, 30.0, 20.0, 10.0, 20.0, 10.0, 40.0, 0.0, 20.0, 100.0, 0.0, 10.0, 20.0, 20.0, 0.0, 10.0, 0.0, 10.0, 100.0, 80.0, 100.0, 0.0, 0.0, 30.0, 10.0, 0.0, 100.0, 90.0, 20.0, 20.0, 30.0, 100.0, 50.0, 20.0, 10.0, 20.0, 0.0, 20.0, 90.0, 100.0, 10.0, 10.0, 60.0, 100.0, 100.0, 20.0, 100.0, 60.0, 70.0, 90.0, 60.0, 0.0, 50.0, 0.0, 0.0, 20.0, 30.0, 0.0, 100.0, 70.0, 100.0, 90.0, 20.0, 0.0, 0.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 50.0, 70.0, 100.0, 10.0, 100.0, 30.0, 100.0, 30.0, 60.0, 100.0, 100.0, 40.0, 40.0, 100.0, 20.0, 20.0, 100.0, 70.0, 100.0, 40.0, 10.0, 100.0, 60.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 50.0, 0.0, 20.0, 0.0, 60.0, 20.0, 40.0, 30.0, 100.0, 90.0, 100.0, 0.0, 20.0, 30.0, 50.0, 0.0, 70.0, 100.0, 0.0, 30.0, 60.0, 80.0, 20.0, 100.0, 0.0, 10.0, 70.0, 100.0, 100.0, 40.0, 100.0, 90.0, 30.0, 100.0, 70.0, 80.0, 50.0, 0.0, 0.0, 70.0, 100.0, 0.0, 80.0, 20.0, 30.0, 30.0, 0.0, 70.0, 20.0, 100.0, 0.0, 0.0, 100.0, 100.0, 90.0, 100.0, 100.0, 0.0, 0.0, 40.0, 90.0, 0.0, 10.0, 0.0, 100.0, 100.0, 10.0, 0.0, 10.0, 50.0, 60.0, 0.0, 20.0, 30.0, 0.0, 90.0, 0.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 100.0, 70.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 20.0, 20.0, 50.0, 100.0, 0.0, 10.0, 100.0, 100.0, 30.0, 100.0, 60.0, 90.0, 0.0, 100.0, 40.0, 20.0, 80.0, 40.0, 50.0, 100.0, 40.0, 80.0, 0.0, 100.0, 0.0, 40.0, 50.0, 100.0, 40.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 100.0, 90.0, 100.0, 20.0, 20.0, 60.0, 0.0, 100.0, 0.0, 70.0, 80.0, 20.0, 50.0, 80.0, 0.0, 0.0, 30.0, 0.0, 0.0, 10.0, 70.0, 50.0, 0.0, 20.0, 90.0, 90.0, 100.0, 0.0, 50.0, 100.0, 0.0, 100.0, 0.0, 20.0, 30.0, 90.0, 40.0, 0.0, 60.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 70.0, 0.0, 100.0, 20.0, 20.0, 30.0, 100.0, 0.0, 40.0, 10.0, 10.0, 20.0, 100.0, 0.0, 40.0, 40.0, 60.0, 40.0, 60.0, 10.0, 50.0, 60.0, 60.0, 30.0, 80.0, 20.0, 50.0, 70.0, 30.0, 60.0, 40.0, 80.0, 40.0, 50.0, 100.0, 40.0, 10.0, 0.0, 20.0, -1.0, 100.0, 20.0, 100.0, 100.0, 70.0, 60.0, 90.0, 0.0, 10.0, 90.0, 0.0, 30.0, 10.0, 100.0, 10.0, 50.0, 50.0, 50.0, 80.0, 70.0, 60.0, 10.0, 0.0, 40.0, 90.0, 70.0, 100.0, 10.0, 20.0, 100.0, 10.0, 30.0, 80.0, 20.0, 100.0, 100.0, 0.0, 0.0, 20.0, 100.0, 90.0, 20.0, 60.0, 60.0, 30.0, 0.0, 10.0, 50.0, 100.0, 70.0, 10.0, 20.0, 0.0, 0.0, 0.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 40.0, 40.0, 0.0, 50.0, 100.0, 40.0, 40.0, 100.0, 90.0, 20.0, 100.0, 20.0, 10.0, 0.0, 100.0, 30.0, 0.0, 0.0, 100.0, 50.0, 0.0, 10.0, 0.0, 60.0, 0.0, 0.0, 20.0, 20.0, 0.0, 50.0, 10.0, 100.0, 0.0], (5600, 5600): [100.0, 0.0, 100.0, 100.0, 100.0, 20.0, 100.0, 10.0, 0.0], (8400, 5600): [100.0, 30.0, 10.0, 10.0, 20.0, 40.0, 80.0, 10.0, 90.0, 100.0, 0.0, 10.0, 10.0, 70.0, 100.0, 100.0, 100.0, 100.0, 10.0, 10.0, 100.0, 100.0, 60.0, 100.0, 60.0, 100.0], (5600, 0): [80.0, 30.0, 80.0, 70.0, 80.0, 90.0, 100.0, 100.0, 30.0, 90.0, 60.0, 40.0, 80.0, 70.0, 70.0, 60.0, 10.0, 80.0, 20.0, 60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 90.0, 30.0, 30.0, 50.0, 70.0, 60.0, 100.0, 0.0, 60.0, 90.0, 60.0, 100.0, 30.0, 20.0, 60.0, 60.0, 20.0, 70.0, 10.0, 20.0, 20.0, 50.0, 100.0, 40.0, 60.0, 80.0, 20.0, 40.0, 80.0, 30.0, 0.0, 80.0, 60.0, 80.0, 100.0, 90.0, 20.0, 70.0, 50.0, 90.0, 50.0, 40.0, 100.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 80.0, 100.0, 100.0, 40.0, 60.0, 10.0, 10.0, 80.0, 90.0, 50.0, 70.0, 10.0, 100.0, 90.0, 100.0, 70.0, 30.0, 70.0, 80.0, 50.0, 30.0, 100.0, 50.0, 100.0, 90.0, 30.0, 100.0, 100.0, 60.0, 100.0, 20.0, 40.0, 40.0, 30.0, 100.0, 0.0, 30.0, 70.0, 40.0, 0.0, 40.0, 40.0, 70.0, 80.0, 60.0, 30.0, 60.0, 70.0, 40.0, 50.0, 80.0, 50.0, 30.0, 30.0, 30.0, 100.0, 100.0, 20.0, 100.0, 50.0, 0.0, 40.0, 50.0, 0.0, 30.0, 90.0, 60.0, 10.0, 90.0, 10.0, 10.0, 70.0, 100.0, 40.0, 30.0, 100.0, 40.0, 100.0, 60.0, 70.0, 50.0, 80.0, 30.0, 0.0, 30.0, 100.0, 90.0, 20.0, 30.0, 20.0, 30.0, 40.0, 50.0, 40.0, 10.0, 30.0, 80.0, 40.0, 70.0, 10.0, 20.0, 50.0, 50.0, 50.0, 50.0, 40.0, 80.0, 40.0, 80.0, 60.0, 80.0, 60.0, 60.0, 10.0, 20.0, 10.0, 60.0, 90.0, 40.0, 100.0, 20.0, 50.0, -1.0, 100.0, 60.0, 60.0, 40.0, 50.0, 40.0, 100.0, 100.0, 50.0, 0.0, 100.0, 80.0, 100.0, 30.0, 30.0, 0.0, 60.0, 50.0, 100.0, 50.0, 60.0, 30.0, 80.0, 10.0, 40.0, 70.0, 20.0, 60.0, 50.0, 60.0, 20.0, 60.0, 30.0, 40.0, 100.0, 70.0, 50.0, 100.0, 50.0, 100.0, 50.0, 90.0, 0.0, 90.0, 50.0, 100.0, 30.0, 60.0, 100.0, 10.0, 20.0, 0.0, 40.0, 100.0, 60.0, 80.0, 50.0, 40.0, 50.0, 40.0, 40.0, 80.0, 80.0, 30.0, 50.0, 40.0, 80.0, 50.0, 90.0, 100.0, 40.0, 50.0, 70.0, 30.0, 40.0, 80.0, 40.0, 40.0, 100.0, 50.0, 60.0, 100.0, 100.0, 20.0, 50.0, 40.0, 70.0, 20.0, 70.0, 20.0, 50.0, 50.0, 30.0, 60.0, 10.0, 90.0, 50.0, 100.0, 40.0, 70.0, 70.0, 70.0, 10.0, 10.0, 60.0, 80.0, 90.0, 100.0, 50.0, 40.0, 40.0, 80.0, 100.0, 100.0, 30.0, 40.0, 50.0, 50.0, 20.0, 30.0, 30.0, 80.0, 50.0, 60.0, 40.0, 60.0, 90.0, 60.0, 0.0, 50.0, 10.0, 90.0, 60.0, 0.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 10.0, 50.0, 60.0, 60.0, 60.0, 40.0, 30.0, 60.0, 30.0, 100.0, 90.0, 90.0, 0.0, 20.0, 80.0, 10.0, 30.0, 50.0, 90.0, 50.0, 0.0, 100.0, 90.0, 30.0, 60.0, 30.0, 10.0, 70.0, 30.0, 70.0, 40.0, 60.0, 70.0, 70.0, 30.0, 70.0, 10.0, 20.0, 10.0, 20.0, 100.0, 50.0, 90.0, 70.0, 10.0, 30.0, 40.0, 30.0, 0.0, 40.0, 60.0, 70.0, 40.0, 30.0, 70.0, 40.0, 60.0, 50.0, 100.0, 90.0, 80.0, 10.0, 60.0, 50.0, 90.0, 100.0, 0.0, 20.0, 60.0, 40.0, 70.0, 10.0, 60.0, 90.0, 60.0, 20.0, 40.0, 80.0, 60.0, 70.0, 60.0, 20.0, 40.0, 10.0, 100.0, 100.0, 40.0, 40.0, 10.0, 30.0, 20.0, 100.0, 100.0, 20.0, 30.0, 70.0, 30.0, 40.0, 30.0, 60.0, 60.0, 70.0, 30.0, 10.0, 80.0, 20.0, 10.0, 10.0, 60.0, 40.0, 70.0, 10.0, 60.0, 90.0, 80.0, 30.0, 0.0, 30.0, 60.0, 60.0, 30.0, 60.0, 50.0, 40.0, 100.0, 40.0, 50.0, 40.0, 90.0, 50.0, 50.0, 40.0, 10.0, 100.0, 30.0, 80.0, 80.0, 60.0, 70.0, 80.0, 100.0, 100.0, 40.0, 80.0, 80.0, 50.0, 0.0, 10.0, 100.0, 40.0, 30.0, 80.0, 50.0, 70.0, 30.0, 70.0, 20.0, 80.0, 70.0, 50.0, 60.0, 100.0, 80.0, 50.0, 30.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 50.0, 50.0, 60.0, 70.0, 20.0, 20.0, 30.0, 20.0, 40.0, 100.0, 100.0, 50.0, 80.0, 70.0, 100.0, 30.0, 30.0, 40.0, 80.0, 60.0, 50.0, 70.0, 10.0, 60.0, 50.0, 100.0, 80.0, 40.0, 20.0, 50.0, 70.0, 40.0, 90.0, 20.0, 50.0, 70.0, 70.0, 0.0, 70.0, 50.0, 60.0, 50.0, 20.0, 80.0, 90.0, 50.0, 0.0, 40.0, 90.0, 80.0, 90.0, 90.0, 10.0, 90.0, 80.0, 60.0, 0.0, 30.0, 70.0, 90.0, 20.0, 60.0, 30.0, 60.0, 90.0, 90.0, 70.0, 80.0, 60.0, 0.0, 80.0, 50.0, 40.0, 20.0, 70.0, 30.0, 80.0, 70.0, 80.0, 80.0, 60.0, 0.0, 60.0, 20.0, 30.0, 40.0, 100.0, 10.0, 90.0, 100.0, 80.0, 20.0, 80.0, 70.0, 50.0, 70.0, 90.0, 60.0, 80.0, 0.0, 70.0, 10.0, 100.0, 10.0, 80.0, 30.0, 50.0, 60.0, 40.0, 100.0, 20.0, 20.0, 90.0, 30.0, 50.0, 40.0, 60.0, 80.0, 40.0, 100.0, 90.0, 50.0, 60.0, 50.0, 30.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 60.0, 20.0, 60.0, 80.0, 10.0, 30.0, 90.0, 20.0, 0.0, 50.0, 60.0, 10.0, 100.0, 20.0, 90.0, 40.0, 100.0, 0.0, 60.0, 100.0, 30.0, 40.0, 40.0, 100.0, 80.0, 70.0, 20.0, 0.0, 100.0, 60.0, 90.0, 90.0, 90.0, 60.0, 90.0, 20.0, 80.0, 100.0, 70.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 30.0, 90.0, 60.0, 70.0, 80.0, 60.0, 30.0, 20.0, 50.0, 40.0, 80.0, 100.0, 90.0, 100.0, 80.0, 70.0, 70.0, 100.0, 70.0, 30.0, 100.0, 80.0, 80.0, 70.0, 30.0, 90.0, 60.0, 50.0, 40.0, 60.0, 70.0, 60.0, 100.0, 70.0, 40.0, 80.0, 100.0, 70.0, 60.0, 10.0, 100.0, 50.0, 40.0, 90.0, 100.0, 100.0, 90.0, 10.0, 60.0, 100.0, 100.0, 30.0, 70.0, 70.0, 60.0, 70.0, 60.0, 100.0, 100.0, 40.0, 30.0, 60.0, 100.0, 0.0, 70.0, 50.0, 70.0, 10.0, 10.0, 60.0, 60.0, 60.0, 30.0, 30.0, 80.0, 30.0, 60.0, 50.0, 30.0, 40.0, 50.0, 10.0, 60.0, 100.0, 100.0, 20.0, 90.0, 0.0, 20.0, 100.0, 70.0, 60.0, 10.0, 70.0, 40.0, 90.0, 30.0, 40.0, 0.0, 50.0, 80.0, 90.0, 40.0, 20.0, 30.0, 50.0, 100.0, 100.0, 40.0, 100.0, 30.0, 80.0, 80.0, 30.0, 70.0, 100.0, 100.0, 80.0, 20.0, 80.0, 70.0, 40.0, 20.0]}
mpc_dash_syth_hyb_pen_table_4300_default_2900 = {(0, 0): [0.0, 30.0, 10.0, 60.0, 40.0, 60.0, -1.0, 10.0, 30.0, 50.0, 30.0, 20.0, 50.0, 40.0, 10.0, 50.0, 40.0, 10.0, -1.0, 40.0, 20.0, 50.0, 20.0, 10.0, 50.0, 20.0, 90.0, 0.0, 10.0, -1.0, 30.0, 20.0, 60.0, 10.0, 0.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, 20.0, 50.0, 30.0, -1.0, 100.0, -1.0, 30.0, 50.0, 70.0, 30.0, 50.0, 80.0, 100.0, 40.0, 30.0, 50.0, -1.0, 20.0, 30.0, -1.0, 50.0, 10.0, -1.0, 40.0, 70.0, 70.0, 30.0, -1.0, 40.0, 40.0, 40.0, 60.0, 20.0, 20.0, 40.0, -1.0, -1.0, 40.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 40.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 20.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 10.0, 20.0, 20.0, 50.0, 100.0, -1.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 20.0, 40.0, 50.0, -1.0, 70.0, 20.0, 40.0, 50.0, 30.0, 50.0, 20.0, 0.0, 30.0, 10.0, 70.0, 40.0, 50.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, 80.0, -1.0, 30.0, 20.0, 70.0, 20.0, 50.0, 30.0, 20.0, 70.0, 30.0, 20.0, 60.0, 40.0, 50.0, 90.0, 50.0, 60.0, 50.0, 70.0, 50.0, 80.0, 40.0, 60.0, 60.0, 30.0, 10.0, -1.0, 40.0, 40.0, 50.0, 20.0, 30.0, 30.0, 70.0, 80.0, 20.0, 40.0, 60.0, 10.0, 10.0, 90.0, 60.0, 20.0, 70.0, 80.0, 50.0, 10.0, -1.0, 10.0, 100.0, -1.0, 30.0, -1.0, 10.0, -1.0, 60.0, 60.0, 70.0, 60.0, 20.0, -1.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 80.0, 40.0, 50.0, 10.0, 60.0, 20.0, 10.0, 60.0, 40.0, 10.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 10.0, 0.0, 20.0, 10.0, 50.0, 10.0, 50.0, 10.0, 20.0, 40.0, 20.0, -1.0, -1.0, 80.0, 40.0, 80.0, 50.0, 10.0, 20.0, -1.0, 40.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 10.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 10.0, 20.0, 30.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 70.0, 40.0, 20.0, 60.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 10.0, 40.0, 10.0, 20.0, 10.0, 30.0, 40.0, 20.0, 40.0, 0.0, 40.0, 30.0, 40.0, -1.0, 60.0, 20.0, 50.0, 40.0, 20.0, 40.0, 20.0, 20.0, 30.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 50.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 20.0, 0.0, 70.0, 40.0, 20.0, 30.0, 20.0, 20.0, 40.0, 70.0, 40.0, 20.0, 20.0, -1.0, 40.0, 50.0, 10.0, 30.0, 50.0, -1.0, 20.0, 30.0, 50.0, 50.0, 30.0, 90.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 90.0, 50.0, 10.0, 30.0, 10.0, 30.0, 50.0, 40.0, 70.0, 10.0, 0.0, 60.0, 10.0, 30.0, 40.0, 50.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 20.0, 50.0, 50.0, 30.0, 40.0, 40.0, 30.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 40.0, 30.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 20.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 10.0, 80.0, 10.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 40.0, -1.0, 80.0, 0.0, 10.0, 60.0, 20.0, 30.0, 40.0, 50.0, 20.0, 50.0, 20.0, 20.0, 30.0, -1.0, 10.0, 60.0, 40.0, 80.0, 40.0, 50.0, 50.0, 20.0, 40.0, 10.0, 60.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 40.0, 60.0, 0.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 30.0, 0.0, 10.0, 60.0, 10.0, -1.0, 20.0, 0.0, 50.0, 30.0, 50.0, 60.0, 30.0, 50.0, -1.0, -1.0, -1.0, 40.0, 0.0, 10.0, 20.0, 60.0, 10.0, 20.0, 40.0, 40.0, 40.0, 70.0, 20.0, 50.0, 30.0, 60.0, 20.0, 60.0, 20.0, 50.0, 50.0, 40.0, 70.0, 10.0, 50.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 60.0, 10.0, 10.0, 50.0, 20.0, 50.0, 50.0, 20.0, 70.0, 30.0, 0.0, 30.0, 30.0, 50.0, 50.0, 10.0, 50.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 30.0, 80.0, 10.0, 50.0, 10.0, 20.0, 10.0, 10.0, 0.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 40.0, 10.0, -1.0, 70.0, 50.0, 20.0, 100.0, 50.0, 40.0, 0.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 10.0, 70.0, 0.0, 40.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, -1.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 10.0, 40.0, 50.0, 100.0, 20.0, 70.0, 70.0, 60.0, 20.0, 20.0, 20.0, 100.0, 20.0, 30.0, -1.0, 40.0, 20.0, 40.0, -1.0, 60.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 30.0, 60.0, 40.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 60.0, -1.0, 60.0, 40.0, 20.0, 40.0, 10.0, 70.0, 30.0, 20.0, 20.0, 30.0, 30.0, 50.0, 60.0, 10.0, 80.0, 60.0, 20.0, 50.0, 30.0, 10.0, 30.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 60.0, 60.0, 10.0, 30.0, 20.0, 10.0, 10.0, 40.0, 0.0, 20.0, 40.0, 30.0, 60.0, 20.0, 50.0, 70.0, 60.0, 20.0, -1.0, 30.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, 50.0, 50.0, 0.0, 20.0, 20.0, 30.0, 10.0, 10.0, 50.0, 60.0, 60.0, 70.0, 40.0, 40.0, -1.0, 30.0, 30.0, 40.0, 0.0, 30.0, 40.0, -1.0, 20.0, 10.0, 30.0, 30.0, 50.0, 20.0, 0.0, 40.0, 40.0, 70.0, 40.0, 50.0, -1.0, -1.0, 50.0, 60.0, 100.0, 10.0, 40.0, 40.0, 10.0, 20.0, 50.0, 30.0, 10.0, 40.0, 30.0, 40.0, 20.0, 30.0, 0.0, 40.0, 40.0, 40.0, 10.0, 0.0, 50.0, 10.0, 10.0, 30.0], (8700, 5800): [90.0, 10.0], (2900, 2900): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 90.0, 30.0, 0.0, 40.0, 100.0, 40.0, 0.0, 80.0, 60.0, 40.0, 20.0, 50.0, 30.0, 60.0, 10.0, -1.0, 10.0, 0.0, 50.0, 100.0, 10.0, 50.0, 20.0, 70.0, 70.0, 20.0, 10.0, 50.0, 100.0, 0.0, 100.0, 60.0, 60.0, 20.0, 70.0, 20.0, 0.0, 0.0, 40.0, 60.0, 10.0, 10.0, 30.0, 0.0, 0.0, 0.0, 40.0, 70.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, 40.0, 0.0, 10.0, 20.0, 20.0, 0.0, 60.0, 50.0, 0.0, 0.0, 90.0, 10.0, 10.0, 10.0, 80.0, 10.0, 0.0, 0.0, 40.0, 10.0, 30.0, 40.0, 100.0, 20.0, 90.0, 100.0, 0.0, 20.0, 20.0, 0.0, 0.0, 30.0, 10.0, 0.0, 50.0, 80.0, 0.0, 0.0, 60.0, 50.0, 30.0, 30.0, 80.0, 100.0, 0.0, 30.0, 10.0, 10.0, 20.0, 0.0, 50.0, 20.0, 0.0, 0.0, 30.0, 0.0, 0.0, 20.0, 10.0, 10.0, 0.0, 40.0, 10.0, 40.0, 40.0, 0.0, 0.0, 50.0, 20.0, 20.0, 20.0, 10.0, 10.0, 10.0, 0.0, 0.0, 0.0, 10.0, 0.0, 40.0, 20.0, 0.0, 0.0, 0.0, 20.0, 30.0, 0.0, 70.0, 40.0, 30.0, 50.0, 80.0, 40.0, 90.0, 0.0, 0.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 0.0, 10.0, 50.0, 30.0, 20.0, 20.0, 20.0, 90.0, 80.0, 10.0, 60.0, 10.0, 0.0, 10.0, 20.0, 100.0, 60.0, 0.0, 100.0, 20.0, 0.0, 10.0, 0.0, 20.0, 100.0, 10.0, 50.0, 20.0, 20.0, 50.0, 20.0, 20.0, 80.0, 70.0, 0.0, 100.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 90.0, 0.0, 30.0, 100.0, 40.0, 10.0, 0.0, 20.0, 0.0, 10.0, 50.0, 10.0, 40.0, 20.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 10.0, 50.0, 0.0, 20.0, 40.0, 30.0, 40.0, 90.0, 0.0, 30.0, 10.0, 90.0, 0.0, 90.0, 40.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 0.0, 40.0, 50.0, 20.0, 40.0, 0.0, 10.0, 20.0, 0.0, 20.0, 30.0, 30.0, 60.0, 100.0, 20.0, 20.0, 0.0, 30.0, 80.0, 20.0, 0.0, 70.0, 30.0, 10.0, 0.0, 0.0, 30.0, 10.0, 20.0, 40.0, 40.0, 0.0, 30.0, 10.0, 30.0, 10.0, 20.0, 40.0, 30.0, 100.0, 60.0, 50.0, 60.0, 0.0, 20.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 30.0, 0.0, 100.0, 100.0, 30.0, 100.0, 100.0, 60.0, 70.0, 10.0, 60.0, 20.0, 20.0, 20.0, 100.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 30.0, 60.0, 80.0, 50.0, 0.0, 20.0, 80.0, 10.0, 0.0, 0.0, 30.0, 70.0, 80.0, 30.0, 40.0, 60.0, 70.0, 90.0, 30.0, 10.0, 0.0, 90.0, 0.0, 80.0, 100.0, 10.0, 0.0, 80.0, 0.0, 10.0, 0.0, 70.0, 70.0, 0.0, 0.0, -1.0, 20.0, 20.0, 30.0, 0.0, 0.0, 0.0, 10.0, 100.0, 10.0, 0.0, 0.0, 60.0, 10.0, 30.0, 30.0, 60.0, 40.0, 0.0, 20.0, 40.0, 0.0, 0.0, 100.0, 40.0, 60.0, 0.0, 0.0, 30.0, 70.0, 10.0, 90.0, 70.0, 0.0, 0.0, 40.0, 70.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 0.0, 30.0, 20.0, 10.0, 0.0, 100.0, 0.0, 0.0, 0.0, 40.0, 0.0, 50.0, 10.0, 30.0, 0.0, 0.0, 20.0, 20.0, 10.0, 20.0, 0.0, 50.0, 0.0, 50.0, 0.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 10.0, 90.0, 10.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 0.0, 30.0, 10.0, 20.0, 0.0, 10.0, 40.0, 10.0, 60.0, 10.0, 0.0, 50.0, 10.0, 10.0, 0.0, 30.0, 0.0, 30.0, 10.0, 10.0, 60.0, 20.0, 30.0, 30.0, 60.0, 20.0, 50.0, 40.0, 20.0, 0.0, 40.0, 10.0, 80.0, 50.0, 0.0, 10.0, 10.0, 20.0, 30.0, 0.0, 30.0, 0.0, 20.0, 90.0, 0.0, 30.0, 100.0, 0.0, 30.0, 80.0, 0.0, 10.0, 10.0, 50.0, 0.0, 20.0, 50.0, 70.0, 50.0, 20.0, 30.0, 0.0, 0.0, 10.0, 0.0, 20.0, 0.0, 70.0, 0.0, 10.0, 90.0, 100.0, 10.0, 0.0, 30.0, 0.0, 20.0, 10.0, 70.0, 70.0, 30.0, 20.0, 10.0, 0.0, 0.0, 0.0, 70.0, 30.0, 20.0, 30.0, 100.0, 30.0, 30.0, 10.0, 0.0, 0.0, 20.0, 10.0, 10.0, 60.0, 100.0, 30.0, 10.0, 40.0, 50.0, 70.0, 30.0, 80.0, 80.0, 0.0, 0.0, 10.0, 20.0, 30.0, 60.0, 0.0, 20.0, 30.0, 30.0, 20.0, 80.0, 60.0, 20.0, 40.0, 10.0, 80.0, 0.0, 20.0, 0.0, 40.0, 30.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 50.0, 100.0, 10.0, 0.0, 60.0, 70.0, 0.0, 50.0, -1.0, 20.0, 60.0, 40.0, 20.0, 10.0, 50.0, 0.0, 10.0, 0.0, 0.0, 10.0, 50.0, 70.0, 20.0, 40.0, 70.0, 40.0, 20.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 20.0, 0.0, 70.0, 30.0, 80.0, 80.0, 40.0, 30.0, 60.0, 40.0, 0.0, 40.0, 0.0, 0.0, 50.0, 0.0, 0.0, 20.0, 10.0, 10.0, 70.0, 0.0, 40.0, 0.0, 0.0, 50.0, 90.0, 50.0, 10.0, 20.0, 30.0, 70.0, 70.0, 20.0, 0.0, 10.0, 80.0, 20.0, 60.0, 0.0, 20.0, 0.0, 0.0, 10.0, 40.0, 20.0, 10.0, 60.0, 0.0, 70.0, 20.0, 40.0, 10.0, 20.0, 50.0, 0.0, 50.0, 10.0, 0.0, 0.0, 40.0, 0.0, 50.0, 0.0, 70.0, 20.0, 50.0, 0.0, 60.0, 40.0, 0.0, 0.0, 0.0, -1.0, 20.0, 50.0, 0.0, 70.0, 0.0, 0.0, 0.0, 0.0, 50.0, 0.0, 40.0, 0.0, 100.0, 40.0, 0.0, 20.0, 40.0, 0.0, 20.0, 20.0, 30.0, 50.0, 0.0, 40.0, 40.0, 0.0, 0.0, 30.0, 70.0, 30.0, 0.0, 30.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 20.0, 10.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 100.0, 0.0, 20.0, 40.0, 60.0, 0.0, 60.0, 0.0, 80.0, 20.0, 0.0, 20.0, 50.0, 0.0, -1.0, 20.0, 0.0, 40.0, 10.0, 30.0, 0.0, 0.0, 90.0, 40.0, 0.0, 30.0, 0.0, 10.0, 10.0, 20.0, 100.0, 10.0, 0.0, 0.0, 50.0, 30.0, 20.0, 50.0, 0.0, 40.0, 50.0, 30.0, 20.0, 0.0, -1.0, 20.0, 30.0, 50.0, 60.0, 0.0, 60.0, 30.0, 0.0, 0.0, 40.0, 50.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 0.0, 0.0, 30.0, 100.0, 10.0, 40.0, 0.0, 10.0, 20.0, 20.0, 70.0, 60.0, 20.0, 0.0, 20.0, 0.0, 20.0, 20.0, 10.0, 60.0, 30.0, 40.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 20.0, 0.0, 10.0, 20.0, 0.0, 20.0, 40.0, 100.0, 20.0, 10.0, 40.0, 50.0, 70.0, 0.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 0.0, 60.0, 10.0, 20.0, 0.0, 100.0, 30.0, 60.0, 0.0, 60.0, 10.0, 0.0, 30.0, 0.0, 30.0, 40.0, 10.0], (5800, 0): [80.0, 30.0, 100.0, 100.0, 80.0, 70.0, 80.0, 90.0, 100.0, 100.0, 70.0, 60.0, 90.0, 60.0, 40.0, 80.0, 70.0, 70.0, 60.0, 100.0, 10.0, 50.0, 80.0, 20.0, 60.0, 60.0, 50.0, 40.0, 60.0, 40.0, 40.0, 30.0, 90.0, 30.0, 30.0, 50.0, 70.0, 90.0, 60.0, 100.0, 0.0, 60.0, 100.0, 100.0, 90.0, 60.0, 100.0, 30.0, 20.0, 60.0, 60.0, 20.0, 70.0, 10.0, 20.0, 20.0, 50.0, 100.0, 40.0, 60.0, 80.0, 20.0, 40.0, 80.0, 30.0, 0.0, 80.0, 60.0, 80.0, 100.0, 90.0, 20.0, 70.0, 50.0, 90.0, 50.0, 40.0, 100.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 100.0, 100.0, 80.0, 100.0, 100.0, 40.0, 100.0, 60.0, 10.0, 10.0, 80.0, 90.0, 50.0, 70.0, 10.0, 100.0, 90.0, 20.0, 70.0, 100.0, 70.0, 30.0, 10.0, 100.0, 70.0, 80.0, 50.0, 100.0, 50.0, 100.0, 100.0, 90.0, 30.0, 100.0, 100.0, 60.0, 100.0, 20.0, 40.0, 40.0, 30.0, 100.0, 70.0, 0.0, 80.0, 70.0, 30.0, 70.0, 70.0, 40.0, 0.0, 40.0, 70.0, 80.0, 60.0, 60.0, 70.0, 40.0, 50.0, 80.0, 50.0, 100.0, 30.0, 30.0, 100.0, 100.0, 20.0, 100.0, 50.0, 40.0, 50.0, 0.0, 90.0, 60.0, 10.0, 90.0, 10.0, 70.0, 70.0, 100.0, 80.0, 40.0, 100.0, 40.0, 100.0, 100.0, 90.0, 60.0, 70.0, 50.0, 80.0, 30.0, 90.0, 30.0, 40.0, 100.0, 90.0, 30.0, 20.0, 30.0, 40.0, 50.0, 90.0, 40.0, 10.0, 30.0, 80.0, 40.0, 70.0, 10.0, 20.0, 50.0, 50.0, 50.0, 50.0, 40.0, 80.0, 100.0, 40.0, 80.0, 100.0, 100.0, 60.0, 80.0, 60.0, 60.0, 60.0, 20.0, 100.0, 90.0, 100.0, 60.0, 100.0, 90.0, 40.0, 100.0, 50.0, -1.0, 100.0, 100.0, 60.0, 60.0, 40.0, 50.0, 40.0, 100.0, 100.0, 0.0, 10.0, 100.0, 80.0, 100.0, 30.0, 60.0, 50.0, 100.0, 50.0, 100.0, 60.0, 30.0, 80.0, 10.0, 40.0, 70.0, 100.0, 60.0, 50.0, 60.0, 20.0, 80.0, 60.0, 100.0, 100.0, 100.0, 30.0, 40.0, 100.0, 100.0, 70.0, 50.0, 100.0, 10.0, 50.0, 100.0, 50.0, 90.0, 0.0, 100.0, 90.0, 50.0, 90.0, 100.0, 30.0, 60.0, 100.0, 70.0, 10.0, 20.0, 100.0, 100.0, 0.0, 40.0, 100.0, 100.0, 60.0, 80.0, 40.0, 50.0, 40.0, 40.0, 80.0, 80.0, 30.0, 50.0, 40.0, 80.0, 50.0, 90.0, 100.0, 10.0, 40.0, 50.0, 70.0, 30.0, 40.0, 80.0, 40.0, 40.0, 100.0, 100.0, 50.0, 60.0, 100.0, 80.0, 100.0, 100.0, 100.0, 20.0, 50.0, 40.0, 70.0, 20.0, 70.0, 50.0, 90.0, 50.0, 30.0, 60.0, 10.0, 90.0, 50.0, 20.0, 100.0, 40.0, 70.0, 90.0, 70.0, 70.0, 10.0, 10.0, 60.0, 80.0, 90.0, 100.0, 100.0, 50.0, 40.0, 80.0, 100.0, 100.0, 30.0, 40.0, 50.0, 50.0, 30.0, 30.0, 30.0, 80.0, 50.0, 60.0, 40.0, 60.0, 90.0, 60.0, 0.0, 50.0, 10.0, 90.0, 60.0, 0.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 10.0, 50.0, 60.0, 60.0, 30.0, 60.0, 30.0, 100.0, 90.0, 90.0, 80.0, 10.0, 30.0, 50.0, 90.0, 50.0, 0.0, 80.0, 100.0, 90.0, 90.0, 50.0, 30.0, 60.0, 10.0, 70.0, 30.0, 90.0, 70.0, 60.0, 70.0, 70.0, 30.0, 70.0, 0.0, 10.0, 20.0, 10.0, 20.0, 100.0, 100.0, 50.0, 90.0, 70.0, 10.0, 30.0, 40.0, 0.0, 40.0, 100.0, 60.0, 70.0, 40.0, 30.0, 70.0, 40.0, 60.0, 80.0, 50.0, 100.0, 70.0, 90.0, 80.0, 10.0, 60.0, 70.0, 50.0, 90.0, 100.0, 0.0, 60.0, 100.0, 40.0, 70.0, 10.0, 60.0, 90.0, 60.0, 20.0, 40.0, 80.0, 60.0, 70.0, 60.0, 20.0, 50.0, 40.0, 10.0, 100.0, 100.0, 40.0, 40.0, 20.0, 100.0, 100.0, 20.0, 30.0, 70.0, 30.0, 40.0, 30.0, 30.0, 60.0, 60.0, 70.0, 30.0, 10.0, 80.0, 20.0, 10.0, 10.0, 60.0, 40.0, 70.0, 10.0, 60.0, 90.0, 10.0, 80.0, 30.0, 100.0, 0.0, 30.0, 60.0, 60.0, 30.0, 100.0, 60.0, 100.0, 50.0, 40.0, 100.0, 40.0, 50.0, 40.0, 90.0, 100.0, 90.0, 50.0, 50.0, 40.0, 100.0, 80.0, 80.0, 60.0, 0.0, 70.0, 80.0, 100.0, 100.0, 80.0, 80.0, 50.0, 0.0, 50.0, 10.0, 100.0, 40.0, 80.0, 50.0, 100.0, 70.0, 10.0, 70.0, 20.0, 60.0, 80.0, 70.0, 50.0, 60.0, 100.0, 80.0, 50.0, 30.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 50.0, 50.0, 60.0, 70.0, 20.0, 20.0, 100.0, 40.0, 100.0, 100.0, 50.0, 80.0, 70.0, 100.0, 100.0, 30.0, 30.0, 40.0, 80.0, 60.0, 10.0, 50.0, 70.0, 10.0, 60.0, 50.0, 100.0, 80.0, 40.0, 50.0, 70.0, 100.0, 90.0, 20.0, 50.0, 70.0, 70.0, 0.0, 70.0, 50.0, 60.0, 50.0, 20.0, 100.0, 80.0, 90.0, 90.0, 50.0, 0.0, 40.0, 90.0, 80.0, 90.0, 90.0, 100.0, 10.0, 90.0, 80.0, 60.0, 0.0, 70.0, 90.0, 20.0, 60.0, 30.0, 20.0, 60.0, 90.0, 90.0, 20.0, 90.0, 70.0, 80.0, 60.0, 80.0, 50.0, 10.0, 40.0, 20.0, 70.0, 30.0, 100.0, 80.0, 70.0, 80.0, 80.0, 60.0, 0.0, 60.0, 20.0, 30.0, 40.0, 100.0, 10.0, 90.0, 100.0, 80.0, 20.0, 80.0, 70.0, 50.0, 70.0, 90.0, 60.0, 80.0, 0.0, 70.0, 10.0, 100.0, 100.0, 10.0, 80.0, 30.0, 50.0, 60.0, 40.0, 100.0, 20.0, 90.0, 90.0, 100.0, 30.0, 50.0, 40.0, 60.0, 80.0, 40.0, 100.0, 90.0, 50.0, 60.0, 50.0, 30.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 60.0, 20.0, 100.0, 60.0, 80.0, 10.0, 30.0, 90.0, 20.0, 50.0, 10.0, 100.0, 20.0, 90.0, 40.0, 70.0, 100.0, 100.0, 90.0, 0.0, 60.0, 100.0, 30.0, 40.0, 40.0, 100.0, 70.0, 20.0, 0.0, 100.0, 100.0, 60.0, 90.0, 90.0, 90.0, 60.0, 90.0, 100.0, 80.0, 100.0, 70.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 30.0, 90.0, 100.0, 100.0, 70.0, 80.0, 60.0, 100.0, 30.0, 50.0, 40.0, 80.0, 100.0, 90.0, 100.0, 80.0, 10.0, 70.0, 70.0, 100.0, 100.0, 70.0, 30.0, 100.0, 80.0, 80.0, 100.0, 100.0, 90.0, 70.0, 30.0, 90.0, 60.0, 50.0, 40.0, 60.0, 70.0, 60.0, 20.0, 100.0, 70.0, 40.0, 100.0, 80.0, 100.0, 70.0, 60.0, 10.0, 100.0, 100.0, 50.0, 100.0, 90.0, 10.0, 90.0, 100.0, 100.0, 90.0, 10.0, 60.0, 100.0, 100.0, 70.0, 70.0, 60.0, 70.0, 60.0, 60.0, 100.0, 100.0, 40.0, 30.0, 60.0, 100.0, 0.0, 70.0, 50.0, 70.0, 10.0, 60.0, 60.0, 60.0, 30.0, 90.0, 30.0, 80.0, 30.0, 60.0, 50.0, 30.0, 30.0, 30.0, 100.0, 40.0, 50.0, 10.0, 70.0, 60.0, 100.0, 100.0, 100.0, 20.0, 100.0, 90.0, 0.0, 20.0, 100.0, 70.0, 60.0, 10.0, 70.0, 40.0, 90.0, 30.0, 40.0, 0.0, 50.0, 80.0, 90.0, 90.0, 40.0, 30.0, 50.0, 100.0, 100.0, 40.0, 100.0, 40.0, 30.0, 80.0, 80.0, 80.0, 30.0, 70.0, 100.0, 100.0, 80.0, 20.0, 80.0, 70.0, 90.0, 40.0], (5800, 2900): [40.0, 90.0, 90.0, 0.0, 40.0, 60.0, 20.0, 60.0, 50.0, 50.0, 70.0, 20.0, 0.0, 100.0, 0.0, 20.0, 0.0, 100.0, 10.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 60.0, 30.0, 100.0, 0.0, 100.0, 20.0, 20.0, 40.0, 100.0, 100.0, 20.0, 20.0, 0.0, 100.0, 10.0, 30.0, 0.0, 100.0, 0.0, 70.0, 60.0, 100.0, 30.0, 50.0, 90.0, 80.0, 100.0, 40.0, 0.0, 50.0, 40.0, 20.0, 100.0, 100.0, 40.0, 10.0, 30.0, 100.0, 10.0, 100.0, 80.0, 100.0, 40.0, 50.0, 90.0, 10.0, 100.0, 20.0, 10.0, 30.0, 100.0, 100.0, 20.0, 70.0, 0.0, 30.0, 70.0, 100.0, 10.0, 50.0, 0.0, 40.0, 90.0, 30.0, 100.0, 70.0, 70.0, 60.0, 20.0, 40.0, 10.0, 80.0, 10.0, 90.0, 30.0, 10.0, 100.0, 100.0, 10.0, 30.0, 20.0, 60.0, 90.0, 40.0, 10.0, 0.0, 60.0, 90.0, 90.0, 100.0, 20.0, 10.0, 30.0, 100.0, 80.0, 20.0, 100.0, 10.0, 50.0, 20.0, 100.0, 20.0, 50.0, 70.0, 50.0, 20.0, 70.0, 0.0, 100.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 0.0, 100.0, 10.0, 60.0, 20.0, 60.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 50.0, 0.0, 60.0, 80.0, 20.0, 100.0, 0.0, 60.0, 0.0, 100.0, 30.0, 100.0, 40.0, 70.0, 80.0, 100.0, 100.0, 100.0, 20.0, 0.0, 20.0, 0.0, 20.0, 0.0, 40.0, 70.0, 20.0, 0.0, 50.0, 10.0, 0.0, 100.0, 10.0, 20.0, 10.0, 0.0, 0.0, 10.0, 100.0, 30.0, 60.0, 10.0, 0.0, 10.0, 20.0, 10.0, 10.0, 100.0, 0.0, 90.0, 40.0, 0.0, 60.0, 10.0, 80.0, 40.0, 70.0, 100.0, 40.0, 10.0, 50.0, 100.0, 30.0, 100.0, 20.0, 0.0, 10.0, 30.0, 20.0, 50.0, 100.0, 30.0, 50.0, 60.0, 20.0, 10.0, 60.0, 10.0, 100.0, 10.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 0.0, 10.0, 40.0, 100.0, 50.0, 40.0, 100.0, 40.0, 20.0, 50.0, 0.0, 100.0, 0.0, 100.0, 10.0, 100.0, 70.0, 30.0, 40.0, 60.0, 90.0, 50.0, 80.0, 100.0, 100.0, 30.0, 40.0, 40.0, 40.0, 40.0, 0.0, 30.0, 80.0, 70.0, 10.0, 40.0, 70.0, 30.0, 40.0, 100.0, 20.0, 40.0, 10.0, 90.0, 0.0, 0.0, 30.0, 0.0, 70.0, 60.0, 70.0, 0.0, 0.0, 90.0, 80.0, 50.0, 30.0, 80.0, 20.0, 10.0, 100.0, 30.0, 100.0, 30.0, 0.0, 80.0, 0.0, 100.0, 100.0, 0.0, 100.0, 30.0, 100.0, 0.0, 0.0, 100.0, 0.0, 50.0, 70.0, 0.0, 30.0, 0.0, 100.0, 100.0, 100.0, 70.0, 100.0, 0.0, 0.0, 70.0, 10.0, 100.0, 30.0, 90.0, 0.0, 80.0, 60.0, 10.0, 30.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 10.0, 10.0, 80.0, 90.0, 0.0, 20.0, 90.0, 10.0, 100.0, 100.0, 0.0, 70.0, 80.0, 10.0, 40.0, 80.0, 80.0, 0.0, 80.0, 90.0, 50.0, 100.0, 20.0, 10.0, 70.0, 10.0, 0.0, 60.0, 30.0, 10.0, 80.0, 30.0, 100.0, 10.0, 40.0, 20.0, 100.0, 10.0, 100.0, 40.0, 0.0, 10.0, 100.0, 100.0, 100.0, 0.0, 100.0, 0.0, 20.0, 50.0, 20.0, 100.0, 40.0, 20.0, 0.0, 20.0, 0.0, 90.0, 10.0, 30.0, 0.0, 50.0, 80.0, 100.0, 0.0, 0.0, 10.0, 0.0, 0.0, 10.0, 100.0, 80.0, 70.0, 100.0, 0.0, 80.0, 90.0, 90.0, 70.0, 50.0, 10.0, 100.0, 40.0, 100.0, 20.0, 100.0, 10.0, 90.0, 10.0, 40.0, 50.0, 0.0, 20.0, 30.0, 60.0, 10.0, 0.0, 10.0, 0.0, 50.0, 10.0, 0.0, 40.0, 50.0, 0.0, 70.0, 70.0, 50.0, 100.0, 30.0, 10.0, 60.0, 0.0, 100.0, 0.0, 90.0, 70.0, 0.0, 100.0, 40.0, 30.0, 0.0, 100.0, 10.0, 50.0, 0.0, 40.0, 50.0, 60.0, 90.0, 50.0, 0.0, 100.0, 0.0, 100.0, 10.0, 0.0, 90.0, 0.0, 100.0, 20.0, 10.0, 90.0, 0.0, 100.0, 50.0, 70.0, 90.0, 100.0, 60.0, 30.0, 10.0, 100.0, 40.0, 20.0, 20.0, 0.0, 100.0, 30.0, 100.0, 0.0, 10.0, 90.0, 20.0, 90.0, 20.0, 60.0, 100.0, 40.0, 60.0, 80.0, 100.0, 60.0, 90.0, 10.0, 40.0, 80.0, 0.0, 50.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 100.0, 40.0, 70.0, 30.0, 100.0, 10.0, 10.0, 70.0, 100.0, 20.0, 90.0, 0.0, 0.0, 80.0, 0.0, 0.0, 70.0, 60.0, 30.0, 100.0, 10.0, 0.0, 0.0, 0.0, 100.0, 0.0, 100.0, 20.0, 60.0, 10.0, 10.0, 90.0, 0.0, 50.0, 80.0, 20.0, 100.0, 100.0, 100.0, 50.0, 0.0, 50.0, 0.0, 100.0, 10.0, 20.0, 40.0, 20.0, 0.0, 50.0, 20.0, 100.0, 100.0, 0.0, 30.0, 50.0, 80.0, 0.0, 100.0, 70.0, 100.0, 100.0, 0.0, 0.0, 100.0, 100.0, 60.0, 90.0, 100.0, 30.0, 30.0, 0.0, 40.0, 100.0, 0.0, 70.0, 0.0, 40.0, 80.0, 10.0, 70.0, 70.0, 80.0, 100.0, 60.0, 0.0, 100.0, 100.0, 0.0, 70.0, 30.0, 0.0, 70.0, 20.0, 100.0, 100.0, 60.0, 0.0, 20.0, 30.0, 0.0, 100.0, 0.0, 100.0, 70.0, 100.0, 40.0, 0.0, 80.0, 100.0, 60.0, 0.0, 100.0, 100.0, 100.0, 60.0, 40.0, 0.0, 100.0, 60.0, 10.0, 10.0, 10.0, 0.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 80.0, 90.0, 100.0, 100.0, 100.0, 20.0, 10.0, 30.0, 90.0, 0.0, 10.0, 60.0, 90.0, 10.0, 10.0, 80.0, 0.0, 40.0, 80.0, 40.0, 100.0, 100.0, 80.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 30.0, 70.0, 100.0, 100.0, 10.0, 10.0, 20.0, 10.0, 70.0, 100.0, 0.0, 10.0, 100.0, 100.0, 0.0, 10.0, 30.0, 10.0, 60.0, 90.0, 70.0, 70.0, 60.0, 10.0, 10.0, 10.0, 0.0, 80.0, 70.0, 40.0, 60.0, 60.0, 100.0, 30.0, 30.0, 0.0, 100.0, 100.0, 0.0, 70.0, 30.0, 60.0, 60.0, 90.0, 50.0, 0.0, 90.0, 0.0, 30.0, 0.0, 100.0, 90.0, 90.0, 100.0, 80.0, 0.0, 40.0, 0.0, 100.0, 100.0, 30.0, 100.0, 40.0, 100.0, 30.0, 100.0, 0.0, 100.0, 70.0, 100.0, 50.0, 50.0, 0.0, 0.0, 70.0, 40.0, 0.0, 20.0, 80.0, 70.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 10.0, 0.0, 20.0, 0.0, 20.0, 40.0, 90.0, 10.0, 0.0, 60.0, 100.0, 90.0, 90.0, 100.0, 50.0, 30.0, 40.0, 40.0, 10.0, 20.0, 0.0, 30.0, 100.0, 20.0, 90.0, 70.0, 90.0, 100.0, 70.0, 100.0, 30.0, 10.0, 0.0, 50.0, 0.0, 50.0, 20.0, 100.0, 70.0, 100.0, 60.0, 100.0, 50.0, 100.0, 0.0, 0.0, 10.0, 10.0, 60.0, 40.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 0.0, 40.0, 60.0, 100.0, 10.0, 60.0, 0.0, 40.0, 20.0, 100.0, 90.0, 30.0, 100.0, 90.0, 0.0, 0.0, 100.0, 100.0, 10.0, 80.0, 20.0, 20.0, 40.0, 10.0, 90.0, 20.0, 100.0, 100.0, 100.0, 70.0, 50.0, 100.0, 90.0, 60.0, 100.0, 100.0, 0.0, 70.0, 30.0, 80.0, 0.0, 10.0, 30.0, 50.0, 20.0, 10.0, 50.0, 50.0, 100.0, 0.0, 100.0, 100.0, 0.0, 10.0, 90.0, 100.0, 100.0, 10.0, 30.0, 0.0, 100.0, 100.0, 0.0, 60.0, 40.0, 50.0, 100.0, 100.0, 0.0, 0.0, 30.0, 0.0, 0.0, 40.0, 70.0, 70.0, 70.0, 100.0, 0.0, 100.0, 70.0, 0.0, 20.0, 0.0, 20.0, 0.0, 20.0, 30.0, 40.0, 50.0, 100.0, 10.0, 100.0, 80.0, 100.0, 60.0, 0.0, 30.0, 10.0, 100.0, 50.0, 80.0, 100.0, 0.0, 10.0, 70.0, 100.0, 70.0, 0.0, 0.0, 100.0, 30.0, 60.0, 20.0, 90.0, 60.0, 30.0, 50.0, 100.0, 50.0, 100.0, 100.0, 0.0, 100.0, 20.0, 100.0, 0.0, 100.0, 50.0, 60.0, 100.0, 0.0, 80.0, 100.0, 100.0, 0.0, 90.0, 100.0, 60.0, 100.0, 20.0, 50.0, 60.0, 100.0, 10.0, 90.0, 10.0, 0.0, 20.0, 0.0, 80.0, 0.0, 90.0, 20.0, 10.0, 100.0, 100.0, 70.0, 40.0, 10.0, 30.0, 20.0, 30.0, 0.0, 100.0, 100.0, 50.0, 80.0, 100.0, 0.0, 100.0, 10.0, 0.0, 20.0, 60.0, 30.0, 0.0, 0.0, 100.0, 20.0, 100.0, 60.0, 100.0, 80.0, 10.0, 60.0, 100.0, 90.0, 50.0, 100.0, 0.0, 100.0, 0.0, 100.0, 30.0, 40.0, 100.0, 10.0, 0.0, 20.0, 0.0, 0.0, 100.0, 10.0, 50.0, 0.0, 70.0, 40.0, 100.0, 0.0, 90.0, 30.0, 70.0, 0.0, 60.0, 100.0, 100.0, 80.0, 100.0, 90.0, 50.0, 100.0, 10.0, 0.0, 60.0, 100.0, 20.0, 80.0, 0.0, 100.0, 10.0, 60.0, 0.0, 100.0, 80.0, 80.0, 100.0, 20.0, 0.0, 70.0, 0.0, 50.0, 30.0, 40.0, 100.0, 100.0, 40.0, 0.0, 30.0, 70.0, 10.0, 100.0, 0.0, 30.0, 0.0, 10.0, 100.0, 0.0, 40.0, 20.0, 10.0, 90.0, 40.0, 30.0, 100.0, 10.0, 0.0, 0.0, 100.0, 30.0, 70.0, 60.0, 0.0, 10.0, 20.0, 80.0, 100.0, 60.0, 0.0, 20.0, 100.0, 0.0, 70.0, 0.0, 60.0, 20.0, 40.0, 40.0, 0.0, 60.0, 80.0, 90.0, 40.0, 10.0, 50.0, 80.0, 30.0, 30.0, 100.0, 60.0, 0.0, 70.0, 0.0, 40.0, 20.0, 40.0, 20.0, 40.0, 50.0, 20.0, 20.0, 40.0, 40.0, 70.0, 100.0, 50.0, 90.0, 80.0, 100.0, 0.0, 50.0, 20.0, 100.0, 40.0, 40.0, 90.0, 40.0, 10.0, 100.0, 0.0, 30.0, 100.0, 80.0, 100.0, 70.0, 10.0, 100.0, 100.0, 40.0, 0.0, 10.0, 50.0, 100.0, 30.0, 100.0, 20.0, 100.0, 30.0, 30.0, 80.0, 100.0, 10.0, 70.0, 80.0, 90.0, 30.0, 100.0, 50.0, 100.0, 100.0, 30.0, 80.0, 0.0, 10.0, 60.0, 90.0, 100.0, 100.0, 60.0, 30.0, 10.0, 100.0, 10.0, 30.0, 100.0, 20.0, 100.0, 20.0, 0.0, 10.0, 20.0, 0.0, 100.0, 90.0, 0.0, 100.0, 100.0, 0.0, 20.0, 0.0, 100.0, 0.0, 100.0, 90.0, 100.0, 60.0, 20.0, 100.0, 100.0, 0.0, 0.0, 30.0, 60.0, 30.0, 100.0, 100.0, 40.0, 100.0, 10.0, 70.0, 10.0, 20.0, 10.0, 40.0, 100.0, 0.0, 10.0, 20.0, 40.0, 100.0, 30.0, 100.0, 10.0, 30.0, 40.0, 30.0, 0.0, 30.0, 50.0, 40.0, 20.0, 50.0, 20.0, 100.0, 100.0, 100.0, 90.0, 30.0, -1.0, 50.0, 0.0, 80.0, 100.0, 20.0, 100.0, 0.0, 30.0, 70.0, 80.0, 30.0, 100.0, 100.0, 0.0, 0.0, 10.0, 0.0, 10.0, 20.0, 70.0, 50.0, 0.0, 100.0, 100.0, 10.0, 0.0, 100.0, 0.0, 20.0, 20.0, 10.0, 100.0, 90.0, 20.0, 70.0, 0.0, 0.0, 50.0, 10.0, 100.0, 0.0, 20.0, 20.0, 30.0, 20.0, 100.0, 10.0, 10.0, 10.0, 60.0, 100.0, 90.0, 10.0, 10.0, 60.0, 90.0, 70.0, 40.0, 20.0, 40.0, 30.0, 100.0, 20.0, 20.0, 90.0, 20.0, 10.0, 80.0, 60.0, 60.0, 50.0, 20.0, 50.0, 80.0, 0.0, 100.0, 100.0, 30.0, 10.0, 100.0, 90.0, 80.0, 80.0, 10.0, 20.0, 100.0, 30.0, 20.0, 20.0, 50.0, 0.0, 80.0, 100.0, 100.0, 100.0, 10.0, 40.0, 100.0, 0.0, 0.0, 20.0, 60.0, 90.0, 0.0, 100.0, 0.0, 60.0, 50.0, 100.0, 70.0, 60.0, 20.0, 10.0, 60.0, 30.0, 70.0, 100.0, 20.0, 70.0, 70.0, 0.0, 40.0, 100.0, 80.0, 100.0, 100.0, 40.0, 90.0, 90.0, 0.0, 0.0, 60.0, 100.0, 0.0, 70.0, 0.0, 20.0, 100.0, 40.0, 10.0, 50.0, 0.0, 80.0, 60.0, 100.0, 10.0, 100.0, 40.0, 70.0, 100.0, 50.0, 0.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 0.0, 40.0, 60.0, 20.0, 0.0, 30.0, 60.0, 0.0, 70.0, 50.0, 0.0, 100.0, 40.0, 100.0, 70.0, 10.0, 60.0, 100.0, 20.0, 100.0, 10.0, 50.0, 80.0, 60.0, 60.0, 50.0, 70.0, 0.0, 50.0, 50.0, 0.0, 10.0, 60.0, 30.0, 10.0, 100.0, 10.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 10.0, 100.0, 90.0, 0.0, 90.0, 60.0, 20.0, 0.0, 0.0, 0.0, 10.0, 100.0, 0.0, 0.0, 50.0, 0.0, 90.0, 20.0, 30.0, 20.0, 10.0, 20.0, 10.0, 40.0, 0.0, 100.0, 0.0, 10.0, 20.0, 20.0, 60.0, 10.0, 0.0, 20.0, 10.0, 100.0, 80.0, 100.0, 100.0, 0.0, 30.0, 10.0, 0.0, 100.0, 90.0, 20.0, 20.0, 30.0, 100.0, 50.0, 20.0, 10.0, 20.0, 0.0, 100.0, 90.0, 100.0, 10.0, 10.0, 60.0, 100.0, 100.0, 100.0, 100.0, 60.0, 70.0, 0.0, 90.0, 60.0, 0.0, 50.0, 0.0, 0.0, 20.0, 30.0, 0.0, 100.0, 70.0, 20.0, 100.0, 90.0, 20.0, 0.0, 0.0, 70.0, 100.0, 30.0, 10.0, 0.0, 60.0, 50.0, 70.0, 20.0, 100.0, 10.0, 100.0, 30.0, 100.0, 30.0, 60.0, 100.0, 100.0, 40.0, 40.0, 100.0, 20.0, 20.0, 100.0, 70.0, 100.0, 40.0, 10.0, 100.0, 60.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 0.0, 0.0, 20.0, 40.0, 30.0, 100.0, 90.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 70.0, 90.0, 100.0, 100.0, 0.0, 30.0, 100.0, 60.0, 80.0, 20.0, 0.0, 10.0, 70.0, 100.0, 100.0, 40.0, 100.0, 100.0, 90.0, 30.0, 100.0, 70.0, 80.0, 50.0, 0.0, 70.0, 100.0, 0.0, 80.0, 20.0, 30.0, 30.0, 70.0, 20.0, 100.0, 0.0, 0.0, 100.0, 100.0, 90.0, 40.0, 100.0, 100.0, 0.0, 0.0, 40.0, 90.0, 0.0, 10.0, 0.0, 100.0, 100.0, 10.0, 0.0, 10.0, 50.0, 60.0, 0.0, 20.0, 30.0, 0.0, 50.0, 0.0, 100.0, 60.0, 100.0, 10.0, 10.0, 60.0, 100.0, 100.0, 100.0, 70.0, 20.0, 0.0, 50.0, 100.0, 100.0, 20.0, 20.0, 50.0, 30.0, 100.0, 0.0, 10.0, 100.0, 100.0, 30.0, 100.0, 60.0, 70.0, 90.0, 0.0, 100.0, 0.0, 40.0, 20.0, 80.0, 50.0, 100.0, 40.0, 80.0, 0.0, 100.0, 0.0, 40.0, 50.0, 100.0, 40.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 50.0, 90.0, 100.0, 50.0, 100.0, 90.0, 100.0, 20.0, 20.0, 60.0, 0.0, 100.0, 0.0, 70.0, 80.0, 20.0, 50.0, 80.0, 0.0, 30.0, 0.0, 70.0, 0.0, 0.0, 20.0, 90.0, 90.0, 0.0, 100.0, 60.0, 0.0, 50.0, 100.0, 90.0, 0.0, 100.0, 0.0, 20.0, 30.0, 90.0, 20.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 70.0, 0.0, 100.0, 20.0, 30.0, 100.0, 100.0, 100.0, 0.0, 40.0, 10.0, 10.0, 20.0, 100.0, 100.0, 0.0, 40.0, 40.0, 60.0, 40.0, 60.0, 50.0, 60.0, 100.0, 30.0, 80.0, 20.0, 50.0, 70.0, 30.0, 60.0, 40.0, 80.0, 40.0, 50.0, 100.0, 40.0, 10.0, 0.0, 100.0, 20.0, -1.0, 100.0, 20.0, 100.0, 100.0, 70.0, 60.0, 90.0, 0.0, 90.0, 0.0, 10.0, 30.0, 10.0, 100.0, 0.0, 10.0, 50.0, 50.0, 50.0, 80.0, 70.0, 60.0, 90.0, 0.0, 40.0, 90.0, 70.0, 100.0, 10.0, 20.0, 100.0, 10.0, 30.0, 80.0, 20.0, 100.0, 100.0, 0.0, 0.0, 20.0, 100.0, 100.0, 90.0, 20.0, 100.0, 60.0, 60.0, 0.0, 10.0, 50.0, 100.0, 70.0, 10.0, 20.0, 20.0, 0.0, 0.0, 50.0, 0.0, 20.0, 0.0, 50.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 40.0, 40.0, 0.0, 50.0, 100.0, 40.0, 100.0, 90.0, 20.0, 20.0, 10.0, 0.0, 100.0, 30.0, 0.0, 0.0, 100.0, 50.0, 0.0, 10.0, 0.0, 60.0, 0.0, 20.0, 20.0, 0.0, 50.0, 10.0, 100.0, 0.0], (5800, 5800): [100.0, 30.0, 80.0, 100.0, 100.0], (8700, 2900): [100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 0.0, 100.0, 10.0, 30.0, 100.0, 100.0, 40.0, 60.0, 10.0, 80.0, 100.0, 20.0, 100.0, 40.0, 90.0, 100.0, 100.0, 40.0, 80.0, 20.0, 80.0, 100.0, 10.0, 80.0, 100.0, 90.0, 30.0, 100.0, 10.0, 100.0, 20.0, 100.0, 10.0, 100.0, 20.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 10.0, 0.0, 100.0, 10.0, 90.0, 0.0, 100.0, 10.0, 30.0, 100.0, 100.0, 0.0, 100.0, 70.0, 80.0, 100.0, 100.0, 100.0, 20.0, 0.0, 0.0, 50.0, 100.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 20.0, 100.0, 100.0, 100.0, 80.0, 10.0, 10.0, 100.0, 100.0, 100.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 100.0, 10.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 100.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 30.0, 100.0, 0.0, 100.0, 20.0, 30.0, 100.0, 100.0, 10.0, 90.0, 60.0, 100.0, 100.0, 100.0, 30.0, 80.0, 30.0, 100.0, 100.0, 100.0, 0.0, 100.0, 80.0, 0.0, 60.0, 100.0, 30.0, 70.0, 30.0, 100.0, 100.0, 100.0, 80.0, 10.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 0.0, 40.0, 100.0, 100.0, 100.0, 100.0, 0.0, 40.0, 100.0, 100.0], (8700, 0): [30.0, 20.0, 40.0, 100.0, 50.0, 70.0, 90.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 40.0, 0.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 100.0, 80.0, 100.0, 90.0, 20.0, 50.0, 100.0, 90.0, 70.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 60.0, 100.0, 100.0, 50.0, 100.0, 90.0, 100.0, 60.0, 100.0, 100.0, 30.0, 100.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 100.0, 40.0, 100.0, 90.0, 80.0, 100.0], (2900, 0): [10.0, 20.0, 10.0, 0.0, 50.0, 60.0, 10.0, 70.0, 20.0, 20.0, 30.0, 40.0, 40.0, 40.0, 10.0, 0.0, 20.0, 40.0, 30.0, 80.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 30.0, 40.0, 30.0, 50.0, 40.0, 20.0, 40.0, 50.0, 40.0, 30.0, 20.0, 10.0, 10.0, 30.0, 20.0, 20.0, 90.0, 10.0, 20.0, 10.0, 0.0, 10.0, 60.0, 80.0, -1.0, 80.0, 10.0, 30.0, 20.0, 50.0, 10.0, 30.0, 0.0, 10.0, 0.0, 10.0, 90.0, -1.0, 40.0, 30.0, 50.0, 40.0, -1.0, 60.0, 30.0, 10.0, 70.0, 30.0, 60.0, 30.0, 30.0, 40.0, 20.0, 30.0, 50.0, 10.0, 30.0, 30.0, 30.0, 10.0, 10.0, 30.0, 20.0, 60.0, 10.0, 10.0, 60.0, 40.0, -1.0, -1.0, 30.0, 20.0, -1.0, 10.0, 20.0, 50.0, 30.0, 0.0, 0.0, 40.0, -1.0, 10.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 90.0, 20.0, 30.0, 40.0, 10.0, 0.0, 0.0, 40.0, 50.0, 80.0, 30.0, 10.0, 40.0, 20.0, -1.0, 20.0, 10.0, 50.0, 50.0, 50.0, 10.0, 60.0, 80.0, 30.0, 10.0, 10.0, 20.0, 20.0, 90.0, 60.0, 20.0, 20.0, 30.0, 0.0, 80.0, 10.0, 30.0, 50.0, -1.0, 0.0, 30.0, 0.0, 20.0, 80.0, 30.0, 20.0, 30.0, 20.0, 30.0, 50.0, 10.0, 30.0, 30.0, 10.0, 20.0, 0.0, 0.0, 10.0, 30.0, 0.0, 20.0, 10.0, 40.0, -1.0, 40.0, 20.0, 20.0, 20.0, 30.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 30.0, 30.0, 40.0, 80.0, 20.0, 30.0, 20.0, 30.0, 20.0, 50.0, 10.0, 40.0, 10.0, 40.0, 80.0, 90.0, 30.0, 20.0, -1.0, 30.0, 70.0, 60.0, 10.0, 90.0, 20.0, 30.0, -1.0, 40.0, 20.0, 30.0, 10.0, 20.0, 40.0, 40.0, 80.0, 20.0, -1.0, 0.0, 40.0, 40.0, 30.0, 30.0, -1.0, 10.0, 20.0, 40.0, 0.0, 30.0, 30.0, 10.0, 20.0, 40.0, 20.0, 70.0, 10.0, 10.0, 80.0, 0.0, 10.0, 10.0, 40.0, 0.0, 10.0, 40.0, 40.0, 20.0, 10.0, 30.0, 50.0, 30.0, 0.0, 20.0, 100.0, 0.0, 40.0, 10.0, 50.0, 30.0, 70.0, 20.0, 10.0, 40.0, 40.0, 50.0, 30.0, 0.0, 20.0, 30.0, 20.0, 20.0, 10.0, 40.0, 30.0, 30.0, 30.0, 10.0, 0.0, 30.0, 20.0, 30.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, 50.0, 0.0, 40.0, 30.0, 0.0, 30.0, 40.0, 30.0, 20.0, 60.0, 60.0, 10.0, 30.0, 10.0, 40.0, 20.0, 40.0, 40.0, 10.0, 20.0, 10.0, 40.0, 60.0, 40.0, 50.0, 0.0, 50.0, 60.0, 10.0, 50.0, 50.0, 20.0, 20.0, 40.0, 10.0, -1.0, 40.0, -1.0, 10.0, 10.0, 10.0, 10.0, 10.0, 40.0, 40.0, -1.0, 0.0, 10.0, 80.0, 0.0, 40.0, 30.0, 10.0, 60.0, 0.0, 10.0, 30.0, 10.0, 30.0, 20.0, 30.0, 0.0, 20.0, 20.0, -1.0, 0.0, 30.0, 90.0, 60.0, 100.0, 0.0, 30.0, 10.0, 0.0, 60.0, 20.0, 40.0, 50.0, 0.0, 70.0, 40.0, 10.0, 50.0, 50.0, 40.0, 40.0, -1.0, 0.0, 30.0, 0.0, 60.0, 30.0, 40.0, 10.0, 30.0, 20.0, 90.0, 30.0, 20.0, 0.0, 40.0, 20.0, 40.0, 0.0, 10.0, 60.0, 30.0, 0.0, 30.0, 40.0, 50.0, 20.0, 30.0, 20.0, 10.0, -1.0, 0.0, 0.0, 50.0, 40.0, 10.0, 20.0, 10.0, 50.0, 70.0, 20.0, 20.0, 40.0, 10.0, 40.0, 20.0, 30.0, 10.0, 30.0, 40.0, 10.0, 20.0, 20.0, 30.0, -1.0, 50.0, 20.0, 20.0, 10.0, 10.0, 40.0, 30.0, 50.0, 40.0, 20.0, 30.0, 20.0, 10.0, 60.0, 20.0, 70.0, 50.0, 100.0, 0.0, -1.0, 20.0, 20.0, -1.0, 10.0, 10.0, 20.0, 80.0, 20.0, 10.0, 80.0, 50.0, -1.0, 50.0, 0.0, 10.0, 50.0, 20.0, -1.0, 10.0, 40.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 10.0, 30.0, 20.0, 70.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 10.0, 50.0, 10.0, 60.0, 10.0, 40.0, 100.0, 0.0, 30.0, 0.0, 90.0, 10.0, 20.0, 0.0, -1.0, 10.0, -1.0, 10.0, 60.0, 30.0, -1.0, 30.0, 40.0, 30.0, 40.0, 40.0, 60.0, 30.0, 60.0, 10.0, 30.0, 60.0, 20.0, 0.0, 20.0, 10.0, 10.0, 20.0, 10.0, 40.0, 10.0, 60.0, 20.0, 40.0, 50.0, 30.0, 10.0, 60.0, 40.0, 30.0, 30.0, 30.0, 10.0, 40.0, 20.0, 10.0, 40.0, 0.0, 20.0, 10.0, 30.0, 40.0, 30.0, 0.0, 0.0, 0.0, 10.0, 100.0, 0.0, 10.0, 40.0, 10.0, 40.0, 20.0, 40.0, 50.0, 10.0, 0.0, 0.0, 40.0, -1.0, 40.0, 30.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 20.0, 10.0, 50.0, 90.0, 40.0, 100.0, 10.0, 10.0, 20.0, 30.0, 100.0, 50.0, 30.0, 0.0, 30.0, 30.0, 30.0, 0.0, 40.0, 20.0, 80.0, 50.0, 0.0, 40.0, 30.0, 30.0, 10.0, 10.0, 10.0, 60.0, 30.0, 40.0, 10.0, 40.0, 10.0, 10.0, 10.0, 0.0, 20.0, 80.0, 40.0, 10.0, 30.0, 10.0, 10.0, 10.0, 10.0, 50.0, 0.0, 0.0, 30.0, 0.0, 20.0, 40.0, -1.0, 10.0, 40.0, 20.0, 10.0, 30.0, 30.0, 20.0, 30.0, 100.0, 80.0, 0.0, 20.0, 30.0, 40.0, 10.0, 70.0, 20.0, 0.0, 60.0, 40.0, 0.0, 80.0, -1.0, 100.0, 40.0, 30.0, 40.0, 20.0, 10.0, 30.0, 40.0, 40.0, 70.0, 30.0, 0.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 50.0, 30.0, 50.0, 60.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 60.0, 40.0, 40.0, -1.0, 10.0, 10.0, 10.0, 30.0, 30.0, 40.0, 100.0, -1.0, 100.0, 50.0, 20.0, 30.0, 20.0, 20.0, 100.0, 80.0, 60.0, 0.0, 30.0, 30.0, 20.0, 30.0, 40.0, 10.0, 30.0, 20.0, 30.0, 10.0, 30.0, 0.0, 20.0, 40.0, -1.0, 10.0, 60.0, 10.0, 0.0, 30.0, 10.0, 80.0, 60.0, 20.0, 30.0, 30.0, 40.0, 0.0, 30.0, 40.0, 60.0, -1.0, 30.0, 60.0, 80.0, 40.0, -1.0, 30.0, 40.0, 10.0, -1.0, 10.0, 10.0, 100.0, 30.0, 20.0, 90.0, 80.0, 10.0, 30.0, 30.0, 60.0, 10.0, 80.0, 20.0, 50.0, 30.0, 60.0, 20.0, 40.0, 40.0, 20.0, 20.0, 0.0, 10.0, 30.0, -1.0, 10.0, 20.0, 10.0, 0.0, 30.0, 80.0, 10.0, 10.0, 40.0, 10.0, -1.0, 0.0, 70.0, 90.0, 70.0, 20.0, 10.0, 70.0, 30.0, 0.0, 50.0, 0.0, 50.0, 20.0, 20.0, 10.0, 40.0, 20.0, 20.0, 60.0, 40.0, 20.0, 40.0, 0.0, 20.0, 40.0, 0.0, 10.0, 30.0, 50.0, 30.0, 60.0, 40.0, 20.0, 50.0, -1.0, 10.0, 30.0, 10.0, 10.0, 10.0, 40.0, -1.0, 60.0, 20.0, 30.0, 20.0, 10.0, 10.0, 60.0, 10.0, 30.0, 0.0, 10.0, 10.0, 30.0, 90.0, -1.0, 40.0, 40.0, 70.0, 40.0, 20.0, 10.0, 40.0, 0.0, 90.0, 60.0, 40.0, 30.0, 30.0, 20.0, 50.0, 60.0, -1.0, 10.0, 70.0, 80.0, 10.0, 20.0, 20.0, 20.0, 20.0, 30.0, 30.0, 50.0, 10.0, 40.0, 40.0, 20.0, 70.0, 0.0, 10.0, 20.0, 10.0, 80.0, 50.0, 20.0, 30.0, 20.0, 10.0, 0.0, 30.0, 30.0, 40.0, 30.0, 50.0, 30.0, 0.0, -1.0, 20.0, 40.0, 10.0, 10.0, 60.0, 30.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 20.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 0.0, 30.0, 20.0, 20.0, 30.0, 40.0, -1.0, 40.0, 0.0, 80.0, -1.0, 20.0, 40.0, 50.0, 30.0, 80.0, 40.0, 0.0, 10.0, 30.0, 40.0, 10.0, 70.0, 20.0, 40.0, 20.0, 40.0, 100.0, 60.0, 10.0, 10.0, 20.0, 40.0, 40.0, 50.0, 80.0, 0.0, 30.0, 10.0, 50.0, 30.0, 90.0, 70.0, 20.0, 50.0, 30.0, 10.0, 40.0, 30.0, 50.0, 50.0, 70.0, 10.0, 30.0, 30.0, 20.0, 30.0, 10.0, 50.0, -1.0, 20.0, -1.0, 60.0, 10.0, 80.0, 10.0, 30.0, 10.0, 20.0, 20.0, 60.0, 30.0, 40.0, 40.0, 20.0, 10.0, 30.0, 40.0, 30.0, 20.0, 40.0, 30.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 30.0, 10.0, 30.0, 70.0, 40.0, 10.0, 50.0, 30.0, 0.0, 100.0, 60.0, 30.0, 10.0, -1.0, 30.0, 80.0, -1.0, 0.0, 20.0, 50.0, 30.0, 0.0, -1.0, 60.0, 10.0, 50.0, 0.0, 10.0, 20.0, 0.0, 60.0, 30.0, 50.0, 20.0, 50.0, 30.0, -1.0, 30.0, -1.0, 10.0, 20.0, -1.0, 0.0, 10.0, 30.0, 40.0, 50.0, 60.0, 10.0, 10.0, 0.0, -1.0, 10.0, 40.0, 0.0, 10.0, 20.0, -1.0, 30.0, 30.0, 10.0, -1.0, 20.0, 0.0, 30.0, 20.0, 30.0, -1.0, 40.0, 30.0, 40.0, 20.0, -1.0, 30.0, 10.0, -1.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 40.0, 0.0, 50.0, 80.0, 30.0, 10.0, 20.0, 30.0, 20.0, 0.0, 20.0, 0.0, 50.0, 40.0, 10.0, 20.0, 40.0, 10.0, 10.0, 70.0, 60.0, 30.0, 40.0, 10.0, 60.0, 30.0, 70.0, 50.0, 60.0, 60.0, 50.0, 30.0, 30.0, 30.0, 10.0, 30.0, 50.0, 30.0, 20.0, 20.0, 40.0, 50.0, 30.0, 30.0, 30.0, 10.0, -1.0, 10.0, 50.0, 40.0, 0.0, 0.0, 60.0, 20.0, 20.0, 20.0, -1.0, 30.0, 40.0, 10.0, 10.0, 60.0, 10.0, 80.0, 0.0, 40.0, 10.0, 0.0, 20.0, 20.0, 60.0, 30.0, 50.0, 0.0, 50.0, 70.0, 20.0, 40.0, 0.0, 10.0, 0.0, 50.0, 0.0, 50.0, 10.0, 10.0, 30.0, 20.0, 40.0, -1.0, 90.0, 20.0, 30.0, 10.0, 40.0, 30.0, 40.0, 0.0, 20.0, 60.0, 50.0, 30.0, 20.0, 10.0, 0.0, 50.0, 50.0, 20.0, 10.0, 20.0, -1.0, -1.0, 60.0, 30.0, 30.0, 10.0, 30.0, 10.0, 40.0, 20.0, 20.0, 50.0, 50.0, 20.0, 20.0, 40.0, 20.0, 90.0, 0.0, 30.0, 40.0, 20.0, 20.0, 20.0, 50.0, 20.0, 10.0, 20.0, 40.0, 10.0, 60.0, 30.0, 0.0, 20.0, -1.0, -1.0, 20.0, 40.0, 10.0, 50.0, 10.0, 30.0, 40.0, 10.0, 50.0, -1.0, 10.0, 40.0, 0.0, 50.0, 40.0, 40.0, -1.0, 0.0, 10.0, 10.0, 30.0, 20.0, 0.0, 0.0, 20.0, 30.0, 80.0, 50.0, 40.0, 20.0, 10.0, 20.0, 10.0, 30.0, 50.0, 10.0, 10.0, 90.0, 40.0, 10.0, 50.0, 20.0, 30.0, 0.0, 50.0, 20.0, 20.0, 30.0, 40.0, 40.0, 70.0, 20.0, 0.0, 90.0, 50.0, 0.0, 30.0, 30.0, 40.0, 100.0, 60.0, 80.0, 20.0, 50.0, 0.0, 0.0, 20.0, 40.0, 10.0, 20.0, 20.0, 30.0, 10.0, -1.0, 50.0, 30.0, 30.0, 30.0, 0.0, 10.0, 20.0, 60.0, 40.0, 30.0, 40.0, 30.0, 20.0, 100.0, 40.0, 0.0, 30.0, 40.0, 60.0, 40.0, 20.0, 10.0, 100.0, 0.0, 70.0, 20.0, 40.0, 10.0, 20.0, 40.0, 10.0, 0.0, 90.0, 0.0, 20.0, 30.0, 40.0, 20.0, 10.0, 60.0, 30.0, 70.0, 0.0, 10.0, 30.0, 50.0, 10.0, 20.0, 40.0, 10.0, 40.0, 10.0, 20.0, 10.0, -1.0, 70.0, 0.0, 70.0, 10.0, 30.0, 30.0, 20.0, 30.0, 30.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 10.0, 20.0, 50.0, 30.0, 60.0, 10.0, 10.0, 10.0, 0.0, 10.0, 20.0, 0.0, 10.0, 30.0, 20.0, 0.0, 10.0, 30.0, 10.0, 20.0, 90.0, 20.0, 40.0, 10.0, 40.0, 0.0, 50.0, 60.0, 40.0, 20.0]}
mpc_dash_syth_hyb_pen_table_4300_default_3000 = {(6000, 6000): [100.0], (6000, 0): [30.0, 100.0, 100.0, 80.0, 80.0, 90.0, 100.0, 100.0, 70.0, 60.0, 90.0, 60.0, 40.0, 80.0, 70.0, 70.0, 60.0, 100.0, 30.0, 50.0, 80.0, 20.0, 60.0, 60.0, 50.0, 40.0, 60.0, 20.0, 40.0, 80.0, 40.0, 30.0, 90.0, 30.0, 30.0, 50.0, 90.0, 60.0, 100.0, 0.0, 60.0, 40.0, 100.0, 50.0, 70.0, 100.0, 100.0, 90.0, 100.0, 90.0, 30.0, 20.0, 60.0, 60.0, 100.0, 20.0, 70.0, 20.0, 50.0, 100.0, 100.0, 60.0, 80.0, 20.0, 40.0, 80.0, 30.0, 0.0, 80.0, 60.0, 80.0, 90.0, 20.0, 70.0, 50.0, 90.0, 50.0, 100.0, 40.0, 100.0, 30.0, -1.0, 60.0, 40.0, 30.0, 20.0, 70.0, 100.0, 100.0, 80.0, 70.0, 100.0, 100.0, 100.0, 60.0, 10.0, 10.0, 80.0, 90.0, 50.0, 70.0, 10.0, 100.0, 90.0, 20.0, 70.0, 100.0, 70.0, 30.0, 10.0, 100.0, 70.0, 80.0, 50.0, 100.0, 50.0, 100.0, 100.0, 90.0, 30.0, 100.0, 100.0, 100.0, 60.0, 100.0, 20.0, 100.0, 40.0, 30.0, 100.0, 70.0, 0.0, 80.0, 30.0, 70.0, 70.0, 40.0, 0.0, 40.0, 70.0, 80.0, 60.0, 70.0, 40.0, 50.0, 80.0, 50.0, 100.0, 30.0, 30.0, 100.0, 100.0, 100.0, 50.0, 100.0, 40.0, 100.0, 50.0, 100.0, 0.0, 90.0, 100.0, 60.0, 10.0, 80.0, 100.0, 90.0, 10.0, 70.0, 70.0, 100.0, 80.0, 40.0, 100.0, 100.0, 100.0, 100.0, 100.0, 90.0, 60.0, 80.0, 70.0, 80.0, 30.0, 90.0, 30.0, 100.0, 40.0, 100.0, 90.0, 30.0, 20.0, 30.0, 40.0, 50.0, 100.0, 90.0, 40.0, 10.0, 80.0, 40.0, 70.0, 20.0, 50.0, 50.0, 50.0, 40.0, 80.0, 100.0, 40.0, 80.0, 100.0, 100.0, 60.0, 80.0, 60.0, 60.0, 60.0, 20.0, 100.0, 90.0, 100.0, 60.0, 100.0, 90.0, 40.0, 100.0, 50.0, -1.0, 100.0, 100.0, 60.0, 60.0, 50.0, 100.0, 100.0, 10.0, 100.0, 80.0, 40.0, 100.0, 30.0, 60.0, 50.0, 100.0, 50.0, 100.0, 30.0, 80.0, 80.0, 10.0, 70.0, 100.0, 60.0, 50.0, 100.0, 60.0, 20.0, 80.0, 60.0, 100.0, 100.0, 100.0, 30.0, 40.0, 100.0, 100.0, 70.0, 50.0, 100.0, 10.0, 50.0, 100.0, 100.0, 50.0, 90.0, 0.0, 100.0, 90.0, 50.0, 80.0, 90.0, 100.0, 30.0, 60.0, 80.0, 100.0, 70.0, 10.0, 40.0, 0.0, 100.0, 100.0, 100.0, 0.0, 40.0, 100.0, 100.0, 60.0, 80.0, 100.0, 40.0, 40.0, 80.0, 80.0, 50.0, 80.0, 50.0, 90.0, 100.0, 10.0, 40.0, 50.0, 70.0, 100.0, 30.0, 100.0, 80.0, 40.0, 40.0, 100.0, 100.0, 50.0, 60.0, 100.0, 80.0, 100.0, 100.0, 100.0, 100.0, 20.0, 50.0, 40.0, 70.0, 20.0, 70.0, 50.0, 90.0, 50.0, 60.0, 10.0, 90.0, 100.0, 50.0, 80.0, 20.0, 100.0, 70.0, 90.0, 70.0, 70.0, 10.0, 10.0, 60.0, 80.0, 90.0, 100.0, 100.0, 50.0, 40.0, 80.0, 100.0, 100.0, 30.0, 40.0, 50.0, 50.0, 30.0, 100.0, 80.0, 50.0, 60.0, 40.0, 60.0, 90.0, 60.0, 0.0, 50.0, 10.0, 90.0, 100.0, 60.0, 100.0, 70.0, 60.0, 100.0, 70.0, 70.0, 80.0, 50.0, 60.0, 60.0, 100.0, 30.0, 60.0, 30.0, 100.0, 90.0, 90.0, 80.0, 10.0, 30.0, 90.0, 50.0, 0.0, 80.0, 100.0, 90.0, 90.0, 50.0, 100.0, 30.0, 60.0, 10.0, 100.0, 80.0, 70.0, 30.0, 90.0, 70.0, 60.0, 70.0, 70.0, 70.0, 0.0, 10.0, 20.0, 10.0, 20.0, 100.0, 100.0, 50.0, 90.0, 70.0, 10.0, 100.0, 30.0, 40.0, 90.0, 0.0, 60.0, 40.0, 100.0, 60.0, 70.0, 40.0, 30.0, 70.0, 60.0, 80.0, 50.0, 100.0, 70.0, 90.0, 80.0, 10.0, 60.0, 70.0, 90.0, 100.0, 60.0, 100.0, 20.0, 50.0, 40.0, 70.0, 10.0, 60.0, 90.0, 100.0, 20.0, 40.0, 80.0, 60.0, 70.0, 20.0, 100.0, 50.0, 40.0, 100.0, 100.0, 100.0, 40.0, 20.0, 100.0, 90.0, 100.0, 20.0, 30.0, 70.0, 30.0, 40.0, 30.0, 30.0, 60.0, 60.0, 70.0, 30.0, 80.0, 20.0, 10.0, 10.0, 70.0, 60.0, 40.0, 70.0, 10.0, 60.0, 90.0, 10.0, 80.0, 30.0, 100.0, 0.0, 60.0, 60.0, 30.0, 100.0, 60.0, 100.0, 50.0, 40.0, 100.0, 40.0, 50.0, 40.0, 100.0, 90.0, 80.0, 100.0, 90.0, 50.0, 50.0, 0.0, 40.0, 100.0, 100.0, 80.0, 80.0, 60.0, 0.0, 70.0, 80.0, 100.0, 100.0, 80.0, 80.0, 50.0, 100.0, 0.0, 50.0, 100.0, 10.0, 100.0, 40.0, 80.0, 50.0, 100.0, 70.0, 10.0, 70.0, 20.0, 100.0, 60.0, 80.0, 70.0, 50.0, 60.0, 100.0, 80.0, 30.0, 40.0, 40.0, 60.0, 60.0, 60.0, 70.0, 100.0, 50.0, 50.0, 60.0, 70.0, 20.0, 20.0, 100.0, 100.0, 60.0, 40.0, 100.0, 100.0, 50.0, 80.0, 40.0, 70.0, 100.0, 30.0, 30.0, 80.0, 60.0, 100.0, 10.0, 50.0, 70.0, 100.0, 20.0, 10.0, 70.0, 60.0, 50.0, 100.0, 80.0, 50.0, 10.0, 70.0, 100.0, 90.0, 50.0, 70.0, 70.0, 0.0, 100.0, 70.0, 50.0, 60.0, 50.0, 20.0, 100.0, 80.0, 90.0, 90.0, 50.0, 0.0, 40.0, 90.0, 80.0, 90.0, 90.0, 100.0, 10.0, 90.0, 60.0, 0.0, 70.0, 90.0, 60.0, 50.0, 20.0, 60.0, 90.0, 90.0, 100.0, 90.0, 90.0, 70.0, 80.0, 0.0, 80.0, 100.0, 50.0, 10.0, 40.0, 20.0, 70.0, 30.0, 100.0, 80.0, 70.0, 80.0, 80.0, 60.0, 60.0, 0.0, 60.0, 20.0, 100.0, 90.0, 100.0, 80.0, 20.0, 80.0, 100.0, 70.0, 70.0, 50.0, 70.0, 90.0, 60.0, 80.0, 70.0, 100.0, 100.0, 10.0, 80.0, 50.0, 60.0, 40.0, 20.0, 90.0, 90.0, 100.0, 30.0, 40.0, 60.0, 80.0, 20.0, 100.0, 100.0, 30.0, 90.0, 50.0, 60.0, 50.0, 30.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 100.0, 20.0, 90.0, 100.0, 60.0, 80.0, 10.0, 30.0, 90.0, 20.0, 50.0, 80.0, 10.0, 100.0, 20.0, 90.0, 40.0, 70.0, 100.0, 100.0, 90.0, 0.0, 60.0, 100.0, 40.0, 40.0, 100.0, 70.0, 20.0, 0.0, 100.0, 100.0, 100.0, 60.0, 90.0, 90.0, 90.0, 60.0, 90.0, 100.0, 80.0, 70.0, 100.0, 70.0, 100.0, 90.0, 100.0, 80.0, 70.0, 20.0, 50.0, 30.0, 90.0, 100.0, 100.0, 70.0, 80.0, 60.0, 100.0, 30.0, 50.0, 100.0, 40.0, 80.0, 100.0, 100.0, 90.0, 100.0, 80.0, 100.0, 10.0, 0.0, 70.0, 70.0, 100.0, 100.0, 70.0, 40.0, 30.0, 100.0, 80.0, 80.0, 100.0, 100.0, 90.0, 70.0, 30.0, 90.0, 60.0, 40.0, 60.0, 70.0, 60.0, 20.0, 100.0, 70.0, 100.0, 80.0, 100.0, 70.0, 60.0, 100.0, 100.0, 100.0, 100.0, 90.0, 10.0, 90.0, 90.0, 100.0, 100.0, 90.0, 10.0, 60.0, 100.0, 100.0, 70.0, 70.0, 60.0, 60.0, 60.0, 100.0, 100.0, 80.0, 30.0, 60.0, 100.0, 0.0, 70.0, 50.0, 100.0, 70.0, 10.0, 60.0, 60.0, 60.0, 30.0, 90.0, 30.0, 80.0, 60.0, 50.0, 30.0, 30.0, 30.0, 100.0, 40.0, 50.0, 10.0, 70.0, 100.0, 100.0, 100.0, 100.0, 90.0, 20.0, 100.0, 70.0, 60.0, 10.0, 70.0, 40.0, 90.0, 30.0, 40.0, 50.0, 80.0, 90.0, 90.0, 40.0, 30.0, 50.0, 100.0, 100.0, 40.0, 100.0, 40.0, 80.0, 80.0, 80.0, 0.0, 30.0, 0.0, 70.0, 100.0, 100.0, 80.0, 20.0, 80.0, 70.0, 90.0, 100.0, 40.0], (0, 0): [0.0, 30.0, 10.0, 60.0, 40.0, 60.0, -1.0, 10.0, 40.0, 30.0, 40.0, 50.0, 30.0, 20.0, 50.0, 40.0, 50.0, 40.0, 10.0, 50.0, 40.0, 10.0, -1.0, 20.0, 40.0, 20.0, 50.0, 20.0, 10.0, 50.0, 20.0, 90.0, 80.0, 0.0, 10.0, -1.0, 30.0, 20.0, 60.0, 10.0, 0.0, -1.0, 20.0, 10.0, 90.0, 10.0, -1.0, 20.0, 50.0, 30.0, -1.0, 100.0, -1.0, 30.0, 50.0, 70.0, 30.0, 50.0, 80.0, 100.0, 40.0, 30.0, 50.0, -1.0, 20.0, 30.0, -1.0, 50.0, 10.0, -1.0, 40.0, 70.0, 70.0, 30.0, 40.0, -1.0, 40.0, 40.0, 40.0, 20.0, 40.0, 60.0, 50.0, 20.0, 20.0, 40.0, -1.0, -1.0, 40.0, 0.0, 20.0, 50.0, 20.0, 30.0, 30.0, 10.0, 40.0, 50.0, 60.0, -1.0, 40.0, 10.0, 20.0, 40.0, 30.0, 40.0, 20.0, 0.0, 20.0, 0.0, 90.0, 30.0, 20.0, 50.0, 30.0, 20.0, -1.0, 70.0, 30.0, 10.0, 20.0, 20.0, 50.0, 100.0, -1.0, 70.0, 20.0, 80.0, 40.0, -1.0, 10.0, 20.0, 20.0, 40.0, -1.0, 50.0, -1.0, 70.0, 20.0, 40.0, 20.0, 50.0, 30.0, 50.0, 20.0, 0.0, 30.0, 10.0, 70.0, 40.0, 50.0, 90.0, 10.0, 70.0, 50.0, 20.0, 20.0, 10.0, 80.0, -1.0, 30.0, 20.0, 70.0, 20.0, 50.0, 30.0, 20.0, 70.0, 30.0, 20.0, 60.0, 40.0, 50.0, 90.0, 50.0, 60.0, 20.0, 50.0, 70.0, 50.0, 80.0, 40.0, 60.0, 60.0, 30.0, 10.0, -1.0, 40.0, 40.0, 50.0, 20.0, 30.0, 30.0, 70.0, 80.0, 20.0, 40.0, 40.0, 60.0, 10.0, 10.0, 90.0, 60.0, 60.0, 20.0, 70.0, 80.0, 50.0, 10.0, -1.0, 10.0, 100.0, -1.0, 30.0, -1.0, 10.0, -1.0, 60.0, 60.0, 70.0, 60.0, 20.0, -1.0, -1.0, 60.0, 20.0, 30.0, 30.0, 70.0, 10.0, 40.0, 80.0, 80.0, 40.0, 50.0, 10.0, 60.0, 20.0, 10.0, 60.0, 40.0, 10.0, 20.0, 30.0, 30.0, 50.0, 100.0, 60.0, 40.0, -1.0, 10.0, 20.0, 0.0, 20.0, 10.0, 50.0, 10.0, 50.0, 10.0, -1.0, 20.0, 40.0, 20.0, -1.0, -1.0, 80.0, 40.0, 80.0, 60.0, -1.0, 50.0, 10.0, 20.0, -1.0, 40.0, 10.0, 60.0, 30.0, 40.0, 10.0, 60.0, -1.0, 30.0, -1.0, 10.0, 20.0, 60.0, 40.0, 0.0, 10.0, 10.0, 20.0, 10.0, 10.0, 20.0, 30.0, 50.0, 30.0, -1.0, -1.0, 30.0, 40.0, -1.0, 30.0, -1.0, -1.0, 80.0, 30.0, 50.0, 70.0, 40.0, 20.0, 60.0, 20.0, 30.0, 60.0, 20.0, -1.0, 20.0, 20.0, 40.0, -1.0, 60.0, 100.0, 10.0, 40.0, 10.0, 20.0, 10.0, 30.0, 40.0, 20.0, 40.0, 0.0, 40.0, 30.0, 40.0, -1.0, 60.0, 40.0, 20.0, 20.0, 50.0, 40.0, 20.0, 10.0, 40.0, 20.0, 20.0, 30.0, 30.0, 70.0, 30.0, 80.0, 40.0, -1.0, 50.0, 30.0, 30.0, 70.0, 10.0, 40.0, 50.0, 80.0, 20.0, 0.0, 70.0, 40.0, 20.0, 30.0, 20.0, 20.0, 40.0, 70.0, 30.0, 40.0, 20.0, 20.0, -1.0, 40.0, 50.0, 10.0, 30.0, 50.0, -1.0, 20.0, 30.0, 50.0, 50.0, 30.0, 90.0, 20.0, 30.0, 10.0, 50.0, 70.0, 20.0, 90.0, 50.0, 10.0, 30.0, 10.0, 30.0, 50.0, 40.0, 70.0, 10.0, 0.0, 60.0, 10.0, 30.0, 40.0, 50.0, 80.0, 30.0, 10.0, 0.0, 50.0, 50.0, 0.0, 40.0, 40.0, 20.0, 50.0, 50.0, 20.0, 30.0, 40.0, 40.0, 30.0, 40.0, -1.0, 20.0, 10.0, 0.0, -1.0, 40.0, 30.0, 20.0, 100.0, 20.0, 70.0, 40.0, 10.0, 20.0, 30.0, 70.0, -1.0, 40.0, 90.0, 0.0, 60.0, 20.0, 80.0, 40.0, 10.0, 80.0, 10.0, 0.0, 0.0, 50.0, 10.0, -1.0, 30.0, 40.0, -1.0, 80.0, 0.0, 10.0, 60.0, 20.0, 30.0, 40.0, 50.0, 20.0, 50.0, 20.0, 20.0, 30.0, -1.0, 10.0, 50.0, 60.0, 40.0, 80.0, 40.0, 50.0, 50.0, 20.0, 40.0, 10.0, 60.0, -1.0, 30.0, 30.0, 10.0, 10.0, 20.0, 10.0, 20.0, 40.0, 60.0, 40.0, -1.0, 60.0, 10.0, 0.0, 60.0, 20.0, -1.0, 40.0, 40.0, 50.0, 10.0, 40.0, 10.0, 60.0, 20.0, 80.0, 30.0, 0.0, 10.0, 60.0, 10.0, -1.0, 20.0, 0.0, 50.0, 30.0, 50.0, 60.0, 30.0, 50.0, -1.0, -1.0, -1.0, 40.0, 0.0, 10.0, 20.0, 60.0, 10.0, 20.0, 40.0, 30.0, 40.0, 40.0, 70.0, 20.0, 50.0, 30.0, 60.0, 20.0, 60.0, 20.0, 50.0, 50.0, 40.0, 70.0, 40.0, 10.0, 50.0, 40.0, 10.0, 50.0, 30.0, 10.0, 40.0, 60.0, 30.0, 10.0, 10.0, 50.0, 20.0, 50.0, 50.0, 20.0, 20.0, 70.0, 30.0, 40.0, 0.0, 30.0, 30.0, 30.0, 50.0, 50.0, 10.0, 50.0, 40.0, 40.0, 50.0, 80.0, -1.0, 40.0, 70.0, 10.0, 60.0, 30.0, 80.0, 10.0, 50.0, 10.0, 20.0, 10.0, 10.0, 0.0, -1.0, 100.0, 30.0, -1.0, 40.0, 50.0, 40.0, 30.0, 40.0, 40.0, 10.0, -1.0, 40.0, 70.0, 50.0, 20.0, 0.0, 100.0, 20.0, 50.0, 40.0, 0.0, 40.0, 60.0, 60.0, 70.0, 30.0, 40.0, 30.0, 40.0, 10.0, 70.0, 0.0, 40.0, 40.0, 40.0, 10.0, 30.0, 20.0, 20.0, 50.0, 20.0, 20.0, -1.0, 10.0, 20.0, 40.0, 60.0, 40.0, 20.0, 50.0, 40.0, 0.0, 40.0, 40.0, 50.0, 50.0, 10.0, 40.0, 50.0, 100.0, 20.0, 70.0, 70.0, 60.0, 50.0, 20.0, 30.0, 20.0, 20.0, 100.0, 20.0, 20.0, 30.0, -1.0, 40.0, 20.0, 40.0, 40.0, -1.0, 60.0, -1.0, 20.0, 30.0, 60.0, 10.0, 40.0, 50.0, 60.0, 30.0, 30.0, 60.0, 40.0, 10.0, 30.0, 40.0, 70.0, 0.0, 10.0, 60.0, -1.0, 60.0, 40.0, 20.0, 40.0, 10.0, 70.0, 10.0, 30.0, 20.0, 20.0, 30.0, 30.0, 50.0, 60.0, 10.0, 80.0, 60.0, 20.0, 50.0, 30.0, 10.0, 30.0, 90.0, 50.0, 40.0, 40.0, 10.0, 30.0, 20.0, 60.0, 60.0, 10.0, 30.0, 20.0, 10.0, 10.0, 40.0, 20.0, 0.0, 20.0, 40.0, 30.0, 60.0, 20.0, 50.0, 70.0, 60.0, 20.0, -1.0, 30.0, -1.0, 40.0, -1.0, 60.0, 20.0, 50.0, 20.0, 20.0, 20.0, 30.0, -1.0, 20.0, 50.0, 50.0, 0.0, 20.0, 20.0, 30.0, 10.0, 10.0, 50.0, 60.0, 60.0, 70.0, 40.0, 40.0, -1.0, 30.0, 30.0, 40.0, 40.0, 100.0, 0.0, 30.0, 40.0, -1.0, 20.0, 10.0, 100.0, 30.0, 30.0, 50.0, 20.0, 0.0, 30.0, 40.0, 40.0, 20.0, 70.0, 40.0, 50.0, -1.0, -1.0, 50.0, 60.0, 100.0, 10.0, 40.0, 40.0, 10.0, 20.0, 50.0, 70.0, 0.0, 30.0, 10.0, 30.0, 40.0, 30.0, 40.0, 20.0, 30.0, 0.0, 40.0, 40.0, 40.0, 10.0, 0.0, 50.0, 40.0, 10.0, 10.0, 30.0], (3000, 3000): [40.0, 10.0, 20.0, 30.0, 0.0, 20.0, 0.0, 90.0, 0.0, 40.0, 100.0, 20.0, 40.0, 80.0, 60.0, 40.0, 20.0, 50.0, 30.0, 60.0, 10.0, -1.0, 10.0, 0.0, 50.0, 100.0, 10.0, 50.0, 20.0, 20.0, 70.0, 20.0, 10.0, 50.0, 100.0, 0.0, 100.0, 60.0, 20.0, 70.0, 20.0, 20.0, 0.0, 0.0, 50.0, 40.0, 60.0, 10.0, 60.0, 10.0, 10.0, 30.0, 0.0, 0.0, 0.0, 40.0, 40.0, 70.0, 30.0, 30.0, 0.0, 40.0, 0.0, 20.0, 30.0, 20.0, 40.0, 40.0, 80.0, 40.0, 40.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 50.0, 0.0, 60.0, 90.0, 10.0, 20.0, 10.0, 0.0, 0.0, 0.0, 20.0, 40.0, 10.0, 30.0, 40.0, 100.0, 0.0, 20.0, 90.0, 100.0, 10.0, 0.0, 0.0, 20.0, 40.0, 0.0, 0.0, 10.0, 10.0, 0.0, 50.0, 80.0, 0.0, 60.0, 50.0, 0.0, 30.0, 100.0, 0.0, 30.0, 10.0, 10.0, 20.0, 20.0, 0.0, 0.0, 80.0, 0.0, 30.0, 0.0, 0.0, 20.0, 10.0, 40.0, 10.0, 0.0, 40.0, 10.0, 40.0, 40.0, 0.0, 0.0, 50.0, 20.0, 20.0, 20.0, 10.0, 10.0, 0.0, 0.0, 10.0, 0.0, 40.0, 20.0, 0.0, 0.0, 0.0, 30.0, 0.0, 20.0, 70.0, 40.0, 30.0, 50.0, 80.0, 40.0, 90.0, 0.0, 0.0, 0.0, 50.0, 40.0, 0.0, 0.0, 10.0, 0.0, 10.0, 50.0, 30.0, 100.0, 20.0, 20.0, 20.0, 20.0, 90.0, 80.0, 20.0, 60.0, 10.0, 0.0, 50.0, 10.0, 20.0, 100.0, 0.0, 100.0, 20.0, 0.0, 10.0, 0.0, 20.0, 100.0, 10.0, 50.0, 20.0, 40.0, 20.0, 20.0, 10.0, 50.0, 20.0, 20.0, 80.0, 0.0, 0.0, 70.0, 0.0, 100.0, 0.0, 0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 90.0, 0.0, 10.0, 30.0, 10.0, 90.0, 0.0, 30.0, 100.0, 40.0, 10.0, 60.0, 80.0, 0.0, 20.0, 0.0, 10.0, 40.0, 20.0, 0.0, 20.0, 50.0, 60.0, 10.0, 10.0, 10.0, 50.0, 0.0, 20.0, 0.0, 30.0, 40.0, 90.0, 0.0, 30.0, 10.0, 90.0, 0.0, 50.0, 90.0, 20.0, 50.0, 20.0, 20.0, 20.0, 0.0, 0.0, 0.0, 60.0, 100.0, 60.0, 10.0, 80.0, 0.0, 30.0, 0.0, 40.0, 50.0, 20.0, 80.0, 40.0, 100.0, 0.0, 10.0, 20.0, 0.0, 20.0, 30.0, 60.0, 100.0, 20.0, 20.0, 0.0, 30.0, 80.0, 20.0, 0.0, 70.0, 30.0, 10.0, 0.0, 0.0, 10.0, 20.0, 10.0, 40.0, 0.0, 30.0, 10.0, 30.0, 90.0, 0.0, 40.0, 30.0, 100.0, 60.0, 50.0, 60.0, 0.0, 20.0, 20.0, 90.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 10.0, 30.0, 0.0, 100.0, 100.0, 30.0, 100.0, 60.0, 70.0, 10.0, 60.0, 20.0, 70.0, 30.0, 20.0, 20.0, 100.0, 100.0, 50.0, 10.0, 10.0, 10.0, 40.0, 30.0, 80.0, 50.0, 0.0, 40.0, 20.0, 80.0, 10.0, 0.0, 0.0, 30.0, 70.0, 80.0, 40.0, 60.0, 70.0, 90.0, 30.0, 10.0, 100.0, 0.0, 90.0, 0.0, 80.0, 100.0, 10.0, 0.0, 50.0, 0.0, 80.0, 0.0, 10.0, 0.0, 70.0, 70.0, 0.0, 0.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 0.0, 0.0, 10.0, 10.0, 0.0, 0.0, 0.0, 60.0, 10.0, 30.0, 60.0, 40.0, 0.0, 40.0, 0.0, 100.0, 0.0, 100.0, 40.0, 60.0, 0.0, 0.0, 30.0, 70.0, 10.0, 90.0, 10.0, 0.0, 20.0, 0.0, 40.0, 70.0, 10.0, 0.0, 50.0, 50.0, 0.0, 0.0, 0.0, 0.0, 30.0, 20.0, 10.0, 60.0, 0.0, 100.0, 0.0, 0.0, 0.0, 70.0, 0.0, 40.0, 100.0, 0.0, 50.0, 10.0, 30.0, 0.0, 20.0, 10.0, 20.0, 0.0, 50.0, 0.0, 50.0, 0.0, 10.0, 20.0, 50.0, 60.0, 10.0, 0.0, 0.0, 10.0, 90.0, 0.0, 10.0, 0.0, 0.0, 0.0, 10.0, 30.0, 0.0, 10.0, 10.0, 40.0, 20.0, 10.0, 60.0, 0.0, 10.0, 0.0, 50.0, 60.0, 10.0, 0.0, 30.0, 0.0, 30.0, 10.0, 0.0, 10.0, 60.0, 30.0, 10.0, 60.0, 20.0, 50.0, 40.0, 0.0, 40.0, 20.0, 0.0, 10.0, 10.0, 80.0, 20.0, 0.0, 50.0, 0.0, 10.0, 10.0, 20.0, 30.0, 0.0, 0.0, 30.0, 0.0, 20.0, 90.0, 0.0, 100.0, 0.0, 30.0, 80.0, 30.0, 0.0, 10.0, 50.0, 0.0, 50.0, 50.0, 20.0, 30.0, 0.0, 0.0, 10.0, 0.0, 20.0, 80.0, 90.0, 0.0, 70.0, 0.0, 0.0, 40.0, 10.0, 90.0, 100.0, 10.0, 0.0, 30.0, 20.0, 0.0, 0.0, 20.0, 10.0, 70.0, 70.0, 30.0, 20.0, 10.0, 0.0, 0.0, 70.0, 30.0, 20.0, 50.0, 30.0, 100.0, 30.0, 30.0, 10.0, 0.0, 0.0, 10.0, 10.0, 10.0, 60.0, 100.0, 30.0, 10.0, 40.0, 0.0, 50.0, 70.0, 30.0, 80.0, 80.0, 0.0, 60.0, 0.0, 10.0, 20.0, 30.0, 0.0, 20.0, 30.0, 10.0, 20.0, 20.0, 80.0, 60.0, 40.0, 20.0, 10.0, 80.0, 0.0, 0.0, 40.0, 30.0, 0.0, 20.0, 10.0, 0.0, 20.0, 70.0, 0.0, 100.0, 10.0, 0.0, 0.0, 60.0, 70.0, 0.0, -1.0, 20.0, 60.0, 40.0, 0.0, 10.0, 0.0, 10.0, 0.0, 20.0, 20.0, 0.0, 10.0, 50.0, 70.0, 20.0, 40.0, 70.0, 40.0, 20.0, 20.0, 0.0, 80.0, 20.0, 20.0, 20.0, 0.0, 0.0, 0.0, 50.0, 0.0, 10.0, 70.0, 60.0, 20.0, 30.0, 0.0, 20.0, 0.0, 70.0, 80.0, 80.0, 0.0, 40.0, 30.0, 20.0, 60.0, 40.0, 0.0, 40.0, 0.0, 0.0, 50.0, 0.0, 90.0, 0.0, 20.0, 10.0, 10.0, 70.0, 0.0, 40.0, 10.0, 0.0, 0.0, 50.0, 90.0, 50.0, 50.0, 0.0, 10.0, 20.0, 30.0, 70.0, 70.0, 20.0, 0.0, 10.0, 80.0, 20.0, 60.0, 20.0, 0.0, 0.0, 0.0, 10.0, 40.0, 20.0, 10.0, 60.0, 0.0, 70.0, 20.0, 60.0, 40.0, 10.0, 20.0, 50.0, 0.0, 50.0, 10.0, 0.0, 0.0, 40.0, 0.0, 50.0, 0.0, 70.0, 50.0, 0.0, 0.0, 40.0, 0.0, 0.0, 0.0, -1.0, 20.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 40.0, 0.0, 100.0, 40.0, 10.0, 0.0, 20.0, 40.0, 0.0, 20.0, 20.0, 30.0, 50.0, 0.0, 40.0, 20.0, 0.0, 10.0, 40.0, 0.0, 0.0, 30.0, 70.0, 0.0, 30.0, 100.0, 10.0, 10.0, 50.0, 20.0, 60.0, 90.0, 20.0, 10.0, 20.0, 0.0, 30.0, 60.0, 100.0, 30.0, 100.0, 100.0, 0.0, 20.0, 40.0, 50.0, 60.0, 0.0, 60.0, 0.0, 80.0, 20.0, 0.0, 90.0, 20.0, 50.0, 0.0, -1.0, 100.0, 0.0, 40.0, 10.0, 30.0, 0.0, 0.0, 30.0, 90.0, 40.0, 0.0, 30.0, 0.0, 100.0, 10.0, 10.0, 100.0, 20.0, 10.0, 0.0, 10.0, 20.0, 50.0, 0.0, 40.0, 50.0, 50.0, 30.0, 50.0, 50.0, 20.0, 30.0, 60.0, 0.0, 60.0, 30.0, 0.0, 0.0, 70.0, 40.0, 50.0, 0.0, 60.0, 80.0, 0.0, 30.0, 0.0, 10.0, 20.0, 70.0, 0.0, 0.0, 10.0, 40.0, 0.0, 10.0, 20.0, 70.0, 60.0, 100.0, 0.0, 20.0, 30.0, 10.0, 0.0, 10.0, 20.0, 40.0, 0.0, 20.0, 20.0, 10.0, 60.0, 30.0, 40.0, 30.0, 20.0, 0.0, 50.0, 50.0, 0.0, 100.0, 40.0, 20.0, 0.0, 10.0, 20.0, 0.0, 40.0, 100.0, 20.0, 10.0, 40.0, 50.0, 70.0, 0.0, 30.0, 30.0, 10.0, 30.0, 0.0, 10.0, 0.0, 0.0, 30.0, 60.0, 0.0, 50.0, 0.0, 60.0, 20.0, 0.0, 10.0, 20.0, 0.0, 100.0, 30.0, 60.0, 0.0, 60.0, 10.0, 0.0, 30.0, 0.0, 30.0, 40.0, 10.0, 10.0], (3000, 0): [10.0, 20.0, 10.0, 80.0, 0.0, 50.0, 60.0, 70.0, 10.0, 70.0, 20.0, 20.0, 30.0, 30.0, 40.0, 10.0, 0.0, 20.0, 40.0, 30.0, 80.0, -1.0, 40.0, 20.0, 20.0, 30.0, 0.0, 0.0, 30.0, 40.0, 30.0, 20.0, 40.0, 50.0, 40.0, 30.0, 10.0, 20.0, 10.0, 10.0, 30.0, 20.0, 90.0, 10.0, 20.0, 10.0, 0.0, 10.0, 60.0, 80.0, -1.0, 70.0, 10.0, 30.0, 20.0, 50.0, 10.0, 60.0, 70.0, 30.0, 0.0, 10.0, 0.0, 10.0, 90.0, 30.0, -1.0, 40.0, 30.0, 50.0, 40.0, -1.0, 60.0, 30.0, 10.0, 60.0, 70.0, 30.0, 60.0, 30.0, 30.0, 40.0, 20.0, 30.0, 50.0, 10.0, 10.0, 30.0, 30.0, 20.0, 30.0, 10.0, 10.0, 30.0, 20.0, 60.0, 10.0, 10.0, 60.0, 40.0, 40.0, -1.0, -1.0, 30.0, 20.0, -1.0, 10.0, 20.0, 50.0, 30.0, 0.0, 0.0, 100.0, 40.0, -1.0, 10.0, 30.0, -1.0, 10.0, 10.0, 20.0, 20.0, 20.0, 20.0, 90.0, 20.0, 30.0, 40.0, 10.0, 0.0, 0.0, 0.0, 10.0, 10.0, 80.0, 50.0, 80.0, 30.0, 10.0, 20.0, -1.0, 10.0, 50.0, 50.0, 10.0, 60.0, 80.0, 30.0, 40.0, 10.0, 10.0, 20.0, 20.0, 90.0, 60.0, 20.0, 20.0, 30.0, 0.0, 80.0, 10.0, 30.0, 20.0, 50.0, -1.0, 0.0, 30.0, 30.0, 0.0, 20.0, 80.0, 30.0, 20.0, 30.0, 20.0, 30.0, 50.0, 10.0, 30.0, 30.0, 10.0, 20.0, 0.0, 0.0, 0.0, 10.0, 30.0, 30.0, 40.0, 80.0, 0.0, 20.0, 10.0, 40.0, -1.0, 40.0, 70.0, 20.0, 20.0, 20.0, 30.0, 10.0, 30.0, 70.0, 60.0, 10.0, 30.0, 30.0, 30.0, 40.0, 80.0, 0.0, 20.0, 30.0, 50.0, 20.0, 30.0, 20.0, 50.0, 10.0, 40.0, 60.0, 10.0, 40.0, 80.0, 90.0, 30.0, 20.0, 30.0, 70.0, 60.0, 10.0, 90.0, 20.0, 30.0, -1.0, 40.0, 20.0, 30.0, 10.0, 20.0, 40.0, 20.0, 40.0, 80.0, -1.0, 0.0, 40.0, 40.0, 30.0, 30.0, -1.0, 10.0, 20.0, 40.0, 10.0, 0.0, 30.0, 30.0, 0.0, 10.0, 20.0, 40.0, 20.0, 70.0, 10.0, 10.0, 80.0, 0.0, 10.0, 10.0, 40.0, 0.0, 10.0, 40.0, 40.0, 20.0, 10.0, 30.0, 50.0, 20.0, 30.0, 0.0, 40.0, 20.0, 100.0, 0.0, 40.0, 10.0, 50.0, 30.0, 70.0, 50.0, 20.0, 10.0, 40.0, 40.0, 50.0, 30.0, 0.0, 20.0, 30.0, 20.0, 10.0, 40.0, 30.0, 30.0, 30.0, 10.0, 0.0, 30.0, 20.0, 30.0, 10.0, 50.0, 60.0, 0.0, 10.0, 0.0, 50.0, 0.0, 40.0, 30.0, 30.0, 0.0, 10.0, 30.0, 40.0, 10.0, 30.0, 20.0, 60.0, 60.0, 60.0, 10.0, 30.0, 10.0, 40.0, 20.0, 50.0, 40.0, 40.0, 10.0, 20.0, 10.0, 40.0, 60.0, 50.0, 0.0, 50.0, 10.0, 50.0, 50.0, 20.0, 20.0, 40.0, 10.0, -1.0, 40.0, -1.0, 10.0, 10.0, 10.0, 10.0, 10.0, 40.0, 40.0, -1.0, 0.0, 10.0, 80.0, 0.0, 40.0, 30.0, 10.0, 60.0, 0.0, 10.0, 30.0, 10.0, 30.0, 20.0, 30.0, 0.0, 20.0, 20.0, -1.0, 0.0, 30.0, 90.0, 60.0, 100.0, 0.0, 30.0, 10.0, 0.0, 60.0, 20.0, 40.0, 50.0, 0.0, 70.0, 40.0, 10.0, 40.0, 40.0, 50.0, 50.0, 40.0, 0.0, 40.0, -1.0, 0.0, 30.0, 10.0, 50.0, 0.0, 60.0, 30.0, 40.0, 10.0, 30.0, 20.0, 90.0, 30.0, 60.0, 20.0, 0.0, 40.0, 40.0, 0.0, 10.0, 60.0, 30.0, 40.0, 0.0, 30.0, 40.0, 50.0, 40.0, 20.0, 30.0, 20.0, 10.0, -1.0, 0.0, 0.0, 50.0, 40.0, 10.0, 10.0, 50.0, 70.0, 20.0, 20.0, 40.0, 10.0, 40.0, 20.0, 30.0, 40.0, 10.0, 30.0, 40.0, 10.0, 20.0, 20.0, 30.0, 50.0, 20.0, 20.0, 10.0, 10.0, 40.0, 30.0, 50.0, 40.0, 20.0, 30.0, 20.0, 10.0, 20.0, 70.0, 50.0, 100.0, 0.0, -1.0, 20.0, 20.0, 10.0, 10.0, 20.0, 80.0, 20.0, 20.0, 30.0, 10.0, 80.0, 50.0, -1.0, 50.0, 0.0, 10.0, 50.0, 40.0, 20.0, 50.0, -1.0, 10.0, 40.0, 0.0, 50.0, 60.0, 10.0, 0.0, 10.0, 30.0, 30.0, 10.0, 10.0, 30.0, 10.0, 10.0, 40.0, 40.0, 10.0, 30.0, 20.0, 70.0, 40.0, 40.0, 10.0, 30.0, 10.0, 20.0, 20.0, 10.0, 20.0, 50.0, 60.0, 10.0, 40.0, 100.0, 0.0, 30.0, 0.0, 90.0, 10.0, 20.0, 0.0, -1.0, 10.0, -1.0, 10.0, 60.0, 30.0, -1.0, 30.0, 20.0, 40.0, 30.0, 40.0, 40.0, 60.0, 40.0, 30.0, 60.0, 10.0, 30.0, 60.0, 20.0, 0.0, 20.0, 10.0, 10.0, 100.0, 20.0, 10.0, 40.0, 10.0, 60.0, 20.0, 40.0, 50.0, 30.0, 10.0, 60.0, 40.0, 30.0, 30.0, 30.0, 10.0, 0.0, 40.0, 20.0, 10.0, 30.0, 40.0, 60.0, 0.0, 20.0, 10.0, 30.0, 40.0, 30.0, 0.0, 0.0, 0.0, 10.0, 100.0, 40.0, 0.0, 10.0, 10.0, 30.0, 40.0, 40.0, 50.0, 0.0, 0.0, 40.0, -1.0, 40.0, 30.0, 20.0, 20.0, 30.0, 40.0, 0.0, 30.0, 20.0, 10.0, 50.0, 90.0, 30.0, 40.0, 30.0, 100.0, 10.0, 10.0, 20.0, 30.0, 100.0, 10.0, 0.0, 30.0, 0.0, 100.0, 30.0, 30.0, 30.0, 0.0, 40.0, 20.0, 80.0, 50.0, 0.0, 0.0, 40.0, 30.0, 30.0, 20.0, 10.0, 10.0, 10.0, 10.0, 60.0, 30.0, 40.0, 10.0, 40.0, 10.0, 10.0, 10.0, 0.0, 20.0, 80.0, 40.0, 10.0, 30.0, 70.0, 10.0, 10.0, 50.0, 10.0, 10.0, 50.0, 0.0, 0.0, 30.0, 0.0, 20.0, 0.0, 40.0, -1.0, 10.0, 40.0, 20.0, 10.0, 30.0, 30.0, 20.0, 30.0, 100.0, 80.0, 0.0, 20.0, 30.0, 40.0, 10.0, 70.0, 20.0, 0.0, 60.0, 40.0, 0.0, -1.0, 100.0, 40.0, 40.0, 20.0, 10.0, 30.0, 40.0, 30.0, 40.0, 70.0, 0.0, 30.0, 20.0, 0.0, 0.0, 30.0, 20.0, 30.0, 10.0, 10.0, 20.0, 50.0, 30.0, 50.0, 60.0, 10.0, 20.0, 40.0, -1.0, -1.0, 60.0, 60.0, 40.0, -1.0, 10.0, 10.0, 10.0, 30.0, 30.0, 40.0, 100.0, -1.0, 100.0, 50.0, 20.0, 10.0, 30.0, 40.0, 20.0, 100.0, 80.0, 60.0, 0.0, 30.0, 30.0, 20.0, 30.0, 40.0, 10.0, 0.0, 50.0, 10.0, 30.0, 20.0, 30.0, 10.0, 0.0, 30.0, 20.0, 0.0, 20.0, 0.0, 40.0, -1.0, 10.0, 60.0, 10.0, 0.0, 30.0, 10.0, 60.0, 80.0, 60.0, 20.0, 30.0, 30.0, 40.0, 0.0, 30.0, 40.0, 60.0, 60.0, 10.0, -1.0, 30.0, 60.0, 40.0, -1.0, 10.0, 30.0, 10.0, -1.0, 10.0, 10.0, 100.0, 40.0, 30.0, 20.0, 90.0, 80.0, 10.0, 30.0, 30.0, 60.0, 10.0, 20.0, 80.0, 20.0, 30.0, 50.0, 30.0, 60.0, 20.0, 40.0, 40.0, 20.0, 20.0, 20.0, 0.0, 10.0, 30.0, -1.0, 10.0, 20.0, 10.0, 0.0, 10.0, 30.0, 80.0, 10.0, 10.0, 40.0, 10.0, -1.0, 0.0, 70.0, 90.0, 70.0, 20.0, 10.0, 70.0, 30.0, 0.0, 50.0, 0.0, 30.0, 30.0, 20.0, 20.0, 10.0, 40.0, 20.0, 20.0, 60.0, 10.0, 40.0, 20.0, 40.0, 0.0, 20.0, 40.0, 0.0, 20.0, 10.0, 30.0, 50.0, 70.0, 30.0, 60.0, 40.0, 20.0, 50.0, 10.0, 30.0, 10.0, 10.0, 10.0, 40.0, -1.0, 60.0, 20.0, 30.0, 20.0, 10.0, 10.0, 10.0, 30.0, 0.0, 10.0, 10.0, 30.0, 90.0, 40.0, 40.0, 70.0, 40.0, 20.0, 40.0, 0.0, 90.0, 60.0, 40.0, 30.0, 30.0, 20.0, 50.0, 60.0, -1.0, 10.0, 70.0, 80.0, 10.0, 20.0, 20.0, 20.0, 20.0, 30.0, 30.0, 50.0, 10.0, 40.0, 40.0, 20.0, 70.0, 0.0, 10.0, 20.0, 10.0, 50.0, 20.0, 30.0, 20.0, 0.0, 10.0, 0.0, 30.0, 30.0, 40.0, 30.0, 50.0, 30.0, 0.0, -1.0, 50.0, 20.0, 20.0, 40.0, 10.0, 10.0, 60.0, 30.0, 20.0, 10.0, 10.0, 10.0, 40.0, -1.0, 20.0, 20.0, 30.0, 30.0, 30.0, 20.0, 10.0, 40.0, 20.0, 0.0, 30.0, 20.0, 20.0, 30.0, 40.0, -1.0, 40.0, 0.0, 80.0, -1.0, 20.0, 40.0, 60.0, 50.0, 80.0, 40.0, 0.0, 10.0, 30.0, 40.0, 10.0, 30.0, 70.0, 20.0, 40.0, 20.0, 40.0, 100.0, 20.0, 100.0, 60.0, 10.0, 10.0, 20.0, 40.0, 20.0, 40.0, 50.0, 80.0, 0.0, 30.0, 10.0, 50.0, 30.0, 90.0, 70.0, 40.0, 20.0, 50.0, 50.0, 10.0, 40.0, 30.0, 50.0, 50.0, 70.0, 20.0, 10.0, 30.0, 50.0, 30.0, 20.0, 30.0, 10.0, 50.0, -1.0, 20.0, 20.0, 50.0, -1.0, 60.0, 10.0, 80.0, 10.0, 30.0, 10.0, 20.0, 60.0, 80.0, 30.0, 40.0, 20.0, 10.0, 30.0, 40.0, 30.0, 20.0, 40.0, 50.0, 80.0, 40.0, 30.0, -1.0, 50.0, 30.0, 30.0, 10.0, 20.0, 30.0, 30.0, 70.0, 40.0, 10.0, 50.0, 30.0, 0.0, 100.0, 20.0, 60.0, 30.0, 30.0, 10.0, -1.0, 30.0, 80.0, -1.0, 60.0, 0.0, 20.0, 50.0, 30.0, 0.0, -1.0, 60.0, 10.0, 50.0, 0.0, 10.0, 20.0, 0.0, 60.0, 30.0, 50.0, 20.0, 50.0, 30.0, -1.0, 30.0, 10.0, 20.0, -1.0, 30.0, 70.0, 40.0, 0.0, 10.0, 0.0, 10.0, 30.0, 40.0, 50.0, 60.0, 10.0, 10.0, 0.0, -1.0, 10.0, 10.0, 20.0, -1.0, 30.0, 30.0, 10.0, -1.0, 0.0, 0.0, 30.0, 20.0, 30.0, -1.0, 10.0, 30.0, 40.0, 20.0, -1.0, 30.0, 0.0, 10.0, -1.0, 20.0, 20.0, 10.0, 50.0, 20.0, 40.0, 50.0, 0.0, 30.0, 50.0, 80.0, 30.0, 100.0, 10.0, 20.0, 30.0, 20.0, 0.0, 20.0, 0.0, 50.0, 40.0, 10.0, 20.0, 40.0, 50.0, 10.0, 10.0, 70.0, 60.0, 30.0, 40.0, 10.0, 60.0, 40.0, 30.0, 70.0, 60.0, 20.0, 60.0, 60.0, 50.0, 30.0, 30.0, 30.0, 10.0, 30.0, 50.0, 50.0, 30.0, 20.0, 20.0, 70.0, 60.0, 50.0, 40.0, 30.0, 30.0, 10.0, -1.0, 10.0, 50.0, 40.0, 0.0, 0.0, 60.0, 20.0, 20.0, -1.0, 30.0, 10.0, 10.0, 60.0, 30.0, 10.0, 80.0, 0.0, 40.0, 10.0, 0.0, 20.0, 0.0, 20.0, 60.0, 30.0, 50.0, 0.0, 50.0, 70.0, 20.0, 40.0, 0.0, 10.0, 0.0, 30.0, 50.0, 0.0, 50.0, 10.0, 10.0, 30.0, 20.0, 40.0, -1.0, 90.0, 20.0, 30.0, 10.0, 40.0, 30.0, 40.0, 0.0, 20.0, 60.0, 50.0, 30.0, 20.0, 10.0, 0.0, 50.0, 50.0, 20.0, 20.0, -1.0, -1.0, 60.0, 30.0, 30.0, 10.0, 30.0, 10.0, 40.0, 20.0, 20.0, 50.0, 50.0, 20.0, 20.0, 40.0, 20.0, 90.0, 0.0, 30.0, 40.0, 20.0, 20.0, 20.0, 50.0, 20.0, 10.0, 20.0, 40.0, 10.0, 20.0, 60.0, 30.0, 0.0, 20.0, -1.0, -1.0, 20.0, 40.0, 10.0, 50.0, 10.0, 30.0, 40.0, 10.0, 50.0, -1.0, 20.0, 10.0, 40.0, 0.0, 0.0, 50.0, 40.0, 40.0, 50.0, 30.0, -1.0, 0.0, 10.0, 10.0, 30.0, 20.0, 0.0, 0.0, 50.0, 30.0, 80.0, 50.0, 40.0, 20.0, 10.0, 20.0, 20.0, 10.0, 30.0, 50.0, 10.0, 10.0, 90.0, 40.0, 10.0, 0.0, 40.0, 50.0, 20.0, -1.0, 30.0, 0.0, 50.0, 20.0, 10.0, 50.0, 20.0, 30.0, 50.0, 40.0, 40.0, 70.0, 20.0, 0.0, 90.0, 50.0, 0.0, 30.0, 30.0, 40.0, 100.0, 60.0, 80.0, 20.0, 30.0, 50.0, 100.0, 0.0, 0.0, 70.0, 20.0, 20.0, 40.0, 10.0, 20.0, 20.0, 30.0, 10.0, -1.0, 50.0, 30.0, 30.0, 30.0, 40.0, 0.0, 10.0, 20.0, 60.0, 30.0, 40.0, 30.0, 20.0, 40.0, 0.0, 30.0, 40.0, 60.0, 40.0, 20.0, 10.0, 50.0, 0.0, 70.0, 20.0, 40.0, 10.0, 20.0, 40.0, 10.0, 30.0, 0.0, 90.0, 0.0, 20.0, 40.0, 10.0, 60.0, 60.0, 30.0, 70.0, 0.0, 20.0, 10.0, 20.0, 30.0, 50.0, 0.0, 10.0, 20.0, 40.0, 10.0, 40.0, 10.0, 20.0, 10.0, 20.0, -1.0, 70.0, 10.0, 30.0, 30.0, 20.0, 30.0, 0.0, 10.0, 20.0, 30.0, 10.0, 10.0, 10.0, 30.0, 10.0, 10.0, 20.0, 50.0, 30.0, 60.0, 10.0, 10.0, 10.0, 0.0, 10.0, 20.0, 0.0, 10.0, 30.0, 30.0, 20.0, 0.0, 10.0, 30.0, 10.0, 20.0, 90.0, 20.0, 40.0, 10.0, 0.0, 50.0, 60.0, 40.0, 20.0], (6000, 3000): [40.0, 90.0, 90.0, 0.0, 40.0, 60.0, 20.0, 100.0, 60.0, 50.0, 50.0, 70.0, 20.0, 100.0, 0.0, 100.0, 0.0, 100.0, 20.0, 100.0, 10.0, 10.0, 100.0, 100.0, 100.0, 70.0, 100.0, 60.0, 30.0, 100.0, 0.0, 100.0, 20.0, 40.0, 100.0, 100.0, 20.0, 20.0, 0.0, 100.0, 10.0, 30.0, 0.0, 100.0, 0.0, 70.0, 60.0, 100.0, 30.0, 30.0, 50.0, 90.0, 80.0, 100.0, 40.0, 0.0, 50.0, 40.0, 100.0, 100.0, 40.0, 10.0, 30.0, 100.0, 10.0, 100.0, 100.0, 40.0, 50.0, 90.0, 10.0, 100.0, 20.0, 10.0, 30.0, 100.0, 100.0, 100.0, 70.0, 0.0, 70.0, 100.0, 10.0, 0.0, 40.0, 90.0, 30.0, 100.0, 70.0, 70.0, 20.0, 40.0, 80.0, 10.0, 90.0, 30.0, 10.0, 100.0, 100.0, 10.0, 30.0, 20.0, 60.0, 90.0, 10.0, 0.0, 60.0, 90.0, 90.0, 100.0, 20.0, 10.0, 100.0, 30.0, 100.0, 100.0, 100.0, 80.0, 20.0, 100.0, 10.0, 0.0, 50.0, 20.0, 100.0, 20.0, 50.0, 70.0, 0.0, 50.0, 100.0, 20.0, 70.0, 0.0, 100.0, 0.0, 10.0, 100.0, 0.0, 100.0, 10.0, 10.0, 60.0, 20.0, 60.0, 100.0, 20.0, 0.0, 100.0, 100.0, 100.0, 50.0, 30.0, 0.0, 80.0, 100.0, 0.0, 60.0, 0.0, 100.0, 30.0, 100.0, 40.0, 70.0, 80.0, 100.0, 100.0, 100.0, 20.0, 0.0, 20.0, 0.0, 40.0, 20.0, 0.0, 50.0, 100.0, 10.0, 100.0, 100.0, 10.0, 20.0, 10.0, 40.0, 0.0, 0.0, 10.0, 100.0, 30.0, 60.0, 10.0, 60.0, 0.0, 10.0, 20.0, 10.0, 10.0, 100.0, 80.0, 100.0, 90.0, 40.0, 0.0, 60.0, 10.0, 80.0, 40.0, 70.0, 20.0, 100.0, 10.0, 100.0, 50.0, 100.0, 30.0, 100.0, 20.0, 0.0, 30.0, 20.0, 50.0, 100.0, 30.0, 50.0, 60.0, 20.0, 10.0, 60.0, 10.0, 100.0, 10.0, 100.0, 100.0, 10.0, 100.0, 60.0, 100.0, 10.0, 40.0, 100.0, 50.0, 40.0, 100.0, 40.0, 20.0, 50.0, 0.0, 100.0, 0.0, 100.0, 10.0, 100.0, 70.0, 30.0, 40.0, 60.0, 90.0, 50.0, 40.0, 80.0, 90.0, 100.0, 100.0, 100.0, 30.0, 40.0, 40.0, 40.0, 80.0, 40.0, 30.0, 70.0, 10.0, 40.0, 70.0, 30.0, 100.0, 20.0, 40.0, 10.0, 90.0, 0.0, 0.0, 30.0, 0.0, 70.0, 60.0, 70.0, 0.0, 0.0, 90.0, 80.0, 50.0, 30.0, 80.0, 20.0, 10.0, 100.0, 100.0, 30.0, 100.0, 30.0, 0.0, 80.0, 0.0, 40.0, 100.0, 80.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 20.0, 0.0, 50.0, 80.0, 70.0, 0.0, 30.0, 0.0, 100.0, 100.0, 100.0, 100.0, 70.0, 10.0, 100.0, 0.0, 0.0, 70.0, 10.0, 100.0, 80.0, 30.0, 90.0, 0.0, 90.0, 80.0, 60.0, 10.0, 30.0, 70.0, 100.0, 50.0, 0.0, 40.0, 0.0, 10.0, 10.0, 80.0, 90.0, 0.0, 90.0, 100.0, 10.0, 100.0, 100.0, 0.0, 70.0, 90.0, 80.0, 10.0, 30.0, 40.0, 80.0, 0.0, 80.0, 90.0, 50.0, 100.0, 20.0, 10.0, 70.0, 10.0, 0.0, 60.0, 30.0, 10.0, 80.0, 30.0, 100.0, 10.0, 40.0, 100.0, 20.0, 100.0, 10.0, 100.0, 10.0, 40.0, 0.0, 10.0, 100.0, 100.0, 100.0, 0.0, 0.0, 20.0, 50.0, 100.0, 40.0, 20.0, 0.0, 0.0, 100.0, 90.0, 20.0, 10.0, 30.0, 0.0, 80.0, 100.0, 0.0, 100.0, 0.0, 10.0, 0.0, 0.0, 10.0, 100.0, 80.0, 70.0, 100.0, 10.0, 0.0, 80.0, 100.0, 90.0, 90.0, 70.0, 50.0, 10.0, 100.0, 40.0, 100.0, 100.0, 10.0, 90.0, 10.0, 50.0, 0.0, 20.0, 30.0, 60.0, 10.0, 0.0, 20.0, 0.0, 50.0, 10.0, 0.0, 40.0, 50.0, 100.0, 0.0, 70.0, 70.0, 50.0, 100.0, 30.0, 10.0, 60.0, 0.0, 100.0, 90.0, 70.0, 100.0, 100.0, 40.0, 30.0, 0.0, 100.0, 10.0, 50.0, 0.0, 40.0, 50.0, 60.0, 90.0, 50.0, 0.0, 100.0, 100.0, 100.0, 10.0, 0.0, 90.0, 0.0, 100.0, 20.0, 10.0, 100.0, 50.0, 70.0, 90.0, 100.0, 60.0, 100.0, 30.0, 100.0, 40.0, 20.0, 20.0, 0.0, 100.0, 30.0, 100.0, 0.0, 10.0, 90.0, 20.0, 90.0, 20.0, 60.0, 100.0, 100.0, 100.0, 60.0, 90.0, 10.0, 40.0, 80.0, 0.0, 50.0, 100.0, 0.0, 100.0, 30.0, 0.0, 0.0, 100.0, 40.0, 70.0, 30.0, 100.0, 10.0, 10.0, 70.0, 100.0, 20.0, 90.0, 0.0, 0.0, 0.0, 100.0, 0.0, 70.0, 60.0, 30.0, 100.0, 0.0, 10.0, 0.0, 0.0, 0.0, 100.0, 100.0, 20.0, 60.0, 10.0, 10.0, 90.0, 0.0, 10.0, 50.0, 80.0, 20.0, 100.0, 100.0, 100.0, 50.0, 0.0, 0.0, 0.0, 100.0, 10.0, 20.0, 40.0, 20.0, 0.0, 50.0, 20.0, 100.0, 100.0, 0.0, 30.0, 50.0, 80.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 100.0, 10.0, 100.0, 60.0, 90.0, 100.0, 30.0, 0.0, 40.0, 100.0, 0.0, 70.0, 0.0, 40.0, 10.0, 70.0, 70.0, 60.0, 0.0, 90.0, 100.0, 100.0, 0.0, 70.0, 30.0, 0.0, 70.0, 20.0, 100.0, 100.0, 60.0, 0.0, 0.0, 20.0, 30.0, 0.0, 100.0, 0.0, 100.0, 70.0, 100.0, 40.0, 100.0, 0.0, 80.0, 100.0, 60.0, 0.0, 100.0, 100.0, 10.0, 60.0, 40.0, 30.0, 0.0, 100.0, 60.0, 10.0, 10.0, 100.0, 0.0, 10.0, 0.0, 100.0, 0.0, 20.0, 0.0, 0.0, 30.0, 80.0, 90.0, 100.0, 100.0, 100.0, 20.0, 10.0, 30.0, 10.0, 60.0, 90.0, 10.0, 10.0, 80.0, 0.0, 40.0, 80.0, 40.0, 100.0, 100.0, 100.0, 80.0, 100.0, 20.0, 100.0, 0.0, 100.0, 100.0, 0.0, 30.0, 70.0, 100.0, 100.0, 10.0, 10.0, 20.0, 10.0, 70.0, 100.0, 0.0, 10.0, 100.0, 100.0, 0.0, 10.0, 30.0, 10.0, 60.0, 90.0, 70.0, 70.0, 60.0, 10.0, 10.0, 10.0, 0.0, 80.0, 100.0, 70.0, 40.0, 60.0, 60.0, 100.0, 70.0, 30.0, 30.0, 0.0, 80.0, 100.0, 100.0, 60.0, 60.0, 90.0, 50.0, 0.0, 100.0, 90.0, 0.0, 30.0, 0.0, 100.0, 90.0, 90.0, 100.0, 100.0, 80.0, 0.0, 40.0, 0.0, 100.0, 100.0, 30.0, 100.0, 40.0, 100.0, 30.0, 100.0, 0.0, 100.0, 70.0, 100.0, 100.0, 50.0, 50.0, 0.0, 0.0, 70.0, 0.0, 20.0, 80.0, 70.0, 100.0, 70.0, 100.0, 100.0, 100.0, 0.0, 10.0, 0.0, 20.0, 0.0, 20.0, 40.0, 90.0, 10.0, 0.0, 60.0, 100.0, 90.0, 90.0, 100.0, 50.0, 30.0, 40.0, 40.0, 10.0, 20.0, 0.0, 30.0, 20.0, 20.0, 90.0, 70.0, 90.0, 100.0, 70.0, 100.0, 0.0, 30.0, 10.0, 0.0, 50.0, 20.0, 100.0, 70.0, 100.0, 60.0, 100.0, 0.0, 50.0, 100.0, 0.0, 50.0, 10.0, 60.0, 40.0, 100.0, 100.0, 10.0, 100.0, 100.0, 10.0, 40.0, 60.0, 100.0, 100.0, 10.0, 60.0, 0.0, 40.0, 20.0, 100.0, 90.0, 30.0, 100.0, 90.0, 0.0, 0.0, 100.0, 10.0, 80.0, 20.0, 20.0, 40.0, 40.0, 100.0, 10.0, 90.0, 20.0, 100.0, 100.0, 100.0, 70.0, 50.0, 100.0, 90.0, 60.0, 100.0, 100.0, 0.0, 100.0, 70.0, 30.0, 80.0, 0.0, 30.0, 50.0, 10.0, 50.0, 50.0, 100.0, 100.0, 0.0, 100.0, 100.0, 0.0, 10.0, 100.0, 90.0, 100.0, 100.0, 100.0, 10.0, 30.0, 0.0, 100.0, 100.0, 0.0, 40.0, 50.0, 100.0, 100.0, 0.0, 0.0, 30.0, 0.0, 40.0, 70.0, 70.0, 100.0, 0.0, 70.0, 0.0, 20.0, 0.0, 20.0, 0.0, 20.0, 30.0, 40.0, 100.0, 50.0, 100.0, 10.0, 100.0, 80.0, 100.0, 60.0, 20.0, 0.0, 30.0, 10.0, 100.0, 100.0, 50.0, 80.0, 100.0, 0.0, 100.0, 70.0, 100.0, 100.0, 70.0, 0.0, 0.0, 100.0, 30.0, 80.0, 20.0, 90.0, 60.0, 30.0, 50.0, 100.0, 50.0, 100.0, 100.0, 10.0, 0.0, 100.0, 20.0, 100.0, 0.0, 100.0, 50.0, 60.0, 100.0, 0.0, 80.0, 100.0, 100.0, 90.0, 100.0, 60.0, 100.0, 20.0, 10.0, 50.0, 60.0, 100.0, 90.0, 100.0, 10.0, 0.0, 20.0, 0.0, 80.0, 0.0, 100.0, 90.0, 20.0, 10.0, 100.0, 100.0, 70.0, 40.0, 10.0, 30.0, 30.0, 0.0, 100.0, 100.0, 50.0, 80.0, 0.0, 100.0, 100.0, 10.0, 20.0, 100.0, 100.0, 60.0, 30.0, 0.0, 0.0, 100.0, 20.0, 100.0, 100.0, 80.0, 10.0, 60.0, 100.0, 10.0, 90.0, 50.0, 0.0, 100.0, 0.0, 100.0, 30.0, 40.0, 100.0, 10.0, 20.0, 0.0, 0.0, 100.0, 10.0, 100.0, 50.0, 0.0, 70.0, 40.0, 100.0, 0.0, 90.0, 30.0, 70.0, 0.0, 60.0, 100.0, 100.0, 60.0, 80.0, 100.0, 90.0, 50.0, 100.0, 0.0, 60.0, 100.0, 100.0, 80.0, 100.0, 100.0, 60.0, 0.0, 100.0, 80.0, 80.0, 100.0, 70.0, 0.0, 50.0, 30.0, 40.0, 100.0, 100.0, 40.0, 0.0, 30.0, 70.0, 10.0, 100.0, 0.0, 30.0, 10.0, 10.0, 100.0, 0.0, 40.0, 20.0, 10.0, 100.0, 90.0, 100.0, 40.0, 100.0, 30.0, 10.0, 0.0, 0.0, 100.0, 30.0, 70.0, 60.0, 0.0, 10.0, 20.0, 80.0, 100.0, 0.0, 100.0, 60.0, 0.0, 20.0, 100.0, 100.0, 100.0, 0.0, 0.0, 70.0, 0.0, 60.0, 20.0, 40.0, 40.0, 60.0, 40.0, 10.0, 50.0, 80.0, 30.0, 30.0, 100.0, 60.0, 0.0, 70.0, 20.0, 40.0, 20.0, 100.0, 40.0, 50.0, 20.0, 40.0, 40.0, 70.0, 100.0, 50.0, 90.0, 80.0, 100.0, 50.0, 20.0, 40.0, 40.0, 90.0, 40.0, 10.0, 100.0, 0.0, 30.0, 100.0, 80.0, 100.0, 70.0, 10.0, 100.0, 100.0, 40.0, 0.0, 10.0, 100.0, 50.0, 100.0, 100.0, 30.0, 100.0, 20.0, 100.0, 100.0, 30.0, 30.0, 80.0, 100.0, 10.0, 70.0, 80.0, 90.0, 30.0, 100.0, 100.0, 100.0, 30.0, 100.0, 80.0, 0.0, 10.0, 60.0, 90.0, 100.0, 100.0, 60.0, 30.0, 100.0, 10.0, 30.0, 100.0, 20.0, 100.0, 20.0, 0.0, 10.0, 100.0, 100.0, 20.0, 0.0, 100.0, 90.0, 0.0, 100.0, 100.0, 0.0, 20.0, 30.0, 0.0, 100.0, 90.0, 100.0, 60.0, 20.0, 100.0, 100.0, 0.0, 0.0, 30.0, 30.0, 100.0, 100.0, 0.0, 100.0, 100.0, 10.0, 70.0, 10.0, 20.0, 40.0, 100.0, 0.0, 10.0, 40.0, 100.0, 30.0, 100.0, 10.0, 10.0, 30.0, 40.0, 30.0, 0.0, 30.0, 50.0, 40.0, 50.0, 20.0, 100.0, 100.0, 100.0, 100.0, 20.0, 90.0, 30.0, -1.0, 50.0, 0.0, 80.0, 100.0, 100.0, 0.0, 30.0, 80.0, 30.0, 100.0, 100.0, 0.0, 10.0, 20.0, 70.0, 50.0, 0.0, 100.0, 100.0, 10.0, 0.0, 100.0, 0.0, 20.0, 30.0, 20.0, 10.0, 90.0, 20.0, 100.0, 70.0, 100.0, 0.0, 10.0, 90.0, 50.0, 10.0, 100.0, 0.0, 20.0, 30.0, 100.0, 10.0, 10.0, 60.0, 10.0, 60.0, 100.0, 100.0, 90.0, 10.0, 10.0, 60.0, 90.0, 70.0, 40.0, 20.0, 40.0, 30.0, 100.0, 20.0, 90.0, 20.0, 10.0, 100.0, 60.0, 60.0, 50.0, 50.0, 80.0, 0.0, 100.0, 100.0, 30.0, 10.0, 100.0, 100.0, 90.0, 80.0, 80.0, 10.0, 30.0, 20.0, 100.0, 30.0, 20.0, 20.0, 50.0, 80.0, 0.0, 30.0, 80.0, 100.0, 100.0, 100.0, 10.0, 40.0, 100.0, 0.0, 0.0, 20.0, 60.0, 90.0, 100.0, 100.0, 60.0, 50.0, 100.0, 100.0, 70.0, 60.0, 10.0, 60.0, 30.0, 70.0, 100.0, 20.0, 70.0, 70.0, 0.0, 40.0, 100.0, 100.0, 80.0, 100.0, 100.0, 0.0, 40.0, 90.0, 0.0, 0.0, 60.0, 100.0, 0.0, 20.0, 100.0, 40.0, 50.0, 0.0, 100.0, 80.0, 60.0, 100.0, 10.0, 100.0, 40.0, 100.0, 0.0, 0.0, 0.0, 0.0, 20.0, 100.0, 0.0, 80.0, 40.0, 0.0, 60.0, 20.0, 0.0, 60.0, 30.0, 60.0, 0.0, 70.0, 50.0, 0.0, 100.0, 40.0, 100.0, 100.0, 70.0, 10.0, 60.0, 100.0, 20.0, 100.0, 10.0, 50.0, 80.0, 60.0, 60.0, 50.0, 70.0, 30.0, 50.0, 0.0, 10.0, 60.0, 30.0, 10.0, 100.0, 10.0, 70.0, 0.0, 0.0, 30.0, 0.0, 10.0, 0.0, 10.0, 100.0, 90.0, 0.0, 90.0, 20.0, 0.0, 0.0, 0.0, 10.0, 30.0, 100.0, 100.0, 0.0, 100.0, 0.0, 50.0, 0.0, 90.0, 30.0, 20.0, 10.0, 100.0, 20.0, 10.0, 40.0, 0.0, 100.0, 10.0, 20.0, 20.0, 60.0, 10.0, 0.0, 20.0, 10.0, 100.0, 80.0, 100.0, 100.0, 0.0, 30.0, 10.0, 0.0, 100.0, 20.0, 20.0, 30.0, 100.0, 50.0, 20.0, 20.0, 0.0, 100.0, 80.0, 90.0, 100.0, 10.0, 10.0, 60.0, 100.0, 100.0, 100.0, 100.0, 60.0, 70.0, 0.0, 90.0, 60.0, 0.0, 50.0, 0.0, 0.0, 20.0, 30.0, 0.0, 100.0, 70.0, 20.0, 100.0, 90.0, 0.0, 70.0, 100.0, 30.0, 60.0, 50.0, 70.0, 20.0, 100.0, 10.0, 100.0, 30.0, 100.0, 30.0, 60.0, 100.0, 100.0, 10.0, 40.0, 40.0, 100.0, 20.0, 20.0, 100.0, 70.0, 40.0, 10.0, 100.0, 60.0, 100.0, 10.0, 100.0, 90.0, 100.0, 100.0, 0.0, 0.0, 20.0, 40.0, 30.0, 100.0, 90.0, 100.0, 0.0, 100.0, 30.0, 50.0, 0.0, 0.0, 100.0, 100.0, 70.0, 90.0, 100.0, 100.0, 0.0, 30.0, 100.0, 60.0, 80.0, 20.0, 0.0, 10.0, 70.0, 100.0, 40.0, 100.0, 100.0, 90.0, 100.0, 30.0, 100.0, 100.0, 70.0, 80.0, 0.0, 70.0, 100.0, 0.0, 80.0, 20.0, 30.0, 30.0, 70.0, 20.0, 100.0, 100.0, 0.0, 0.0, 100.0, 100.0, 40.0, 100.0, 100.0, 0.0, 0.0, 40.0, 90.0, 10.0, 0.0, 100.0, 10.0, 0.0, 10.0, 100.0, 50.0, 60.0, 0.0, 20.0, 0.0, 50.0, 0.0, 100.0, 60.0, 100.0, 0.0, 10.0, 10.0, 60.0, 100.0, 100.0, 70.0, 20.0, 0.0, 50.0, 100.0, 100.0, 20.0, 50.0, 30.0, 100.0, 0.0, 40.0, 100.0, 100.0, 30.0, 100.0, 60.0, 70.0, 90.0, 0.0, 100.0, 100.0, 0.0, 40.0, 20.0, 80.0, 100.0, 40.0, 80.0, 0.0, 100.0, 0.0, 40.0, 50.0, 100.0, 40.0, 100.0, 70.0, 10.0, 10.0, 100.0, 90.0, 100.0, 90.0, 100.0, 100.0, 90.0, 100.0, 20.0, 20.0, 100.0, 60.0, 0.0, 100.0, 0.0, 70.0, 80.0, 20.0, 50.0, 80.0, 0.0, 30.0, 0.0, 0.0, 0.0, 20.0, 90.0, 90.0, 0.0, 100.0, 60.0, 0.0, 50.0, 100.0, 90.0, 0.0, 100.0, 0.0, 20.0, 30.0, 90.0, 20.0, 60.0, 0.0, 10.0, 100.0, 0.0, 0.0, 100.0, 0.0, 100.0, 100.0, 100.0, 70.0, 100.0, 20.0, 100.0, 100.0, 100.0, 0.0, 40.0, 20.0, 100.0, 100.0, 100.0, 0.0, 40.0, 60.0, 40.0, 60.0, 50.0, 60.0, 100.0, 30.0, 80.0, 20.0, 70.0, 60.0, 40.0, 80.0, 40.0, 50.0, 100.0, 40.0, 10.0, 0.0, 100.0, 20.0, -1.0, 100.0, 20.0, 100.0, 100.0, 70.0, 60.0, 90.0, 0.0, 0.0, 90.0, 0.0, 10.0, 30.0, 10.0, 100.0, 0.0, 10.0, 50.0, 50.0, 50.0, 80.0, 70.0, 60.0, 90.0, 0.0, 40.0, 90.0, 70.0, 100.0, 10.0, 20.0, 100.0, 10.0, 30.0, 80.0, 20.0, 100.0, 100.0, 0.0, 0.0, 20.0, 100.0, 100.0, 90.0, 20.0, 100.0, 60.0, 60.0, 0.0, 10.0, 100.0, 70.0, 10.0, 20.0, 20.0, 0.0, 0.0, 50.0, 0.0, 50.0, 100.0, 100.0, 100.0, 50.0, 100.0, 100.0, 40.0, 40.0, 0.0, 50.0, 100.0, 40.0, 100.0, 40.0, 100.0, 90.0, 20.0, 20.0, 10.0, 100.0, 30.0, 0.0, 100.0, 50.0, 0.0, 10.0, 0.0, 100.0, 60.0, 0.0, 20.0, 20.0, 0.0, 50.0, 0.0]}
| [
"[email protected]"
]
| |
12c03e0136926e99299b7f34ac1906d3942df778 | f0d713996eb095bcdc701f3fab0a8110b8541cbb | /pzXrBSiQdMqvRWazp_19.py | 7f991dbda4e79416075e6ab120701b4d37e78023 | []
| no_license | daniel-reich/turbo-robot | feda6c0523bb83ab8954b6d06302bfec5b16ebdf | a7a25c63097674c0a81675eed7e6b763785f1c41 | refs/heads/main | 2023-03-26T01:55:14.210264 | 2021-03-23T16:08:01 | 2021-03-23T16:08:01 | 350,773,815 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 991 | py | """
Imagine you run a website that presents users with different coding challenges
in levels Easy, Medium, and Hard, where users get points for completing
challenges. An _Easy_ challenge is worth `5` points, a _Medium_ challenge is
worth `10` points, and a _Hard_ challenge is worth `20` points.
Create a function that takes the amount of challenges a user has completed for
each challenge level, and calculates the user's total number of points. Keep
in mind that a user cannot complete negative challenges, so the function
should return the string `"invalid"` if any of the passed parameters are
negative.
### Examples
score_calculator(1, 2, 3) ➞ 85
score_calculator(1, 0, 10) ➞ 205
score_calculator(5, 2, -6) ➞ "invalid"
### Notes
N/A
"""
def score_calculator(easy, med, hard):
if easy < 0 or med < 0 or hard < 0:
return "invalid"
sumEasy = easy * 5
sumMed = med * 10
sumHard = hard * 20
sum = sumEasy + sumMed + sumHard
return sum
| [
"[email protected]"
]
| |
e969edd68f04ac0c73ce426cfef0f6feafce4b3b | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p02407/s301960424.py | a10803ef0f9b093d880f02df430cca95ab0192af | []
| no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 232 | py | import sys
n = int( sys.stdin.readline() )
nums = sys.stdin.readline().rstrip().split( " " )
nums.reverse()
output = []
for i in range( n ):
output.append( nums[i] )
if i < (n-1):
output.append( " " )
print( "".join( output ) ) | [
"[email protected]"
]
| |
34151eaa6872df5b6510a87dfdd997d91fd16980 | 7a35edf3f38622c94df0b0f7bdcbd1a9ae63fd3d | /app/slack/tests/test_slack_service.py | 82f0afea1ee91fc9359032b39a5b3f8f71261f16 | []
| no_license | hamimhamim21/clerk | 2d0cc846c99f6c7f80f7a0fe6ac9e0cc447dbd8f | e39122d37bbc938af154e5f74fa45f34e1195fa1 | refs/heads/master | 2022-10-01T20:25:42.795653 | 2020-06-04T02:31:08 | 2020-06-04T02:31:08 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,439 | py | import json
import pytest
import responses
from slack.services import send_slack_message
from slack.models import SlackUser, SlackChannel, SlackMessage
@responses.activate
@pytest.mark.django_db
@pytest.mark.parametrize("slug", ["client-intake", "landing-form"])
def test_send_submission_slack(slug):
"""
Ensure send_submission_slack call Slack without anything exploding
https://github.com/getsentry/responses
"""
# Set up API response.
responses.add(
method=responses.POST, url="https://example.com", status=200, json={}
) # Not used
# Prepare database
channel = SlackChannel.objects.last()
assert channel.webhook_url == "https://example.com"
msg = SlackMessage.objects.select_related("channel").get(slug=slug)
assert msg.channel == channel
user_1 = SlackUser.objects.create(name="Alice", slack_id="1234")
user_2 = SlackUser.objects.create(name="Bob", slack_id="5678")
msg.users.add(user_1)
msg.users.add(user_2)
msg.save()
# Send the message
text = "This is a cool Slack message!"
send_slack_message(msg.slug, text)
# Check it worked!
assert len(responses.calls) == 1
body_text = responses.calls[0].request.body.decode("utf-8")
body_json = json.loads(body_text)
assert body_json["text"] == (
"Hi <@1234> and <@5678>.\n\n"
"This is a cool Slack message!\n\n"
":heart: Client Bot :robot_face:"
)
| [
"[email protected]"
]
| |
5d76d28eb84b8d878d86d65b0351df821c2ffe28 | 67117705720a3e3d81253ba48c1826d36737b126 | /Wk9_STRANDS/optimum_clusters_DBSCAN.py | f85c49fff153b79e54df7ac3e897fa742f6afa7d | []
| no_license | pyliut/Rokos2021 | 41f0f96bc396b6e8a5e268e31a38a4a4b288c370 | 70753ab29afc45766eb502f91b65cc455e6055e1 | refs/heads/main | 2023-08-13T17:29:30.013829 | 2021-09-26T19:01:35 | 2021-09-26T19:01:35 | 382,092,802 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,593 | py | # -*- coding: utf-8 -*-
"""
Created on Fri Aug 27 13:24:13 2021
@author: pyliu
"""
import pandas as pd
import matplotlib.pyplot as plt
from matplotlib import cm
import numpy as np
import math
import scipy as sp
from scipy import stats
import sklearn
from sklearn.cluster import DBSCAN
from sklearn.metrics import silhouette_score
from sklearn.metrics import calinski_harabasz_score
from sklearn.metrics import davies_bouldin_score
def optimum_clusters_DBSCAN(distance_matrix, method = "ss", min_samples = 1):
"""
Returns score for each choice of n_cluster
Parameters
----------
distance_matrix : TYPE
DESCRIPTION.
method : STR
Choose from ["ss", "ch", "db"], where "ss" uses silhouette score, "ch" uses Calinski-Harabasz index, "db" uses Davies-Bouldin index.
The default is "ss".
min_samples : INT
another tuning param for DBSCAN. The Default is 1.
Raises
------
ValueError
When method is invalid.
Can only be one of ["ss", "ch", "db"]
Returns
-------
tune_list : INT, vector
tuning param
s_list : FLOAT, vector
score for each value of tuning parameter
"""
samples = np.arange(1,min_samples+1,1)
tune = np.arange(0.03,0.99,0.01)
s_dict = {}
tune_dict = {}
for j in samples:
s_list = [] #score list
tune_list = [] #corresponding tuning params
for i in tune:
clustering = DBSCAN(eps = i, min_samples = j, metric='precomputed')
labels = clustering.fit_predict( distance_matrix )
if len(np.unique(labels)) < 2:
continue
if method == "ss":
s = silhouette_score(distance_matrix , labels, metric='euclidean')
elif method == "ch":
s = calinski_harabasz_score(distance_matrix , labels)
elif method == "db":
s = davies_bouldin_score(distance_matrix , labels)
else:
raise ValueError("Method can be one of ['ss','ch','db']")
s_list.append(s)
tune_list.append(i)
s_dict[str(j)] = s_list
tune_dict[str(j)] = tune_list
plt.plot(tune_list,s_list)
if method == "ss":
print("min_samples:",j)
print("Optimum tuning param:",np.round(tune_list[np.argmax(s_list)],4))
print("Max SS:", np.round(np.max(s_list),4))
elif method == "ch":
print("min_samples:",j)
print("Optimum tuning param:",np.round(tune_list[np.argmax(s_list)],4))
print("Max CH:", np.round(np.max(s_list),4))
elif method == "db":
print("min_samples:",j)
print("Optimum tuning param:",np.round(tune_list[np.argmin(s_list)],4))
print("Min DB:", np.round(np.min(s_list),4))
else:
raise ValueError("Method can be one of ['ss','ch','db']")
plt.xlabel("tuning param")
plt.xlim([tune_list[0], tune_list[-1]]);
plt.legend(samples)
if method == "ss":
plt.title("Silhouette Coefficient")
plt.ylabel("Silhouette coeff")
elif method == "ch":
plt.title("Calinski-Harabasz Index")
plt.ylabel("CH Index")
elif method == "db":
plt.title("Davies-Bouldin Index")
plt.ylabel("DB Index")
else:
raise ValueError("Method can be one of ['ss','ch','db']")
return tune_dict, s_dict | [
"[email protected]"
]
| |
00c5161c9f2a576c3823118a495a77ffe2d93f6f | 7b8105666c77c80737e2cf4e8f89e85fedda74af | /SBaaS_ale/stage01_ale_trajectories_postgresql_models.py | bc5e630a390c384ca7cf098ec10e2f921cfe104c | [
"MIT"
]
| permissive | dmccloskey/SBaaS_ale | 0869a52889bf66a9c26b9343bdfa4cec00fe99c3 | e225162b2f90117cfecbc0065a43382571dce95a | refs/heads/master | 2021-01-13T00:16:48.458778 | 2016-02-14T01:03:31 | 2016-02-14T01:03:31 | 51,099,927 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 6,061 | py | from SBaaS_base.postgresql_orm_base import *
class data_stage01_ale_trajectories(Base):
__tablename__ = 'data_stage01_ale_trajectories'
id = Column(Integer, Sequence('data_stage01_ale_trajectories_id_seq'), primary_key=True)
experiment_id = Column(String(50))
ale_id = Column(String(100))
ale_time=Column(Float,nullable=False);
ale_time_units=Column(String(50))
generations=Column(Float)
ccd=Column(Float) #cumulative cell divisions
rate = Column(Float)
rate_units = Column(String(50))
used_ = Column(Boolean)
comment_ = Column(Text);
__table_args__ = (UniqueConstraint('experiment_id','ale_id','ale_time','ale_time_units','rate_units'),
)
def __init__(self,data_dict_I):
self.ale_id=data_dict_I['ale_id'];
self.ale_time=data_dict_I['ale_time'];
self.ale_time_units=data_dict_I['ale_time_units'];
self.generations=data_dict_I['generations'];
self.ccd=data_dict_I['ccd'];
self.rate=data_dict_I['rate'];
self.rate_units=data_dict_I['rate_units'];
self.comment_=data_dict_I['comment_'];
self.used_=data_dict_I['used_'];
self.experiment_id=data_dict_I['experiment_id'];
def __set__row__(self,
experiment_id_I,
ale_id_I,
ale_time_I,
ale_time_units_I,
generations_I,
ccd_I,
rate_I,
rate_units_I,
used__I,
comment__I):
self.experiment_id=experiment_id_I
self.ale_id=ale_id_I
self.ale_time=ale_time_I
self.ale_time_units=ale_time_units_I
self.generations=generations_I
self.ccd=ccd_I
self.rate=rate_I
self.rate_units=rate_units_I
self.used_=used__I
self.comment_=comment__I
def __repr__dict__(self):
return {'experiment_id':self.experiment_id,
'ale_id':self.ale_id,
'ale_time':self.ale_time,
'ale_time_units':self.ale_time_units,
'generations':self.generations,
'ccd':self.ccd,
'rate':self.rate,
'rate_units':self.rate_units,
'used_':self.used_,
'comment_':self.comment_}
def __repr__json__(self):
return json.dumps(self.__repr__dict__())
class data_stage01_ale_jumps(Base):
__tablename__ = 'data_stage01_ale_jumps'
id = Column(Integer, Sequence('data_stage01_ale_jumps_id_seq'), primary_key=True)
experiment_id = Column(String(50), primary_key=True)
ale_id = Column(String(100))
jump_region_start = Column(Float)
jump_region_stop = Column(Float)
used_ = Column(Boolean)
comment_ = Column(Text);
def __init__(self,data_dict_I):
pass;
def __set__row__(self,experiment_id_I,
ale_id_I,
ale_time_I,
ale_time_units_I,
rate_fitted_I,
rate_fitted_units_I,
jump_region_I,
used__I,
comment__I):
self.experiment_id=experiment_id_I
self.ale_id=ale_id_I
self.ale_time=ale_time_I
self.ale_time_units=ale_time_units_I
self.rate_fitted=rate_fitted_I
self.rate_fitted_units=rate_fitted_units_I
self.jump_region=jump_region_I
self.used_=used__I
self.comment_=comment__I
def __repr__dict__(self):
return {'experiment_id':self.experiment_id,
'ale_id':self.ale_id,
'ale_time':self.ale_time,
'ale_time_units':self.ale_time_units,
'rate_fitted':self.rate_fitted,
'rate_fitted_units':self.rate_fitted_units,
'jump_region':self.jump_region,
'used_':self.used_,
'comment_':self.comment_}
def __repr__json__(self):
return json.dumps(self.__repr__dict__())
class data_stage01_ale_stocks(Base):
__tablename__ = 'data_stage01_ale_stocks'
id = Column(Integer, Sequence('data_stage01_ale_stocks_id_seq'), primary_key=True)
experiment_id = Column(String(50))
ale_id = Column(String(100))
sample_name_abbreviation = Column(String(100))
time_point=Column(String(10));
ale_time=Column(Float,nullable=False);
ale_time_units=Column(String(50))
used_ = Column(Boolean)
comment_ = Column(Text);
__table_args__ = (UniqueConstraint('experiment_id','ale_id','sample_name_abbreviation','time_point','ale_time','ale_time_units'),
)
def __init__(self,data_dict_I):
self.ale_id=data_dict_I['ale_id'];
self.sample_name_abbreviation=data_dict_I['sample_name_abbreviation'];
self.used_=data_dict_I['used_'];
self.ale_time=data_dict_I['ale_time'];
self.comment_=data_dict_I['comment_'];
self.time_point=data_dict_I['time_point'];
self.ale_time_units=data_dict_I['ale_time_units'];
self.experiment_id=data_dict_I['experiment_id'];
def __set__row__(self,
experiment_id_I,
ale_id_I,
sample_name_abbreviation_I,
time_point_I,
ale_time_I,
ale_time_units_I,
used__I,
comment__I):
self.experiment_id=experiment_id_I
self.ale_id=ale_id_I
self.ale_time=ale_time_I
self.ale_time_units=ale_time_units_I
self.time_point=time_point_I
self.sample_name_abbreviation=sample_name_abbreviation_I
self.used_=used__I
self.comment_=comment__I
def __repr__dict__(self):
return {'experiment_id':self.experiment_id,
'ale_id':self.ale_id,
'ale_time':self.ale_time,
'ale_time_units':self.ale_time_units,
'time_point':self.time_point,
'sample_name_abbreviation':self.sample_name_abbreviation,
'used_':self.used_,
'comment_':self.comment_}
def __repr__json__(self):
return json.dumps(self.__repr__dict__()) | [
"[email protected]"
]
| |
120af89528e612d011e34a302f1de490cc9cb1af | 6589653c2a1455b6482a3ab04c9aa00b8909787e | /Fundamentals of Python Programming/2 week(loops-if-else)/morn_run.py | 461b16ac7b484a45e7378983e61af1d6c3606717 | []
| no_license | Sergey-Laznenko/Coursera | 865e4e46954b581ce73c5064034946fc34c767f4 | a44575c98d0e60f5709932f7fdb8cec7536da220 | refs/heads/master | 2022-12-24T17:25:33.531101 | 2020-10-07T15:45:04 | 2020-10-07T15:45:04 | 281,923,973 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 98 | py | x, y = int(input()), int(input())
score = 1
while x < y:
x *= 1.1
score += 1
print(score)
| [
"[email protected]"
]
| |
f4e8b00eaaf6d0a6068ad4122cf0673de696d7f6 | 45de5d3a46623222adab00f1f2905d89708aa492 | /tests/test_writer.py | c358686e03ffc64faa8009081a4266ed1ec88461 | [
"BSD-3-Clause"
]
| permissive | jayvdb/pyexcel-xls | 9ccc0439df9499b8711b69740a9ebd391bce67f2 | e191abd3c329d1459c843204a5d5acde14dc2da7 | refs/heads/master | 2020-12-11T03:54:30.494345 | 2016-05-10T03:21:25 | 2016-05-10T06:43:32 | 57,425,804 | 0 | 0 | null | 2016-04-30T03:42:12 | 2016-04-30T03:42:11 | Python | UTF-8 | Python | false | false | 1,447 | py | import os
from pyexcel_xls.xls import XLSWriter, XLSBook
from base import PyexcelWriterBase, PyexcelHatWriterBase
class TestNativeXLWriter:
def test_write_book(self):
self.content = {
"Sheet1": [[1, 1, 1, 1], [2, 2, 2, 2], [3, 3, 3, 3]],
"Sheet2": [[4, 4, 4, 4], [5, 5, 5, 5], [6, 6, 6, 6]],
"Sheet3": [[u'X', u'Y', u'Z'], [1, 4, 7], [2, 5, 8], [3, 6, 9]]
}
self.testfile = "xlwriter.xls"
writer = XLSWriter()
writer.open(self.testfile)
writer.write(self.content)
writer.close()
reader = XLSBook()
reader.open(self.testfile)
content = reader.read_all()
reader.close()
for key in content.keys():
content[key] = list(content[key])
assert content == self.content
def tearDown(self):
if os.path.exists(self.testfile):
os.unlink(self.testfile)
class TestXLSnCSVWriter(PyexcelWriterBase):
def setUp(self):
self.testfile="test.xls"
self.testfile2="test.csv"
def tearDown(self):
if os.path.exists(self.testfile):
os.unlink(self.testfile)
if os.path.exists(self.testfile2):
os.unlink(self.testfile2)
class TestXLSHatWriter(PyexcelHatWriterBase):
def setUp(self):
self.testfile="test.xls"
def tearDown(self):
if os.path.exists(self.testfile):
os.unlink(self.testfile)
| [
"[email protected]"
]
| |
ff7c3b59b4e78c80186597eeeca89b557c13fbc7 | 94f1c6d11953bab63a5ce468cf279e409a45eb9b | /Round B/Palindromes.py | 42fdc22fcff2938725d7869ab1e5bfeb55c89edf | []
| no_license | rocket3989/KickStart2019 | 582434385842e6d82c638805f79a91bee861000f | 37a96a100b9b3c16116ac29d74826f8d6e4ee3f6 | refs/heads/master | 2020-05-01T08:39:01.632233 | 2019-04-29T00:02:31 | 2019-04-29T00:02:31 | 177,383,386 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 792 | py | from collections import defaultdict
T = int(input())
for test in range(1,T + 1):
N, Q = list(map(int, input().split()))
stringIn = input()
correct = 0
for question in range(Q):
L, R = list(map(int, input().split()))
charCount = defaultdict(int)
for c in stringIn[L-1:R:]:
charCount[c] += 1
odds = 0
for k, v in charCount.items():
if v % 2 == 1:
odds += 1
if odds > 1:
continue
if odds == 1:
if (R - L) % 2 == 0:
correct += 1
continue
else:
if (R - L) % 2 == 1:
correct += 1
continue
print("Case #{}: {}".format(test,correct)) | [
"[email protected]"
]
| |
57a63773e18313b81b384addf36304382c2a0ac4 | 2e682fd72e3feaa70e3f7bf2a3b83c50d783ec02 | /PyTorch/contrib/cv/classification/Centroids-reid/pytorch_lightning/trainer/connectors/debugging_connector.py | ecba35d5dbf55f3b03d6bd297f7778a67ddfd510 | [
"Apache-2.0",
"BSD-2-Clause",
"MIT",
"BSD-3-Clause",
"LicenseRef-scancode-generic-cla",
"LicenseRef-scancode-unknown-license-reference",
"GPL-1.0-or-later"
]
| permissive | Ascend/ModelZoo-PyTorch | 4c89414b9e2582cef9926d4670108a090c839d2d | 92acc188d3a0f634de58463b6676e70df83ef808 | refs/heads/master | 2023-07-19T12:40:00.512853 | 2023-07-17T02:48:18 | 2023-07-17T02:48:18 | 483,502,469 | 23 | 6 | Apache-2.0 | 2022-10-15T09:29:12 | 2022-04-20T04:11:18 | Python | UTF-8 | Python | false | false | 3,825 | py | # Copyright The PyTorch Lightning team.
#
# 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.
from typing import Union
from pytorch_lightning.loggers.base import DummyLogger
from pytorch_lightning.utilities import rank_zero_info, rank_zero_warn
from pytorch_lightning.utilities.exceptions import MisconfigurationException
class DebuggingConnector:
def __init__(self, trainer):
self.trainer = trainer
def on_init_start(
self,
limit_train_batches,
limit_val_batches,
limit_test_batches,
val_check_interval,
overfit_batches,
fast_dev_run
):
if not isinstance(fast_dev_run, (bool, int)):
raise MisconfigurationException(
f'fast_dev_run={fast_dev_run} is not a valid configuration.'
' It should be either a bool or an int >= 0'
)
if isinstance(fast_dev_run, int) and (fast_dev_run < 0):
raise MisconfigurationException(
f'fast_dev_run={fast_dev_run} is not a'
' valid configuration. It should be >= 0.'
)
self.trainer.fast_dev_run = fast_dev_run
fast_dev_run = int(fast_dev_run)
# set fast_dev_run=True when it is 1, used while logging
if fast_dev_run == 1:
self.trainer.fast_dev_run = True
if fast_dev_run:
limit_train_batches = fast_dev_run
limit_val_batches = fast_dev_run
limit_test_batches = fast_dev_run
self.trainer.max_steps = fast_dev_run
self.trainer.num_sanity_val_steps = 0
self.trainer.max_epochs = 1
self.trainer.val_check_interval = 1.0
self.trainer.check_val_every_n_epoch = 1
self.trainer.logger = DummyLogger()
rank_zero_info(
'Running in fast_dev_run mode: will run a full train,'
f' val and test loop using {fast_dev_run} batch(es).'
)
self.trainer.limit_train_batches = _determine_batch_limits(limit_train_batches, 'limit_train_batches')
self.trainer.limit_val_batches = _determine_batch_limits(limit_val_batches, 'limit_val_batches')
self.trainer.limit_test_batches = _determine_batch_limits(limit_test_batches, 'limit_test_batches')
self.trainer.val_check_interval = _determine_batch_limits(val_check_interval, 'val_check_interval')
self.trainer.overfit_batches = _determine_batch_limits(overfit_batches, 'overfit_batches')
self.determine_data_use_amount(self.trainer.overfit_batches)
def determine_data_use_amount(self, overfit_batches: float) -> None:
"""Use less data for debugging purposes"""
if overfit_batches > 0:
self.trainer.limit_train_batches = overfit_batches
self.trainer.limit_val_batches = overfit_batches
self.trainer.limit_test_batches = overfit_batches
def _determine_batch_limits(batches: Union[int, float], name: str) -> Union[int, float]:
if 0 <= batches <= 1:
return batches
elif batches > 1 and batches % 1.0 == 0:
return int(batches)
else:
raise MisconfigurationException(
f'You have passed invalid value {batches} for {name}, it has to be in [0.0, 1.0] or an int.'
)
| [
"[email protected]"
]
| |
1ee46e0d51b12b2f0ee4cf3c4614bf1e2147a3aa | 16dbe8b1be0cd360ac1062072430f1f2b7d95bd6 | /FlightPlanner/NpaOnFix/NpaOnFixDlg.py | 6636f19620239491fd32c6104147b3937f373d5a | []
| no_license | developer124320/FlightPlanner | 4a0d9a450ddddede95512ad76437db2906154536 | f1e4c762c360c0a00022ae6fa028fc1aee2a467d | refs/heads/master | 2022-08-25T14:00:57.495037 | 2020-05-27T01:26:27 | 2020-05-27T01:26:27 | 267,186,057 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 38,652 | py | # -*- coding: UTF-8 -*-
'''
Created on 30 Jun 2014
@author: Administrator
'''
from PyQt4.QtCore import SIGNAL, QCoreApplication,QString, Qt, QVariant, QSizeF
from PyQt4.QtGui import QColor,QMessageBox,QTextDocument,QFont, QFileDialog, QLabel, QSpinBox, QFrame, QHBoxLayout
from qgis.core import QgsCoordinateReferenceSystem,QgsPoint, QGis, QgsGeometry, QgsVectorLayer, \
QgsVectorFileWriter, QgsField, QgsSvgMarkerSymbolLayerV2, QgsCategorizedSymbolRendererV2, QgsSingleSymbolRendererV2, \
QgsSymbolV2, QgsRendererCategoryV2, QgsGeometry, QgsPalLayerSettings
from qgis.gui import QgsMapTool, QgsRubberBand, QgsMapToolPan, QgsTextAnnotationItem
from FlightPlanner.FlightPlanBaseDlg import FlightPlanBaseDlg
from FlightPlanner.types import CriticalObstacleType, ObstacleTableColumnType, SurfaceTypes, \
DistanceUnits,AircraftSpeedCategory, RnavGnssFlightPhase, AltitudeUnits, \
RnavCommonWaypoint, RnavFlightPhase, ConstructionType, RnavSpecification, IntersectionStatus,\
TurnDirection,RnavWaypointType, AngleUnits, OffsetGapType
from FlightPlanner.NpaOnFix.ui_NpaOnFix import Ui_NpaOnFix
from FlightPlanner.Panels.PositionPanel import PositionPanel
from FlightPlanner.Panels.RnavTolerancesPanel import RnavTolerancesPanel
from FlightPlanner.helpers import Altitude, Unit, Distance, MathHelper, Speed
from FlightPlanner.BasicGNSS.rnavWaypoints import RnavWaypoints
from FlightPlanner.CaptureBearingTool import CaptureBearingTool
from FlightPlanner.AcadHelper import AcadHelper
from FlightPlanner.polylineArea import PolylineArea, PolylineAreaPoint
from FlightPlanner.QgisHelper import QgisHelper
from FlightPlanner.Holding.HoldingRnav.HoldingTemplateRnav import HoldingTemplateRnav
from FlightPlanner.Holding.HoldingTemplate import HoldingTemplate
from FlightPlanner.Panels.WindPanel import WindPanel
from FlightPlanner.Holding.HoldingTemplateBase import HoldingTemplateBase
from FlightPlanner.types import Point3D, Point3dCollection
from FlightPlanner.Obstacle.ObstacleArea import PrimaryObstacleArea, ComplexObstacleArea, SecondaryObstacleArea, SecondaryObstacleAreaWithManyPoints
from FlightPlanner.Obstacle.ObstacleTable import ObstacleTable
from FlightPlanner.DataHelper import DataHelper
from FlightPlanner.IasHelp.IasHelpDlg import IasHelpDlg
from FlightPlanner.messages import Messages
from FlightPlanner.RnavTolerance0 import RnavGnssTolerance
from FlightPlanner.Captions import Captions
from FlightPlanner.PaIls.DlgCalcFapPosition import DlgFapCalcPosition
from FlightPlanner.BasicGNSS.ParameterDlgs.DlgCaculateWaypoint import CalcDlg
from qgis.core import QGis, QgsRectangle, QgsGeometry, QgsCsException, QgsPoint,\
QgsFeatureRequest, QgsCoordinateTransform, QgsFeature, QgsVectorLayer
from Type.switch import switch
import define, math
class NpaOnFixDlg(FlightPlanBaseDlg):
def __init__(self, parent, dlgType):
FlightPlanBaseDlg.__init__(self, parent)
# self.dlgType = dlgType
self.setObjectName("PaIlsDlg")
self.dlgType = dlgType
if self.dlgType == "NpaOnFix":
self.surfaceType = SurfaceTypes.NpaOnFix
else:
self.surfaceType = SurfaceTypes.NpaOverheadingNavaid
self.initParametersPan()
self.setWindowTitle(self.surfaceType)
self.resize(540, 600)
QgisHelper.matchingDialogSize(self, 650, 700)
self.surfaceList = None
self.manualPolygon = None
self.mapToolPan = None
self.toolSelectByPolygon = None
self.accepted.connect(self.closed)
self.rejected.connect(self.closed)
self.wptLayer = None
self.arpFeatureArray = []
self.currentLayer = define._canvas.currentLayer()
self.rwyFeatureArray = []
self.rwyEndPosition = None
self.initAerodromeAndRwyCmb()
self.socRubber = None
self.socAnnotation = QgsTextAnnotationItem(define._canvas)
self.socAnnotation.setDocument(QTextDocument(Captions.SOC))
self.socAnnotation.setFrameBackgroundColor(Qt.white)
self.socAnnotation.setFrameSize(QSizeF(30, 20))
self.socAnnotation.setFrameColor(Qt.magenta)
self.socAnnotation.hide()
self.socPoint3d = None
self.daRubber = None
self.daAnnotation = QgsTextAnnotationItem(define._canvas)
self.daAnnotation.setDocument(QTextDocument(Captions.DA))
self.daAnnotation.setFrameBackgroundColor(Qt.white)
self.daAnnotation.setFrameSize(QSizeF(30, 20))
self.daAnnotation.setFrameColor(Qt.magenta)
self.daAnnotation.hide()
self.daPoint3d = None
self.annotationFAWP = self.parametersPanel.pnlFafPosition.annotation
self.annotationMAPt = self.parametersPanel.pnlMaPtPosition.annotation
# self.surfaceType = self.dlgType
def initAerodromeAndRwyCmb(self):
if self.currentLayer != None and self.currentLayer.isValid() and isinstance(self.currentLayer, QgsVectorLayer):
self.arpFeatureArray = self.aerodromeAndRwyCmbFill(self.currentLayer, self.parametersPanel.cmbAerodrome, None, self.parametersPanel.cmbRwyDir)
self.calcRwyBearing()
def calcRwyBearing(self):
try:
point3dMapt = self.parametersPanel.pnlMaPtPosition.Point3d
point3dFaf = self.parametersPanel.pnlFafPosition.Point3d
if point3dMapt == None:
self.parametersPanel.pnlInboundTrack.Value = 0.0
return
self.parametersPanel.pnlInboundTrack.Value = round(Unit.ConvertRadToDeg(MathHelper.getBearing(point3dFaf, point3dMapt)), 4)
# if point3dFaf == None:
# self.parametersPanel.pnlInboundTrack.Value = round(Unit.ConvertRadToDeg(MathHelper.getBearing(point3dThr, self.parametersPanel.pnlRwyEndPosition.Point3d)), 4)
# point3dFap = self.rwyEndPosition
# else:
# self.parametersPanel.pnlInboundTrack.Value = round(Unit.ConvertRadToDeg(MathHelper.getBearing(point3dFap, point3dThr)), 4)
self.showMarkDaSoc()
except:
pass
# self.ui.horizontalLayout_6.addWidget(self.ui.frame_3)
def aerodromeAndRwyCmbFill(self, layer, aerodromeCmbObj, aerodromePositionPanelObj, rwyDirCmbObj = None):
idx = layer.fieldNameIndex('Type')
idxName = layer.fieldNameIndex('Name')
idxLat = layer.fieldNameIndex('Latitude')
idxLong = layer.fieldNameIndex('Longitude')
idxAltitude = layer.fieldNameIndex('Altitude')
arpList = []
arpFeatureList = []
if idx >= 0:
featIter = layer.getFeatures()
for feat in featIter:
attrValue = feat.attributes()[idx].toString()
attrValue = QString(attrValue)
attrValue = attrValue.replace(" ", "")
attrValue = attrValue.toUpper()
if attrValue == "AERODROMEREFERENCEPOINT":
arpList.append(attrValue)
arpFeatureList.append(feat)
if len(arpList) != 0:
i = -1
attrValueList = []
for feat in arpFeatureList:
attrValue = feat.attributes()[idxName].toString()
items = attrValueList
if len(items) != 0:
existFlag = False
for item in items:
if item == attrValue:
existFlag = True
if existFlag:
continue
attrValueList.append(attrValue)
attrValueList.sort()
# attrValueList.insert(0, "")
aerodromeCmbObj.Items = attrValueList
aerodromeCmbObj.SelectedIndex = 0
# if idxAttributes
for feat in arpFeatureList:
attrValue = feat.attributes()[idxName].toString()
if attrValue != aerodromeCmbObj.SelectedItem:
continue
attrValue = feat.attributes()[idxLat].toDouble()
lat = attrValue[0]
attrValue = feat.attributes()[idxLong].toDouble()
long = attrValue[0]
attrValue = feat.attributes()[idxAltitude].toDouble()
alt = attrValue[0]
# aerodromePositionPanelObj.Point3d = Point3D(long, lat, alt)
self.connect(aerodromeCmbObj, SIGNAL("Event_0"), self.aerodromeCmbObj_Event_0)
break
if rwyDirCmbObj != None:
idxAttr = layer.fieldNameIndex('Attributes')
if idxAttr >= 0:
rwyFeatList = []
featIter = layer.getFeatures()
rwyDirCmbObjItems = []
for feat in featIter:
attrValue = feat.attributes()[idxAttr].toString()
if attrValue == aerodromeCmbObj.SelectedItem:
attrValue = feat.attributes()[idxName].toString()
s = attrValue.replace(" ", "")
compStr = s.left(6).toUpper()
if compStr == "THRRWY":
valStr = s.right(s.length() - 6)
rwyDirCmbObjItems.append(aerodromeCmbObj.SelectedItem + " RWY " + valStr)
rwyFeatList.append(feat)
rwyDirCmbObjItems.sort()
rwyDirCmbObj.Items = rwyDirCmbObjItems
self.connect(rwyDirCmbObj, SIGNAL("Event_0"), self.rwyDirCmbObj_Event_0)
self.rwyFeatureArray = rwyFeatList
self.rwyDirCmbObj_Event_0()
self.aerodromeCmbObj_Event_0()
return arpFeatureList
def rwyDirCmbObj_Event_0(self):
if len(self.rwyFeatureArray) == 0:
self.calcRwyBearing()
return
idxName = self.currentLayer.fieldNameIndex('Name')
idxLat = self.currentLayer.fieldNameIndex('Latitude')
idxLong = self.currentLayer.fieldNameIndex('Longitude')
idxAltitude = self.currentLayer.fieldNameIndex('Altitude')
idxAttr = self.currentLayer.fieldNameIndex('Attributes')
# rwyFeatList = []
featIter = self.currentLayer.getFeatures()
# for feat in featIter:
# attrValue = feat.attributes()[idxAttr].toString()
# if attrValue == self.cmbAerodrome.SelectedItem:
# attrValue = feat.attributes()[idxName].toString()
# s = attrValue.replace(" ", "")
# compStr = s.left(6).toUpper()
# if compStr == "THRRWY":
# valStr = s.right(s.length() - 6)
# rwyFeatList.append(feat)
for feat in self.rwyFeatureArray:
attrValue = feat.attributes()[idxName].toString()
attrValueStr = QString(attrValue)
attrValueStr = attrValueStr.replace(" ", "").right(attrValueStr.length() - 3)
itemStr = self.parametersPanel.cmbRwyDir.SelectedItem
itemStr = QString(itemStr)
itemStr = itemStr.replace(" ", "").right(itemStr.length() - 4)
if attrValueStr != itemStr:
continue
latAttrValue = feat.attributes()[idxLat].toDouble()
lat = latAttrValue[0]
longAttrValue = feat.attributes()[idxLong].toDouble()
long = longAttrValue[0]
altAttrValue = feat.attributes()[idxAltitude].toDouble()
alt = altAttrValue[0]
self.parametersPanel.pnlThrPosition.Point3d = Point3D(long, lat, alt)
valStr = None
if attrValue.right(1).toUpper() =="L" or attrValue.right(1).toUpper() =="R":
s = attrValue.left(attrValue.length() - 1)
valStr = s.right(2)
else:
valStr = attrValue.right(2)
val = int(valStr)
val += 18
if val > 36:
val -= 36
newValStr = None
if len(str(val)) == 1:
newValStr = "0" + str(val)
else:
newValStr = str(val)
otherAttrValue = attrValue.replace(valStr, newValStr)
ss = otherAttrValue.right(1)
if ss.toUpper() == "L":
otherAttrValue = otherAttrValue.left(otherAttrValue.length() - 1) + "R"
elif ss.toUpper() == "R":
otherAttrValue = otherAttrValue.left(otherAttrValue.length() - 1) + "L"
for feat in self.rwyFeatureArray:
attrValue = feat.attributes()[idxName].toString()
if attrValue != otherAttrValue:
continue
latAttrValue = feat.attributes()[idxLat].toDouble()
lat = latAttrValue[0]
longAttrValue = feat.attributes()[idxLong].toDouble()
long = longAttrValue[0]
altAttrValue = feat.attributes()[idxAltitude].toDouble()
alt = altAttrValue[0]
self.parametersPanel.pnlRwyEndPosition.Point3d = Point3D(long, lat, alt)
break
break
self.calcRwyBearing()
def aerodromeCmbObj_Event_0(self):
if len(self.arpFeatureArray) == 0:
return
# self.parametersPanel.pnlArp.Point3d = None
self.parametersPanel.pnlRwyEndPosition.Point3d = None
self.parametersPanel.pnlThrPosition.Point3d = None
idxName = self.currentLayer.fieldNameIndex('Name')
idxLat = self.currentLayer.fieldNameIndex('Latitude')
idxLong = self.currentLayer.fieldNameIndex('Longitude')
idxAltitude = self.currentLayer.fieldNameIndex('Altitude')
self.rwyFeatureArray = []
# if idxAttributes
for feat in self.arpFeatureArray:
attrValue = feat.attributes()[idxName].toString()
if attrValue != self.parametersPanel.cmbAerodrome.SelectedItem:
continue
attrValue = feat.attributes()[idxLat].toDouble()
lat = attrValue[0]
attrValue = feat.attributes()[idxLong].toDouble()
long = attrValue[0]
attrValue = feat.attributes()[idxAltitude].toDouble()
alt = attrValue[0]
# self.parametersPanel.pnlArp.Point3d = Point3D(long, lat, alt)
break
idxAttr = self.currentLayer.fieldNameIndex('Attributes')
if idxAttr >= 0:
self.parametersPanel.cmbRwyDir.Clear()
rwyFeatList = []
featIter = self.currentLayer.getFeatures()
for feat in featIter:
attrValue = feat.attributes()[idxAttr].toString()
if attrValue == self.parametersPanel.cmbAerodrome.SelectedItem:
attrValue = feat.attributes()[idxName].toString()
s = attrValue.replace(" ", "")
compStr = s.left(6).toUpper()
if compStr == "THRRWY":
valStr = s.right(s.length() - 6)
self.parametersPanel.cmbRwyDir.Add(self.parametersPanel.cmbAerodrome.SelectedItem + " RWY " + valStr)
rwyFeatList.append(feat)
self.rwyFeatureArray = rwyFeatList
self.rwyDirCmbObj_Event_0()
def closed(self):
if self.mapToolPan != None:
self.mapToolPan.deactivate()
if self.toolSelectByPolygon != None:
self.toolSelectByPolygon.deactivate()
def initObstaclesModel(self):
self.obstaclesModel.MocMultiplier = self.parametersPanel.mocSpinBox.value()
return FlightPlanBaseDlg.initObstaclesModel(self)
def exportResult(self):
result, resultHideColumnNames = FlightPlanBaseDlg.exportResult(self)
if not result:
return
filePathDir = QFileDialog.getSaveFileName(self, "Export Obstacle Data", QCoreApplication.applicationDirPath (),"ExportObstaclefiles(*.xml)")
if filePathDir == "":
return
parameterList = self.getParameterList()
DataHelper.saveExportResult(filePathDir, self.surfaceType, self.ui.tblObstacles, None, parameterList, resultHideColumnNames)
def getParameterList(self):
parameterList = []
parameterList.append(("general", "group"))
parameterList.append(("RNAV Specification", self.parametersPanel.cmbRnavSpecification.SelectedItem))
if self.parametersPanel.cmbRnavSpecification.SelectedIndex == 0:
parameterList.append(("ATT", self.parametersPanel.pnlTolerances.txtAtt.text() + "nm"))
parameterList.append(("XTT", self.parametersPanel.pnlTolerances.txtXtt.text() + "nm"))
parameterList.append(("1/2 A/W", self.parametersPanel.pnlTolerances.txtAsw.text() + "nm"))
else:
if self.parametersPanel.cmbPhaseOfFlight.currentIndex() != 0:
parameterList.append(("Aerodrome Reference Point(ARP)", "group"))
longLatPoint = QgisHelper.Meter2Degree(float(self.parametersPanel.pnlArp.txtPointX.text()), float(self.parametersPanel.pnlArp.txtPointY.text()))
parameterList.append(("Lat", self.parametersPanel.pnlArp.txtLat.Value))
parameterList.append(("Lon", self.parametersPanel.pnlArp.txtLong.Value))
parameterList.append(("X", self.parametersPanel.pnlArp.txtPointX.text()))
parameterList.append(("Y", self.parametersPanel.pnlArp.txtPointY.text()))
parameterList.append(("Waypoint", "group"))
longLatPoint = QgisHelper.Meter2Degree(float(self.parametersPanel.pnlWaypoint1.txtPointX.text()), float(self.parametersPanel.pnlWaypoint1.txtPointY.text()))
parameterList.append(("Lat", self.parametersPanel.pnlWaypoint1.txtLat.Value))
parameterList.append(("Lon", self.parametersPanel.pnlWaypoint1.txtLong.Value))
parameterList.append(("X", self.parametersPanel.pnlWaypoint1.txtPointX.text()))
parameterList.append(("Y", self.parametersPanel.pnlWaypoint1.txtPointY.text()))
parameterList.append(("Cat.H", str(self.parametersPanel.chbCatH.Checked)))
parameterList.append((self.parametersPanel.chbCircularArcs.Caption, str(self.parametersPanel.chbCircularArcs.Checked)))
parameterList.append(("Parameters", "group"))
parameterList.append(("Selection Mode", self.parametersPanel.cmbSelectionMode.SelectedItem))
parameterList.append(("In-bound Track", "Plan : " + str(self.parametersPanel.pnlInbound.txtRadialPlan.Value) + define._degreeStr))
parameterList.append(("", "Geodetic : " + str(self.parametersPanel.pnlInbound.txtRadialGeodetic.Value) + define._degreeStr))
# parameterList.append(("In-bound Track", self.parametersPanel.txtInbound.Value))
parameterList.append(("Out-bound Track", "Plan : " + str(self.parametersPanel.pnlOutbound.txtRadialPlan.Value) + define._degreeStr))
parameterList.append(("", "Geodetic : " + str(self.parametersPanel.pnlOutbound.txtRadialGeodetic.Value) + define._degreeStr))
# parameterList.append(("Out-bound Track", self.parametersPanel.txtOutbound.Value))
parameterList.append(("IAS", str(self.parametersPanel.pnlIas.Value.Knots) + "kts"))
parameterList.append(("Altitude", str(self.parametersPanel.pnlAltitude.Value.Feet) + "ft"))
parameterList.append(("ISA", str(self.parametersPanel.pnlIsa.Value)))
parameterList.append(("Bank Angle", str(self.parametersPanel.pnlBankAngle.Value)))
parameterList.append(("Wind", str(self.parametersPanel.pnlWind.Value.Knots) + "kts"))
parameterList.append(("Primary Moc", str(self.parametersPanel.pnlPrimaryMoc.Value.Metres) + "m"))
parameterList.append(("Construction Type", self.parametersPanel.cmbConstructionType.SelectedItem))
parameterList.append(("MOCmultipiler", str(self.parametersPanel.mocSpinBox.value())))
if self.parametersPanel.cmbConstructionType.SelectedIndex == 0:
parameterList.append(("Draw Waypoint Tolerance", str(self.parametersPanel.chbDrawTolerance.Checked)))
parameterList.append(("Results / Checked Obstacles", "group"))
parameterList.append(("Checked Obstacles", "group"))
c = self.obstaclesModel.rowCount()
parameterList.append(("Number of Checked Obstacles", str(c)))
return parameterList
def uiStateInit(self):
self.ui.grbMostCritical.setVisible(False)
self.ui.grbResult_2.setVisible(False)
self.ui.btnUpdateQA.setVisible(False)
self.ui.btnUpdateQA_2.setVisible(False)
self.ui.frm_cmbObstSurface.setVisible(False)
self.ui.btnPDTCheck.setVisible(False)
self.ui.tabCtrlGeneral.removeTab(2)
self.ui.tabCtrlGeneral.removeTab(1)
self.ui.btnEvaluate.setVisible(False)
self.ui.btnConstruct.setVisible(False)
# self.ui.btnPDTCheck.clicked.connect(self.btnPDTCheck_Click)
return FlightPlanBaseDlg.uiStateInit(self)
# def btnPDTCheck_Click(self):
# pdtResultStr = MathHelper.pdtCheckResultToString(float(self.parametersPanel.txtIsa.text()), Altitude(float(self.parametersPanel.txtAltitude.text()), AltitudeUnits.FT), float(self.parametersPanel.txtIas.text()), float(self.parametersPanel.txtTime.text()))
#
# QMessageBox.warning(self, "PDT Check", pdtResultStr)
def btnEvaluate_Click(self):
# self.complexObstacleArea.ObstacleArea = None
#
# ObstacleTable.MocMultiplier = self.parametersPanel.mocSpinBox.value()
# self.obstaclesModel = TurnProtectionAndObstacleAssessmentObstacles(self.complexObstacleArea, self.parametersPanel.pnlPrimaryMoc.Value, self.parametersPanel.pnlAltitude.Value, self.manualPolygon )
FlightPlanBaseDlg.btnEvaluate_Click(self)
self.ui.btnLocate.setEnabled(True)
def btnConstruct_Click(self):
flag = FlightPlanBaseDlg.btnConstruct_Click(self)
if not flag:
return
def outputResultMethod(self):
self.manualPolygon = self.toolSelectByPolygon.polygonGeom
def manualEvent(self, index):
QgisHelper.ClearRubberBandInCanvas(define._canvas)
self.manualPolygon = None
if index != 0:
self.toolSelectByPolygon = RubberBandPolygon(define._canvas)
define._canvas.setMapTool(self.toolSelectByPolygon)
self.connect(self.toolSelectByPolygon, SIGNAL("outputResult"), self.outputResultMethod)
else:
self.mapToolPan = QgsMapToolPan(define._canvas)
define._canvas.setMapTool(self.mapToolPan )
def initParametersPan(self):
ui = Ui_NpaOnFix()
self.parametersPanel = ui
FlightPlanBaseDlg.initParametersPan(self)
if self.dlgType != "NpaOnFix":
self.parametersPanel.pnlDistFixTolerance.Visible = False
self.parametersPanel.cmbAircraftCategory.Items = ["A", "B", "C", "D", "E", "H", "Custom"]
self.connect(self.parametersPanel.pnlAerodromeAltitude, SIGNAL("editingFinished"), self.altitudeChanged)
self.connect(self.parametersPanel.pnlIas, SIGNAL("Event_0"), self.altitudeChanged)
self.connect(self.parametersPanel.pnlTas, SIGNAL("Event_0"), self.showMarkDaSoc)
self.connect(self.parametersPanel.pnlIsa, SIGNAL("editingFinished"), self.altitudeChanged)
self.connect(self.parametersPanel.pnlEstimatedAltitude, SIGNAL("Event_0"), self.pnlEstimatedAltitude_Event_0)
self.connect(self.parametersPanel.pnlEstimatedAltitude, SIGNAL("editingFinished"), self.showMarkDaSoc)
self.connect(self.parametersPanel.cmbAircraftCategory, SIGNAL("Event_0"), self.cmbAircraftCategory_Event_0)
# # self.connect(self.parametersPanel.cmbPhaseOfFlight, SIGNAL("Event_0"), self.cmbPhaseOfFlightChanged)
# # self.connect(self.parametersPanel.cmbSelectionMode, SIGNAL("Event_0"), self.manualEvent)
# self.connect(self.parametersPanel.pnlHeightLoss, SIGNAL("Event_0"), self.pnlHeightLoss_Event_0)
self.connect(self.parametersPanel.pnlDistFixTolerance, SIGNAL("editingFinished"), self.showMarkDaSoc)
# self.connect(self.parametersPanel.pnlRDH, SIGNAL("editingFinished"), self.pnlRDH_Event_0)
self.connect(self.parametersPanel.pnlDistX, SIGNAL("Event_0"), self.showMarkDaSoc)
# # self.connect(self.parametersPanel.cmbType2, SIGNAL("Event_0"), self.method_31)
#
self.connect(self.parametersPanel.pnlFafPosition, SIGNAL("positionChanged"), self.calcRwyBearing)
self.connect(self.parametersPanel.pnlMaPtPosition, SIGNAL("positionChanged"), self.calcRwyBearing)
self.connect(self.parametersPanel.pnlThrPosition, SIGNAL("positionChanged"), self.showMarkDaSoc)
self.parametersPanel.pnlFafPosition.btnCalculater.clicked.connect(self.pnlFafPosition_btnCalculater_clicked)
self.parametersPanel.pnlMaPtPosition.btnCalculater.clicked.connect(self.pnlMaPtPosition_btnCalculater_clicked)
#
self.parametersPanel.cmbAircraftCategory.SelectedIndex = 0
# self.putAircraftSpeed()
self.altitudeChanged()
# self.putWithInHeightLoss()
self.calcSocAltitude()
def pnlFafPosition_btnCalculater_clicked(self):
self.gbFAWP = self.parametersPanel.pnlFafPosition
dlg = CalcDlg(self, RnavCommonWaypoint.FAWP, self.parametersPanel.cmbAircraftCategory.SelectedIndex, None, None, [self.parametersPanel.pnlThrPosition.Point3d, self.parametersPanel.pnlRwyEndPosition.Point3d, None])
dlg.setWindowTitle("Calculate FAF")
dlg.groupBox_4.setVisible(False)
dlg.groupBox_5.setVisible(False)
dlg.resize(200,100)
dlg.txtForm.setText("")
self.parameterCalcList = []
dlg.txtDistance.setEnabled(True)
self.annotationFAWP.show()
dlg.show()
def pnlMaPtPosition_btnCalculater_clicked(self):
self.gbMAWP = self.parametersPanel.pnlMaPtPosition
dlg = CalcDlg(self, RnavCommonWaypoint.MAWP, self.parametersPanel.cmbAircraftCategory.SelectedIndex, None, None, [self.parametersPanel.pnlThrPosition.Point3d, self.parametersPanel.pnlRwyEndPosition.Point3d, None])
dlg.setWindowTitle("Calculate MAPt")
dlg.groupBox_4.setVisible(False)
dlg.groupBox_5.setVisible(False)
dlg.resize(200,100)
dlg.txtForm.setText("")
self.parameterCalcList = []
dlg.txtDistance.setEnabled(True)
self.annotationMAPt.show()
dlg.show()
def putDistances(self):
try:
point3dThr = self.parametersPanel.pnlThrPosition.Point3d
point3dFaf = self.parametersPanel.pnlFafPosition.Point3d
point3dMapt = self.parametersPanel.pnlMaPtPosition.Point3d
self.parametersPanel.pnlDistOfFafMapt.Value = Distance(MathHelper.calcDistance(point3dFaf, point3dMapt))
inboundTrackRad = Unit.ConvertDegToRad(self.parametersPanel.pnlInboundTrack.Value)
inboundTrack180Rad = MathHelper.smethod_4(inboundTrackRad + math.pi)
speedTas = self.parametersPanel.pnlTas.Value
xDist = self.calcDAndXDistance(speedTas, Speed(10), 15)
self.parametersPanel.pnlDistX.Caption = "X(10kts/15s)"
if self.parametersPanel.cmbAircraftCategory.SelectedIndex == 5:
xDist = self.calcDAndXDistance(speedTas, Speed(10), 5)
self.parametersPanel.pnlDistX.Caption = "X(10kts/5s)"
dDist = self.calcDAndXDistance(speedTas, Speed(10), 3)
fixTolerance = 0.0
if self.dlgType == "NpaOnFix":
fixTolerance = self.parametersPanel.pnlDistFixTolerance.Value.Metres
socMaptDistMeters = fixTolerance + dDist + xDist
socThrDistMeters = MathHelper.calcDistance(point3dMapt, point3dThr) - socMaptDistMeters
sockBearing = inboundTrackRad
self.socPoint3d = MathHelper.distanceBearingPoint(point3dMapt, sockBearing, socMaptDistMeters).smethod_167(self.calcSocAltitude())
self.parametersPanel.pnlDistD.Value = Distance(dDist)
self.parametersPanel.pnlDistX.Value = Distance(xDist)
self.parametersPanel.pnlDistOfMaptSoc.Value = Distance(socMaptDistMeters)
self.parametersPanel.pnlDistOfSocThr.Value = Distance(MathHelper.calcDistance(self.socPoint3d, point3dThr))#MathHelper.calcDistance(point3dThr, self.daPoint3d))
# self.parametersPanel.pnlDistOfFafMapt.Value = Distance(MathHelper.calcDistance(point3dFaf, point3dMapt))#MathHelper.calcDistance(point3dThr, self.socPoint3d))
self.parametersPanel.pnlDistOfMaptThr.Value = Distance(MathHelper.calcDistance(point3dMapt, point3dThr))
except:
pass
def calcDAndXDistance(self, speed_0, speed_1, double_0):
return Distance((speed_0 + speed_1).MetresPerSecond * double_0).Metres
def showMarkDaSoc(self):
try:
flag = FlightPlanBaseDlg.btnConstruct_Click(self)
self.putDistances()
point3dMapt = self.parametersPanel.pnlMaPtPosition.Point3d
socLayer = AcadHelper.createVectorLayer("SOC_MAPt_" + self.surfaceType, QGis.Point)
AcadHelper.setGeometryAndAttributesInLayer(socLayer, self.socPoint3d, False, {"Caption":"SOC"})
AcadHelper.setGeometryAndAttributesInLayer(socLayer, point3dMapt, False, {"Caption":"MAPt"})
QgisHelper.appendToCanvas(define._canvas, [socLayer], self.surfaceType)
palSetting = QgsPalLayerSettings()
palSetting.readFromLayer(socLayer)
palSetting.enabled = True
palSetting.fieldName = "Caption"
palSetting.isExpression = True
palSetting.placement = QgsPalLayerSettings.AroundPoint
palSetting.setDataDefinedProperty(QgsPalLayerSettings.Size, True, True, '8', "")
palSetting.writeToLayer(socLayer)
self.resultLayerList = [socLayer]
return socLayer
except:
pass
def pnlEstimatedAltitude_Event_0(self):
self.calcSocAltitude()
def cmbAircraftCategory_Event_0(self):
self.putAircraftSpeed()
self.showMarkDaSoc()
def calcSocAltitude(self):
# val = self.parametersPanel.pnlEstimatedAltitude.Value.Metres - self.parametersPanel.pnlHeightLoss.Value.Metres
self.parametersPanel.pnlSocAltitude.Value = Altitude(self.parametersPanel.pnlEstimatedAltitude.Value.Metres)
return self.parametersPanel.pnlEstimatedAltitude.Value.Metres
def altitudeChanged(self):
self.parametersPanel.pnlWind.setAltitude(self.parametersPanel.pnlAerodromeAltitude.Value)
try:
self.parametersPanel.pnlTas.Value = Speed.smethod_0(self.parametersPanel.pnlIas.Value, self.parametersPanel.pnlIsa.Value, self.parametersPanel.pnlAerodromeAltitude.Value)
self.showMarkDaSoc()
except:
raise ValueError("Value Invalid")
def WPT2Layer(self):
mapUnits = define._canvas.mapUnits()
if define._mapCrs == None:
if mapUnits == QGis.Meters:
resultLayer = QgsVectorLayer("Point?crs=EPSG:32633", "WPT_" + self.surfaceType.replace(" ", "_").replace("-", "_"), "memory")
else:
resultLayer = QgsVectorLayer("Point?crs=EPSG:4326", "WPT_" + self.surfaceType.replace(" ", "_").replace("-", "_"), "memory")
else:
resultLayer = QgsVectorLayer("Point?crs=%s"%define._mapCrs.authid (), "WPT_" + self.surfaceType.replace(" ", "_").replace("-", "_"), "memory")
shpPath = ""
if define.obstaclePath != None:
shpPath = define.obstaclePath
elif define.xmlPath != None:
shpPath = define.xmlPath
else:
shpPath = define.appPath
er = QgsVectorFileWriter.writeAsVectorFormat(resultLayer, shpPath + "/" + "RnavTurningSegmentAnalyserWpt" + ".shp", "utf-8", resultLayer.crs())
resultLayer = QgsVectorLayer(shpPath + "/" + "RnavTurningSegmentAnalyserWpt" + ".shp", "WPT_RnavTurningSegmentAnalyser", "ogr")
fieldName = "CATEGORY"
resultLayer.dataProvider().addAttributes( [QgsField(fieldName, QVariant.String)] )
resultLayer.startEditing()
fields = resultLayer.pendingFields()
i = 1
feature = QgsFeature()
feature.setFields(fields)
feature.setGeometry(QgsGeometry.fromPoint (self.parametersPanel.pnlWaypoint1.Point3d))
feature.setAttribute(fieldName, "Waypoint1")
pr = resultLayer.dataProvider()
pr.addFeatures([feature])
# resultLayer.addFeature(feature)
feature.setGeometry(QgsGeometry.fromPoint (self.parametersPanel.pnlWaypoint2.Point3d))
feature.setAttribute(fieldName, "Waypoint2")
pr = resultLayer.dataProvider()
pr.addFeatures([feature])
# resultLayer.addFeature(feature)
resultLayer.commitChanges()
renderCatFly = None
if self.parametersPanel.cmbType1.SelectedIndex == 1:
'''FlyOver'''
symbolFlyOver = QgsSymbolV2.defaultSymbol(resultLayer.geometryType())
symbolFlyOver.deleteSymbolLayer(0)
svgSymLayer = QgsSvgMarkerSymbolLayerV2("Resource/flyover.svg", 10.0, 0.0)
symbolFlyOver.appendSymbolLayer(svgSymLayer)
renderCatFly = QgsRendererCategoryV2(0, symbolFlyOver,"Fly Over")
elif self.parametersPanel.cmbType1.SelectedIndex == 0:
'''FlyBy'''
symbolFlyBy = QgsSymbolV2.defaultSymbol(resultLayer.geometryType())
symbolFlyBy.deleteSymbolLayer(0)
svgSymLayer = QgsSvgMarkerSymbolLayerV2("Resource/flyby.svg", 10.0, 0.0)
symbolFlyBy.appendSymbolLayer(svgSymLayer)
renderCatFly = QgsRendererCategoryV2(0, symbolFlyBy,"Fly By")
else:
return None
WPT_EXPRESION = "CASE WHEN \"CATEGORY\" = 'Waypoint1' THEN 0 " + \
"END"
symRenderer = QgsCategorizedSymbolRendererV2(WPT_EXPRESION, [renderCatFly])
resultLayer.setRendererV2(symRenderer)
return resultLayer
def putAircraftSpeed(self):
speedTas = self.parametersPanel.pnlTas.Value
if self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.H:
xDist = self.calcDAndXDistance(speedTas, Speed(10), 5)
self.parametersPanel.pnlDistX.Caption = "X(10kts/5s)"
self.parametersPanel.pnlDistX.Value = Distance(xDist)
else:
xDist = self.calcDAndXDistance(speedTas, Speed(10), 15)
self.parametersPanel.pnlDistX.Caption = "X(10kts/15s)"
self.parametersPanel.pnlDistX.Value = Distance(xDist)
if self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.A:
self.parametersPanel.pnlIas.Value = Speed(100)
# self.parametersPanel.pnlIas.Value = Speed(90)
elif self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.B:
self.parametersPanel.pnlIas.Value = Speed(130)
# self.parametersPanel.pnlIas.Value = Speed(120)
elif self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.C:
self.parametersPanel.pnlIas.Value = Speed(160)
# self.parametersPanel.pnlIas.Value = Speed(140)
elif self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.D:
self.parametersPanel.pnlIas.Value = Speed(185)
# self.parametersPanel.pnlIas.Value = Speed(165)
elif self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.E:
self.parametersPanel.pnlIas.Value = Speed(230)
# self.parametersPanel.pnlIas.Value = Speed(210)
elif self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.Custom:
# self.parametersPanel.pnlIas.Value = self.customIas
self.parametersPanel.pnlIas.Value = Speed(185)
elif self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.H:
# self.parametersPanel.pnlIas.Value = self.customIas
self.parametersPanel.pnlIas.Value = Speed(90)
self.parametersPanel.pnlIas.Enabled = self.parametersPanel.cmbAircraftCategory.SelectedIndex == AircraftSpeedCategory.Custom
class RubberBandPolygon(QgsMapTool):
def __init__(self, canvas):
QgsMapTool.__init__(self, canvas)
self.mCanvas = canvas
self.mRubberBand = None
self.mRubberBand0 = QgsRubberBand( self.mCanvas, QGis.Polygon )
self.mCursor = Qt.ArrowCursor
self.mFillColor = QColor( 254, 178, 76, 63 )
self.mBorderColour = QColor( 254, 58, 29, 100 )
self.mRubberBand0.setBorderColor( self.mBorderColour )
self.polygonGeom = None
self.drawFlag = False
def canvasPressEvent( self, e ):
if ( self.mRubberBand == None ):
self.mRubberBand0.reset( QGis.Polygon )
self.mRubberBand = QgsRubberBand( self.mCanvas, QGis.Polygon )
self.mRubberBand0 = QgsRubberBand( self.mCanvas, QGis.Polygon )
self.mRubberBand.setFillColor( self.mFillColor )
self.mRubberBand.setBorderColor( self.mBorderColour )
self.mRubberBand0.setFillColor( self.mFillColor )
self.mRubberBand0.setBorderColor( self.mBorderColour )
if ( e.button() == Qt.LeftButton ):
self.mRubberBand.addPoint( self.toMapCoordinates( e.pos() ) )
else:
if ( self.mRubberBand.numberOfVertices() > 2 ):
self.polygonGeom = self.mRubberBand.asGeometry()
else:
return
self.mRubberBand.reset( QGis.Polygon )
self.mRubberBand0.addGeometry(self.polygonGeom, None)
self.mRubberBand0.show()
self.mRubberBand = None
self.emit(SIGNAL("outputResult"), self.polygonGeom)
def canvasMoveEvent( self, e ):
pass
if ( self.mRubberBand == None ):
return
if ( self.mRubberBand.numberOfVertices() > 0 ):
self.mRubberBand.removeLastPoint( 0 )
self.mRubberBand.addPoint( self.toMapCoordinates( e.pos() ) )
def deactivate(self):
QgsMapTool.deactivate(self)
self.emit(SIGNAL("deactivated()")) | [
"[email protected]"
]
| |
1adc72136d6926164b025510774a87f8be7e2a4b | fe7ca92531708b2d1cc30917bac61a2dd5565432 | /switch-snmp/netsnmp/netsnmp/python-openstackclient-master/openstackclient/compute/v2/service.py | 89f5cad94fef7325919c9b48291279ce6de5de3a | [
"Apache-2.0",
"BSD-3-Clause"
]
| permissive | lizhenfen/python | 817131e170a434c9a065589420c08fe8908e3536 | 5ffdb34a9d252eedbd4551fd694ce6f9e6cdd8b0 | refs/heads/master | 2021-01-21T13:48:28.731629 | 2016-08-22T08:57:47 | 2016-08-22T08:57:47 | 54,445,601 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,280 | py | # Copyright 2013 OpenStack, LLC.
#
# Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# 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.
#
"""Service action implementations"""
from openstackclient.common import command
from openstackclient.common import utils
class DeleteService(command.Command):
"""Delete service command"""
def get_parser(self, prog_name):
parser = super(DeleteService, self).get_parser(prog_name)
parser.add_argument(
"service",
metavar="<service>",
help="Compute service to delete (ID only)")
return parser
def take_action(self, parsed_args):
compute_client = self.app.client_manager.compute
compute_client.services.delete(parsed_args.service)
class ListService(command.Lister):
"""List service command"""
def get_parser(self, prog_name):
parser = super(ListService, self).get_parser(prog_name)
parser.add_argument(
"--host",
metavar="<host>",
help="Name of host")
parser.add_argument(
"--service",
metavar="<service>",
help="Name of service")
parser.add_argument(
"--long",
action="store_true",
default=False,
help="List additional fields in output"
)
return parser
def take_action(self, parsed_args):
compute_client = self.app.client_manager.compute
if parsed_args.long:
columns = (
"Id",
"Binary",
"Host",
"Zone",
"Status",
"State",
"Updated At",
"Disabled Reason"
)
else:
columns = (
"Id",
"Binary",
"Host",
"Zone",
"Status",
"State",
"Updated At"
)
data = compute_client.services.list(parsed_args.host,
parsed_args.service)
return (columns,
(utils.get_item_properties(
s, columns,
) for s in data))
class SetService(command.Command):
"""Set service command"""
def get_parser(self, prog_name):
parser = super(SetService, self).get_parser(prog_name)
parser.add_argument(
"host",
metavar="<host>",
help="Name of host")
parser.add_argument(
"service",
metavar="<service>",
help="Name of service")
enabled_group = parser.add_mutually_exclusive_group()
enabled_group.add_argument(
"--enable",
dest="enabled",
default=True,
help="Enable a service (default)",
action="store_true")
enabled_group.add_argument(
"--disable",
dest="enabled",
help="Disable a service",
action="store_false")
parser.add_argument(
"--disable-reason",
default=None,
metavar="<reason>",
help="Reason for disabling the service (in quotas)"
)
return parser
def take_action(self, parsed_args):
compute_client = self.app.client_manager.compute
cs = compute_client.services
if not parsed_args.enabled:
if parsed_args.disable_reason:
cs.disable_log_reason(parsed_args.host,
parsed_args.service,
parsed_args.disable_reason)
else:
cs.disable(parsed_args.host, parsed_args.service)
else:
cs.enable(parsed_args.host, parsed_args.service)
| [
"[email protected]"
]
| |
a1d87b096f401dd10ef55c1c59f64529295b0d71 | 564d6a4d305a8ac6a7e01c761831fb2081c02d0f | /sdk/containerservice/azure-mgmt-containerservice/azure/mgmt/containerservice/v2020_07_01/aio/operations/_agent_pools_operations.py | 4926441274758792c61c7f3f04660b5b901e394a | [
"LicenseRef-scancode-generic-cla",
"LGPL-2.1-or-later",
"MIT"
]
| permissive | paultaiton/azure-sdk-for-python | 69af4d889bac8012b38f5b7e8108707be679b472 | d435a1a25fd6097454b7fdfbbdefd53e05029160 | refs/heads/master | 2023-01-30T16:15:10.647335 | 2020-11-14T01:09:50 | 2020-11-14T01:09:50 | 283,343,691 | 0 | 0 | MIT | 2020-07-28T22:43:43 | 2020-07-28T22:43:43 | null | UTF-8 | Python | false | false | 33,440 | py | # coding=utf-8
# --------------------------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# Licensed under the MIT License. See License.txt in the project root for license information.
# Code generated by Microsoft (R) AutoRest Code Generator.
# Changes may cause incorrect behavior and will be lost if the code is regenerated.
# --------------------------------------------------------------------------
from typing import Any, AsyncIterable, Callable, Dict, Generic, Optional, TypeVar, Union
import warnings
from azure.core.async_paging import AsyncItemPaged, AsyncList
from azure.core.exceptions import ClientAuthenticationError, HttpResponseError, ResourceExistsError, ResourceNotFoundError, map_error
from azure.core.pipeline import PipelineResponse
from azure.core.pipeline.transport import AsyncHttpResponse, HttpRequest
from azure.core.polling import AsyncLROPoller, AsyncNoPolling, AsyncPollingMethod
from azure.mgmt.core.exceptions import ARMErrorFormat
from azure.mgmt.core.polling.async_arm_polling import AsyncARMPolling
from ... import models
T = TypeVar('T')
ClsType = Optional[Callable[[PipelineResponse[HttpRequest, AsyncHttpResponse], T, Dict[str, Any]], Any]]
class AgentPoolsOperations:
"""AgentPoolsOperations async operations.
You should not instantiate this class directly. Instead, you should create a Client instance that
instantiates it for you and attaches it as an attribute.
:ivar models: Alias to model classes used in this operation group.
:type models: ~azure.mgmt.containerservice.v2020_07_01.models
:param client: Client for service requests.
:param config: Configuration of service client.
:param serializer: An object model serializer.
:param deserializer: An object model deserializer.
"""
models = models
def __init__(self, client, config, serializer, deserializer) -> None:
self._client = client
self._serialize = serializer
self._deserialize = deserializer
self._config = config
def list(
self,
resource_group_name: str,
resource_name: str,
**kwargs
) -> AsyncIterable["models.AgentPoolListResult"]:
"""Gets a list of agent pools in the specified managed cluster.
Gets a list of agent pools in the specified managed cluster. The operation returns properties
of each agent pool.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:return: An iterator like instance of either AgentPoolListResult or the result of cls(response)
:rtype: ~azure.core.async_paging.AsyncItemPaged[~azure.mgmt.containerservice.v2020_07_01.models.AgentPoolListResult]
:raises: ~azure.core.exceptions.HttpResponseError
"""
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPoolListResult"]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
accept = "application/json"
def prepare_request(next_link=None):
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
if not next_link:
# Construct URL
url = self.list.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
request = self._client.get(url, query_parameters, header_parameters)
else:
url = next_link
query_parameters = {} # type: Dict[str, Any]
request = self._client.get(url, query_parameters, header_parameters)
return request
async def extract_data(pipeline_response):
deserialized = self._deserialize('AgentPoolListResult', pipeline_response)
list_of_elem = deserialized.value
if cls:
list_of_elem = cls(list_of_elem)
return deserialized.next_link or None, AsyncList(list_of_elem)
async def get_next(next_link=None):
request = prepare_request(next_link)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [200]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
return pipeline_response
return AsyncItemPaged(
get_next, extract_data
)
list.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools'} # type: ignore
async def get(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
**kwargs
) -> "models.AgentPool":
"""Gets the agent pool.
Gets the details of the agent pool by managed cluster and resource group.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:param agent_pool_name: The name of the agent pool.
:type agent_pool_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:return: AgentPool, or the result of cls(response)
:rtype: ~azure.mgmt.containerservice.v2020_07_01.models.AgentPool
:raises: ~azure.core.exceptions.HttpResponseError
"""
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPool"]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
accept = "application/json"
# Construct URL
url = self.get.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
'agentPoolName': self._serialize.url("agent_pool_name", agent_pool_name, 'str'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
request = self._client.get(url, query_parameters, header_parameters)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [200]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
deserialized = self._deserialize('AgentPool', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
get.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}'} # type: ignore
async def _create_or_update_initial(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
parameters: "models.AgentPool",
**kwargs
) -> "models.AgentPool":
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPool"]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
content_type = kwargs.pop("content_type", "application/json")
accept = "application/json"
# Construct URL
url = self._create_or_update_initial.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
'agentPoolName': self._serialize.url("agent_pool_name", agent_pool_name, 'str'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Content-Type'] = self._serialize.header("content_type", content_type, 'str')
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
body_content_kwargs = {} # type: Dict[str, Any]
body_content = self._serialize.body(parameters, 'AgentPool')
body_content_kwargs['content'] = body_content
request = self._client.put(url, query_parameters, header_parameters, **body_content_kwargs)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [200, 201]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
if response.status_code == 200:
deserialized = self._deserialize('AgentPool', pipeline_response)
if response.status_code == 201:
deserialized = self._deserialize('AgentPool', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
_create_or_update_initial.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}'} # type: ignore
async def begin_create_or_update(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
parameters: "models.AgentPool",
**kwargs
) -> AsyncLROPoller["models.AgentPool"]:
"""Creates or updates an agent pool.
Creates or updates an agent pool in the specified managed cluster.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:param agent_pool_name: The name of the agent pool.
:type agent_pool_name: str
:param parameters: Parameters supplied to the Create or Update an agent pool operation.
:type parameters: ~azure.mgmt.containerservice.v2020_07_01.models.AgentPool
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: True for ARMPolling, False for no polling, or a
polling object for personal polling strategy
:paramtype polling: bool or ~azure.core.polling.AsyncPollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no Retry-After header is present.
:return: An instance of AsyncLROPoller that returns either AgentPool or the result of cls(response)
:rtype: ~azure.core.polling.AsyncLROPoller[~azure.mgmt.containerservice.v2020_07_01.models.AgentPool]
:raises ~azure.core.exceptions.HttpResponseError:
"""
polling = kwargs.pop('polling', True) # type: Union[bool, AsyncPollingMethod]
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPool"]
lro_delay = kwargs.pop(
'polling_interval',
self._config.polling_interval
)
cont_token = kwargs.pop('continuation_token', None) # type: Optional[str]
if cont_token is None:
raw_result = await self._create_or_update_initial(
resource_group_name=resource_group_name,
resource_name=resource_name,
agent_pool_name=agent_pool_name,
parameters=parameters,
cls=lambda x,y,z: x,
**kwargs
)
kwargs.pop('error_map', None)
kwargs.pop('content_type', None)
def get_long_running_output(pipeline_response):
deserialized = self._deserialize('AgentPool', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
if polling is True: polling_method = AsyncARMPolling(lro_delay, **kwargs)
elif polling is False: polling_method = AsyncNoPolling()
else: polling_method = polling
if cont_token:
return AsyncLROPoller.from_continuation_token(
polling_method=polling_method,
continuation_token=cont_token,
client=self._client,
deserialization_callback=get_long_running_output
)
else:
return AsyncLROPoller(self._client, raw_result, get_long_running_output, polling_method)
begin_create_or_update.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}'} # type: ignore
async def _delete_initial(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
**kwargs
) -> None:
cls = kwargs.pop('cls', None) # type: ClsType[None]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
accept = "application/json"
# Construct URL
url = self._delete_initial.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
'agentPoolName': self._serialize.url("agent_pool_name", agent_pool_name, 'str'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
request = self._client.delete(url, query_parameters, header_parameters)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [202, 204]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
if cls:
return cls(pipeline_response, None, {})
_delete_initial.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}'} # type: ignore
async def begin_delete(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
**kwargs
) -> AsyncLROPoller[None]:
"""Deletes an agent pool.
Deletes the agent pool in the specified managed cluster.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:param agent_pool_name: The name of the agent pool.
:type agent_pool_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: True for ARMPolling, False for no polling, or a
polling object for personal polling strategy
:paramtype polling: bool or ~azure.core.polling.AsyncPollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no Retry-After header is present.
:return: An instance of AsyncLROPoller that returns either None or the result of cls(response)
:rtype: ~azure.core.polling.AsyncLROPoller[None]
:raises ~azure.core.exceptions.HttpResponseError:
"""
polling = kwargs.pop('polling', True) # type: Union[bool, AsyncPollingMethod]
cls = kwargs.pop('cls', None) # type: ClsType[None]
lro_delay = kwargs.pop(
'polling_interval',
self._config.polling_interval
)
cont_token = kwargs.pop('continuation_token', None) # type: Optional[str]
if cont_token is None:
raw_result = await self._delete_initial(
resource_group_name=resource_group_name,
resource_name=resource_name,
agent_pool_name=agent_pool_name,
cls=lambda x,y,z: x,
**kwargs
)
kwargs.pop('error_map', None)
kwargs.pop('content_type', None)
def get_long_running_output(pipeline_response):
if cls:
return cls(pipeline_response, None, {})
if polling is True: polling_method = AsyncARMPolling(lro_delay, **kwargs)
elif polling is False: polling_method = AsyncNoPolling()
else: polling_method = polling
if cont_token:
return AsyncLROPoller.from_continuation_token(
polling_method=polling_method,
continuation_token=cont_token,
client=self._client,
deserialization_callback=get_long_running_output
)
else:
return AsyncLROPoller(self._client, raw_result, get_long_running_output, polling_method)
begin_delete.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}'} # type: ignore
async def get_upgrade_profile(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
**kwargs
) -> "models.AgentPoolUpgradeProfile":
"""Gets upgrade profile for an agent pool.
Gets the details of the upgrade profile for an agent pool with a specified resource group and
managed cluster name.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:param agent_pool_name: The name of the agent pool.
:type agent_pool_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:return: AgentPoolUpgradeProfile, or the result of cls(response)
:rtype: ~azure.mgmt.containerservice.v2020_07_01.models.AgentPoolUpgradeProfile
:raises: ~azure.core.exceptions.HttpResponseError
"""
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPoolUpgradeProfile"]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
accept = "application/json"
# Construct URL
url = self.get_upgrade_profile.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
'agentPoolName': self._serialize.url("agent_pool_name", agent_pool_name, 'str'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
request = self._client.get(url, query_parameters, header_parameters)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [200]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
deserialized = self._deserialize('AgentPoolUpgradeProfile', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
get_upgrade_profile.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}/upgradeProfiles/default'} # type: ignore
async def get_available_agent_pool_versions(
self,
resource_group_name: str,
resource_name: str,
**kwargs
) -> "models.AgentPoolAvailableVersions":
"""Gets a list of supported versions for the specified agent pool.
Gets a list of supported versions for the specified agent pool.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:return: AgentPoolAvailableVersions, or the result of cls(response)
:rtype: ~azure.mgmt.containerservice.v2020_07_01.models.AgentPoolAvailableVersions
:raises: ~azure.core.exceptions.HttpResponseError
"""
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPoolAvailableVersions"]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
accept = "application/json"
# Construct URL
url = self.get_available_agent_pool_versions.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
request = self._client.get(url, query_parameters, header_parameters)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [200]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
deserialized = self._deserialize('AgentPoolAvailableVersions', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
get_available_agent_pool_versions.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/availableAgentPoolVersions'} # type: ignore
async def _upgrade_node_image_version_initial(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
**kwargs
) -> Optional["models.AgentPool"]:
cls = kwargs.pop('cls', None) # type: ClsType[Optional["models.AgentPool"]]
error_map = {
401: ClientAuthenticationError, 404: ResourceNotFoundError, 409: ResourceExistsError
}
error_map.update(kwargs.pop('error_map', {}))
api_version = "2020-07-01"
accept = "application/json"
# Construct URL
url = self._upgrade_node_image_version_initial.metadata['url'] # type: ignore
path_format_arguments = {
'subscriptionId': self._serialize.url("self._config.subscription_id", self._config.subscription_id, 'str'),
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str', min_length=1),
'resourceName': self._serialize.url("resource_name", resource_name, 'str', max_length=63, min_length=1, pattern=r'^[a-zA-Z0-9]$|^[a-zA-Z0-9][-_a-zA-Z0-9]{0,61}[a-zA-Z0-9]$'),
'agentPoolName': self._serialize.url("agent_pool_name", agent_pool_name, 'str'),
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {} # type: Dict[str, Any]
query_parameters['api-version'] = self._serialize.query("api_version", api_version, 'str')
# Construct headers
header_parameters = {} # type: Dict[str, Any]
header_parameters['Accept'] = self._serialize.header("accept", accept, 'str')
request = self._client.post(url, query_parameters, header_parameters)
pipeline_response = await self._client._pipeline.run(request, stream=False, **kwargs)
response = pipeline_response.http_response
if response.status_code not in [200, 202]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
raise HttpResponseError(response=response, error_format=ARMErrorFormat)
deserialized = None
if response.status_code == 202:
deserialized = self._deserialize('AgentPool', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
_upgrade_node_image_version_initial.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}/upgradeNodeImageVersion'} # type: ignore
async def begin_upgrade_node_image_version(
self,
resource_group_name: str,
resource_name: str,
agent_pool_name: str,
**kwargs
) -> AsyncLROPoller["models.AgentPool"]:
"""Upgrade node image version of an agent pool to the latest.
Upgrade node image version of an agent pool to the latest.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param resource_name: The name of the managed cluster resource.
:type resource_name: str
:param agent_pool_name: The name of the agent pool.
:type agent_pool_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: True for ARMPolling, False for no polling, or a
polling object for personal polling strategy
:paramtype polling: bool or ~azure.core.polling.AsyncPollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no Retry-After header is present.
:return: An instance of AsyncLROPoller that returns either None or the result of cls(response)
:rtype: ~azure.core.polling.AsyncLROPoller[None]
:raises ~azure.core.exceptions.HttpResponseError:
"""
polling = kwargs.pop('polling', True) # type: Union[bool, AsyncPollingMethod]
cls = kwargs.pop('cls', None) # type: ClsType["models.AgentPool"]
lro_delay = kwargs.pop(
'polling_interval',
self._config.polling_interval
)
cont_token = kwargs.pop('continuation_token', None) # type: Optional[str]
if cont_token is None:
raw_result = await self._upgrade_node_image_version_initial(
resource_group_name=resource_group_name,
resource_name=resource_name,
agent_pool_name=agent_pool_name,
cls=lambda x,y,z: x,
**kwargs
)
kwargs.pop('error_map', None)
kwargs.pop('content_type', None)
def get_long_running_output(pipeline_response):
deserialized = self._deserialize('AgentPool', pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
if polling is True: polling_method = AsyncARMPolling(lro_delay, **kwargs)
elif polling is False: polling_method = AsyncNoPolling()
else: polling_method = polling
if cont_token:
return AsyncLROPoller.from_continuation_token(
polling_method=polling_method,
continuation_token=cont_token,
client=self._client,
deserialization_callback=get_long_running_output
)
else:
return AsyncLROPoller(self._client, raw_result, get_long_running_output, polling_method)
begin_upgrade_node_image_version.metadata = {'url': '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/managedClusters/{resourceName}/agentPools/{agentPoolName}/upgradeNodeImageVersion'} # type: ignore
| [
"[email protected]"
]
| |
11f5c3bcb9eba7676885da12844d29f27363fd23 | 630c0dfb160605f12c2cd344ceb48e4bac12219f | /lib/threads.py | 6352af7b239322c116c602323519496bc0a1fab1 | [
"MIT"
]
| permissive | autowitch/llama | 44611bcc4d9c8b51a7e2001a9632315bbb7b7288 | cc18e1f646e6deae5a461b8a4f3a914463999b35 | refs/heads/master | 2016-09-02T01:01:49.928364 | 2013-08-30T21:02:53 | 2013-08-30T21:02:53 | 12,006,453 | 1 | 1 | null | 2013-08-10T16:49:03 | 2013-08-09T17:17:08 | null | UTF-8 | Python | false | false | 7,426 | py | import copy
from lib.program_state import ProgramState
class Threads(object):
def __init__(self):
self.threads = [ProgramState()]
self.alive = True
def thread(self, thread=0):
return self.threads[thread]
def importance(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].importance
def set_importance(self, new_value, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].importance = new_value
def inc_importance(self, amount=1, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].importance += amount
def dec_importance(self, amount=1, thread=0):
if not self.threads[thread]:
return None
if self.threads[thread].importance > 1:
self.threads[thread].importance -= amount
def code(self, thread):
if not self.threads[thread]:
return None
return self.threads[thread].code
def ip(self, thread=0, subthread=0):
if not self.threads[thread]:
return None
return self.threads[thread].ip
def set_ip(self, new_value, thread=0, subthread=0):
if not self.threads[thread]:
return None
self.threads[thread].ip = new_value
def ip_dir(self, thread=0, subthread=0):
if not self.threads[thread]:
return None
return self.threads[thread].ip_dir
def set_ip_dir(self, new_value, thread=0, subthread=0):
if not self.threads[thread]:
return None
self.threads[thread].ip_dir = new_value
def execution_probability(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].execution_probability
def command_stack(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].command_stack
def symbol_table(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].symbol_table
def last_value(self, thread=0, subthread=0):
if not self.threads[thread]:
return None
return self.threads[thread].last_value
def set_last_value(self, new_value, thread=0, subthread=0):
if not self.threads[thread]:
return None
self.threads[thread].last_value = new_value
def code_line_stack(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].code_line_stack
def full_command_cache(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].full_command_cache
def maybe_stack(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].maybe_stack
def forget_stack(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].forget_stack
def invert_next_importance_check(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].invert_next_importance_check
def set_invert_next_importance_check(self, new_value, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].invert_next_importance_check = new_value
def swing_ip(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].swing_ip
def enable_rhi(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].enable_rhi
def mangle(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].mangle
def assign_mangle_source(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].assign_mangle_source
def reverse_next_assignment_arrow(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].reverse_next_assignment_arrow
def instruction_skip(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].instruction_skip
def swap_rhi_and_value(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].swap_rhi_and_value
def invert_this(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].invert_this
def set_invert_this(self, new_value, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].invert_this = new_value
def last_smiley(self, thread=0, subthread=0):
if not self.threads[thread]:
return None
return self.threads[thread].last_smiley
def set_last_smiley(self, new_value, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].last_smiley = new_value
# command builder stuff
def command(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].command
def set_command(self, new_value, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].command = new_value
def command_state(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].command_state
def set_command_state(self, new_value, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].command_state = new_value
def complete(self, thread=0):
if not self.threads[thread]:
return None
return self.threads[thread].complete
def set_complete(self, complete=False, thread=0):
if not self.threads[thread]:
return None
self.threads[thread].complete = complete
def copy(self, source_thread):
if not self.threads[source_thread]:
return None
new_thread = copy.deepcopy(self.threads[source_thread])
new_thread.last_smiley = None
new_thread.command_stack = []
new_thread.command = []
new_thread.command_state = 0
new_thread.complete = False
self.threads.append(new_thread)
new_thread_id = len(self.threads) - 1
self.debug(4, "New thread %s created from %s" % (new_thread_id, source_thread))
return new_thread_id
def delete(self, thread_id):
if not self.threads[thread_id]:
return None
self.debug(4, "Deleting thread %d" % thread_id)
self.threads[thread_id] = None
thread_count = 0
for x in self.threads:
if x:
thread_count += 1
if not thread_count:
self.debug(4, "No threads remain, we are no longer alive")
self.alive = False
else:
self.debug(5, "%d active threads" % thread_count)
def collapse(self, thread_1, thread_2):
pass
def mingle(self, thread_1, thread_2):
pass
def thread_alive(self, thread=0):
return self.threads[thread] != None
| [
"[email protected]"
]
| |
36538ead1548aad6d6b1bc9ecaa050eda7d7fdae | a42fdd9571bdb548d275d54aaaeccce10a6d5eca | /users/utils.py | d89fd35b4402fcd49aa375668ddddd91879af96e | []
| no_license | brodanielx/foidatasuite | 86dfbb30c0ab8339860bfe80f3cb507e79c0f58c | 6ee5ab985e62af6eddf4f1219aa8a3661e745b62 | refs/heads/master | 2022-12-11T01:57:16.407929 | 2020-09-08T12:34:18 | 2020-09-08T12:34:18 | 254,344,525 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,776 | py |
import pandas as pd
import random
import string
from django.contrib.auth.models import User
from .models import Profile
from foidata.data.data import FOIData
class UserUtils:
def __init__(self):
self.data = FOIData()
def create_or_update(self):
self.roster = self.data.roster
created_count = 0
updated_count = 0
for _, row in self.roster.iterrows():
username = self.get_username(row)
try:
user = User.objects.get(profile__nation_id=int(row['NationId']))
except User.DoesNotExist:
user = None
if user:
user.username = username
user.first_name = row['FirstName']
user.last_name = row['LastName']
user.email = row['Email']
user.is_active = bool(row['Active'])
user.save()
profile = self.update_profile(user, row)
updated_count += 1
print(f'Updated: {user} - {profile}')
else:
password = self.generate_password()
user = User.objects.create_user(
username,
first_name = row['FirstName'],
last_name = row['LastName'],
email = row['Email'],
password = password,
is_active = bool(row['Active'])
)
user.save()
profile = self.update_profile(user, row)
created_count += 1
print(f'Created: username: {user} - password: {password} - {profile}')
return created_count, updated_count
def update_profile(self, user, roster_row):
row = roster_row
profile = Profile.objects.get(user=user)
profile.nation_id = int(row['NationId'])
profile.city = row['City']
profile.rank = row['Rank']
profile.receive_emails = row['ReceiveEmails']
profile.save()
return profile
def get_username(self, df_row):
first_name = df_row['FirstName'].lower().strip()
last_initial = df_row['LastName'][0].lower().strip()
nation_id_str = str(df_row['NationId']).strip()
return f'{first_name}{last_initial}{nation_id_str}'
def generate_password(self, string_length=10):
characters = string.ascii_letters + string.digits
return ''.join(random.choice(characters) for i in range(string_length))
def get_profiles_df(self):
profiles = Profile.objects.active()
values = profiles.values('nation_id', 'user__first_name', 'user__last_name')
return pd.DataFrame.from_records(values)
| [
"[email protected]"
]
| |
41eb20af7b951785f6b081f2505c64455c80e8e6 | 2a3dd37d150ca6dd0bbf1b1915bf9141527f6643 | /pyircbot/modules/DCC.py | bb01dcdab2bef1ea0d8e42d1835806f21b1eb67d | []
| no_license | dpedu/pyircbot | 17a13bdb43dd86e150f42fd1fe19a9612765a3ba | 13ea0fe52fd5c41e2f947be17ef19e3d0b62f72f | refs/heads/master | 2021-06-13T09:38:21.845096 | 2021-03-04T21:12:12 | 2021-03-04T21:12:12 | 141,069,697 | 0 | 2 | null | 2021-03-04T21:12:12 | 2018-07-16T00:56:28 | Python | UTF-8 | Python | false | false | 5,456 | py | """
.. module:: DCC
:synopsis: Module providing support for IRC's dcc protocol
.. moduleauthor:: Dave Pedu <[email protected]>
"""
import os
from pyircbot.modulebase import ModuleBase
import socket
from threading import Thread
from random import randint
from time import sleep
BUFFSIZE = 8192
class TransferFailedException(Exception):
pass
def ip2int(ipstr):
"""
Convert an ip address string to an integer
"""
num = 0
for octet in ipstr.split("."):
num = num << 8 | int(octet)
return num
def int2ip(num):
"""
Convert an integer to an ip address string
"""
octs = []
for octet in range(0, 4):
octs.append(str((num & (255 << (8 * octet))) >> (8 * octet)))
return ".".join(octs[::-1])
class DCC(ModuleBase):
def __init__(self, bot, name):
super().__init__(bot, name)
self.services = ["dcc"]
self.is_kill = False
self.transfers = []
def offer(self, file_path, port=None):
"""
Offer a file to another user.
- check file size
- start listener socket thread on some port
- info about the file: tuple of (ip, port, size)
"""
port_range = self.config.get("port_range", [40000, 60000]) # TODO it would be better to let the system assign
port = randint(*port_range)
bind_addr = self.config.get("bind_host", "0.0.0.0")
advertise_addr = self.config.get("public_addr", bind_addr)
flen = os.path.getsize(file_path)
offer = OfferThread(self, file_path, bind_addr, port) # offers are considered ephemeral. even if this module is
# unloaded, initiated transfers may continue. They will not block python from exiting (at which time they *will*
# be terminated).
offer.start()
return (ip2int(advertise_addr), port, flen, offer)
def recieve(self, host, port, length):
"""
Receive a file another user has offered. Returns a generator that yields data chunks.
"""
return RecieveGenerator(host, port, length)
class RecieveGenerator(object):
def __init__(self, host, port, length):
self.host = host
self.port = port
self.length = length
def __iter__(self):
self.sock = socket.create_connection((self.host, self.port), timeout=10)
total = 0
try:
while True:
if total == self.length:
break
chunk = self.sock.recv(BUFFSIZE)
total += len(chunk)
if not chunk:
break
yield chunk
if total >= self.length:
break
print("total", total, "expected", self.length)
if total != self.length:
raise TransferFailedException("Transfer failed: expected {} bytes but got {}".format(self.length, total))
finally:
# self.sock.shutdown(socket.SHUT_RDWR)
self.sock.close()
class OfferThread(Thread):
def __init__(self, master, path, bind_addr, port, timeout=30):
"""
DCC file transfer offer listener
:param master: reference to the parent module
:param path: file path to be opened and transferred
:param bind_addr: address str to bind the listener socket to
:param port: port number int to listen on
:param timeout: number of seconds to give up after
"""
super().__init__()
self.master = master
self.path = path
self.bind = bind_addr
self.port = port
self.timeout = timeout
self.listener = None
self.daemon = True
self.bound = False
Thread(target=self.abort, daemon=True).start()
def run(self):
"""
Open a server socket that accepts a single connections. When the first client connects, send the contents of the
offered file.
"""
self.listener = socket.socket(socket.AF_INET, socket.SOCK_STREAM)
try:
self.listener.bind((self.bind, self.port))
self.listener.listen(1)
self.bound = True
(clientsocket, address) = self.listener.accept()
try:
self.send_file(clientsocket)
finally:
clientsocket.shutdown(socket.SHUT_RDWR)
clientsocket.close()
finally:
# try:
# self.listener.shutdown(socket.SHUT_RDWR)
self.listener.close()
# except Exception:
# pass
def abort(self):
"""
Expire the offer after a timeout.
"""
sleep(self.timeout)
self.stopoffer()
def send_file(self, socket):
"""
Send the contents of the offered file to the passed socket
:param socket: socket object ready for sending
:type socket: socket.socket
"""
with open(self.path, 'rb') as f:
while not self.master.is_kill:
chunk = f.read(BUFFSIZE)
if not chunk:
break
socket.send(chunk)
def stopoffer(self):
"""
Prematurely shut down & cleanup the offer socket
"""
try:
self.listener.shutdown(socket.SHUT_RDWR)
self.listener.close()
except Exception: # should only error if already cleaned up
pass
| [
"[email protected]"
]
| |
0a738c3349324ee6b41daae6d171fc4fd442ef42 | 0a6309d2aa2dd577fe5a1aed8e6ebf2b01c670a2 | /0x0F-python-object_relational_mapping/5-filter_cities.py | f2c23fbb44de055e0fd86790118ac104232de653 | []
| no_license | arleybri18/holbertonschool-higher_level_programming | 74675ce64801c72fc96318fc568b040b9f4b761e | 2f0b9a7f462595f67de12d4c3880375e87552357 | refs/heads/master | 2020-05-18T02:22:10.969677 | 2019-09-26T20:32:27 | 2019-09-26T20:32:27 | 184,113,244 | 1 | 1 | null | null | null | null | UTF-8 | Python | false | false | 713 | py | #!/usr/bin/python3
""" This script return cities and states """
if __name__ == '__main__':
import MySQLdb
from sys import argv
db = MySQLdb.connect(host="localhost",
port=3306,
user=argv[1],
passwd=argv[2],
db=argv[3])
cur = db.cursor()
cur.execute("""SELECT c.name FROM cities c
LEFT JOIN states s ON c.state_id = s.id
WHERE s.name LIKE BINARY %s
ORDER BY c.id ASC""", (argv[4],))
rows = cur.fetchall()
cont = 0
lista = []
for row in rows:
lista.append(row[0])
print(", ".join(lista))
cur.close()
db.close()
| [
"[email protected]"
]
| |
b55aa38b6aeafae6ab84550e4f4d05cf5ecb48e9 | 57eb44ce1d84aca3580e28688cf645db483d0d03 | /plots/model_explorer/plotters/bar_plot/date_distribution/configuration.py | ad5343c47a19a4f6849a1e464300eac6c366a6f2 | [
"Apache-2.0"
]
| permissive | TheLabbingProject/pylabber | cbfd7a6663d56f779dde96bd6e0281f5c8f06393 | 4b51065f457ab86ed311f222080187caf1979fea | refs/heads/master | 2023-04-08T05:29:08.356479 | 2023-03-29T09:06:11 | 2023-03-29T09:06:11 | 205,411,164 | 5 | 3 | Apache-2.0 | 2023-03-29T09:06:13 | 2019-08-30T15:40:47 | Python | UTF-8 | Python | false | false | 1,659 | py | from bokeh.layouts import column
from bokeh.models import ColorPicker, Div, RadioButtonGroup
from functools import partial
from plots.model_explorer.plotters.bar_plot.configuration import BarPlotConfigration
from plots.model_explorer.plotters.bar_plot.date_distribution.time_bins import TimeBins
class DateDistributionConfiguration(BarPlotConfigration):
TIME_BIN_LABELS = [TimeBins.DAY.value, TimeBins.MONTH.value, TimeBins.YEAR.value]
def __init__(self, plot: list, field_name: str, time_bin: TimeBins):
self.plot = plot
self.field_name = field_name
self.source = self.plot[0].data_source
self.time_bin = time_bin
self.time_bin_title = Div(text="Bins")
self.time_bin_select = self.create_time_bin_select()
self.color_pickers = self.create_color_pickers()
def create_time_bin_select(self) -> RadioButtonGroup:
active = self.TIME_BIN_LABELS.index(self.time_bin.value)
rbg = RadioButtonGroup(labels=self.TIME_BIN_LABELS, active=active, width=210)
return rbg
def create_color_pickers(self) -> column:
color_pickers = []
for i, plot in enumerate(self.plot):
picker = ColorPicker(color=plot.glyph.fill_color, width=100)
picker.on_change("color", partial(self.handle_color_change, i))
color_pickers.append(picker)
return column(*color_pickers)
def handle_color_change(self, index: int, attr: str, old: str, new: str) -> None:
self.plot[index].glyph.fill_color = new
def create_layout(self) -> column:
return column(self.time_bin_title, self.time_bin_select, self.color_pickers)
| [
"[email protected]"
]
| |
7a361d1adf99fae459b1da2f52cd47a77019879f | c5b9f0fabffb6b2d13c6e350c8187a922709ac60 | /build/pal_behaviour_msgs/catkin_generated/pkg.develspace.context.pc.py | 6f9cd8175d514a31c32fd406360b8c85f26e133b | []
| no_license | MohamedEhabHafez/Sorting_Aruco_Markers | cae079fdce4a14561f5e092051771d299b06e789 | 0f820921c9f42b39867565441ed6ea108663ef6c | refs/heads/master | 2020-12-09T02:43:00.731223 | 2020-01-15T17:31:29 | 2020-01-15T17:31:29 | 233,154,293 | 0 | 0 | null | 2020-10-13T18:46:44 | 2020-01-11T00:41:38 | Makefile | UTF-8 | Python | false | false | 598 | py | # generated from catkin/cmake/template/pkg.context.pc.in
CATKIN_PACKAGE_PREFIX = ""
PROJECT_PKG_CONFIG_INCLUDE_DIRS = "/home/mohamed/tiago_public_ws/devel/.private/pal_behaviour_msgs/include".split(';') if "/home/mohamed/tiago_public_ws/devel/.private/pal_behaviour_msgs/include" != "" else []
PROJECT_CATKIN_DEPENDS = "message_runtime;std_msgs;actionlib_msgs".replace(';', ' ')
PKG_CONFIG_LIBRARIES_WITH_PREFIX = "".split(';') if "" != "" else []
PROJECT_NAME = "pal_behaviour_msgs"
PROJECT_SPACE_DIR = "/home/mohamed/tiago_public_ws/devel/.private/pal_behaviour_msgs"
PROJECT_VERSION = "0.12.14"
| [
"[email protected]"
]
| |
877377666b0e187e0c2651818c61dbb37457cf93 | 27e890f900bd4bfb2e66f4eab85bc381cf4d5d3f | /plugins/lookup/consul_kv.py | c38e7bf7125ed4ca8fbb3fd8c1caa1a023f840b3 | []
| no_license | coll-test/notstdlib.moveitallout | eb33a560070bbded5032385d0aea2f3cf60e690b | 0987f099b783c6cf977db9233e1c3d9efcbcb3c7 | refs/heads/master | 2020-12-19T22:28:33.369557 | 2020-01-23T18:51:26 | 2020-01-23T18:51:26 | 235,865,139 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 6,712 | py | # (c) 2015, Steve Gargan <[email protected]>
# (c) 2017 Ansible Project
# GNU General Public License v3.0+ (see COPYING or https://www.gnu.org/licenses/gpl-3.0.txt)
from __future__ import (absolute_import, division, print_function)
__metaclass__ = type
ANSIBLE_METADATA = {'metadata_version': '1.1',
'status': ['preview'],
'supported_by': 'community'}
DOCUMENTATION = '''
lookup: consul_kv
short_description: Fetch metadata from a Consul key value store.
description:
- Lookup metadata for a playbook from the key value store in a Consul cluster.
Values can be easily set in the kv store with simple rest commands
- C(curl -X PUT -d 'some-value' http://localhost:8500/v1/kv/ansible/somedata)
requirements:
- 'python-consul python library U(https://python-consul.readthedocs.io/en/latest/#installation)'
options:
_raw:
description: List of key(s) to retrieve.
type: list
required: True
recurse:
type: boolean
description: If true, will retrieve all the values that have the given key as prefix.
default: False
index:
description:
- If the key has a value with the specified index then this is returned allowing access to historical values.
datacenter:
description:
- Retrieve the key from a consul datatacenter other than the default for the consul host.
token:
description: The acl token to allow access to restricted values.
host:
default: localhost
description:
- The target to connect to, must be a resolvable address.
Will be determined from C(ANSIBLE_CONSUL_URL) if that is set.
- "C(ANSIBLE_CONSUL_URL) should look like this: C(https://my.consul.server:8500)"
env:
- name: ANSIBLE_CONSUL_URL
ini:
- section: lookup_consul
key: host
port:
description:
- The port of the target host to connect to.
- If you use C(ANSIBLE_CONSUL_URL) this value will be used from there.
default: 8500
scheme:
default: http
description:
- Whether to use http or https.
- If you use C(ANSIBLE_CONSUL_URL) this value will be used from there.
validate_certs:
default: True
description: Whether to verify the ssl connection or not.
env:
- name: ANSIBLE_CONSUL_VALIDATE_CERTS
ini:
- section: lookup_consul
key: validate_certs
client_cert:
description: The client cert to verify the ssl connection.
env:
- name: ANSIBLE_CONSUL_CLIENT_CERT
ini:
- section: lookup_consul
key: client_cert
'''
EXAMPLES = """
- debug:
msg: 'key contains {{item}}'
with_consul_kv:
- 'key/to/retrieve'
- name: Parameters can be provided after the key be more specific about what to retrieve
debug:
msg: 'key contains {{item}}'
with_consul_kv:
- 'key/to recurse=true token=E6C060A9-26FB-407A-B83E-12DDAFCB4D98'
- name: retrieving a KV from a remote cluster on non default port
debug:
msg: "{{ lookup('consul_kv', 'my/key', host='10.10.10.10', port='2000') }}"
"""
RETURN = """
_raw:
description:
- Value(s) stored in consul.
"""
import os
from ansible.module_utils.six.moves.urllib.parse import urlparse
from ansible.errors import AnsibleError, AnsibleAssertionError
from ansible.plugins.lookup import LookupBase
from ansible_collections.notstdlib.moveitallout.plugins.module_utils._text import to_text
try:
import consul
HAS_CONSUL = True
except ImportError as e:
HAS_CONSUL = False
class LookupModule(LookupBase):
def run(self, terms, variables=None, **kwargs):
if not HAS_CONSUL:
raise AnsibleError(
'python-consul is required for consul_kv lookup. see http://python-consul.readthedocs.org/en/latest/#installation')
values = []
try:
for term in terms:
params = self.parse_params(term)
try:
url = os.environ['ANSIBLE_CONSUL_URL']
validate_certs = os.environ['ANSIBLE_CONSUL_VALIDATE_CERTS'] or True
client_cert = os.environ['ANSIBLE_CONSUL_CLIENT_CERT'] or None
u = urlparse(url)
consul_api = consul.Consul(host=u.hostname, port=u.port, scheme=u.scheme, verify=validate_certs,
cert=client_cert)
except KeyError:
port = kwargs.get('port', '8500')
host = kwargs.get('host', 'localhost')
scheme = kwargs.get('scheme', 'http')
validate_certs = kwargs.get('validate_certs', True)
client_cert = kwargs.get('client_cert', None)
consul_api = consul.Consul(host=host, port=port, scheme=scheme, verify=validate_certs,
cert=client_cert)
results = consul_api.kv.get(params['key'],
token=params['token'],
index=params['index'],
recurse=params['recurse'],
dc=params['datacenter'])
if results[1]:
# responds with a single or list of result maps
if isinstance(results[1], list):
for r in results[1]:
values.append(to_text(r['Value']))
else:
values.append(to_text(results[1]['Value']))
except Exception as e:
raise AnsibleError(
"Error locating '%s' in kv store. Error was %s" % (term, e))
return values
def parse_params(self, term):
params = term.split(' ')
paramvals = {
'key': params[0],
'token': None,
'recurse': False,
'index': None,
'datacenter': None
}
# parameters specified?
try:
for param in params[1:]:
if param and len(param) > 0:
name, value = param.split('=')
if name not in paramvals:
raise AnsibleAssertionError("%s not a valid consul lookup parameter" % name)
paramvals[name] = value
except (ValueError, AssertionError) as e:
raise AnsibleError(e)
return paramvals
| [
"[email protected]"
]
| |
9a902b4125b04a3bd948e287ab07dfd3cb806616 | 5e381364c2ab31ff3618369085afffba6caa8edb | /recipes/libgpiod/all/conanfile.py | db1d1a01710835418891263138eb1d28aea2198b | [
"MIT"
]
| permissive | CAMOBAP/conan-center-index | 16aea68a6d22da22831ba985773125e8eda08f00 | 67d57532bdad549fef3fa6cb8fcdfa86bc55e4f1 | refs/heads/master | 2023-07-30T08:58:57.285571 | 2021-10-02T14:57:54 | 2021-10-02T14:57:54 | 323,262,699 | 1 | 0 | MIT | 2021-05-29T13:37:04 | 2020-12-21T07:30:02 | Python | UTF-8 | Python | false | false | 3,349 | py | from conans import ConanFile, tools, AutoToolsBuildEnvironment
from conans.errors import ConanInvalidConfiguration
import os
required_conan_version = ">=1.33.0"
class LibgpiodConan(ConanFile):
name = "libgpiod"
url = "https://github.com/conan-io/conan-center-index"
homepage = "https://git.kernel.org/pub/scm/libs/libgpiod/libgpiod.git/"
license = "LGPL-2.1-or-later"
description = "C library and tools for interacting with the linux GPIO character device"
topics = ("gpio", "libgpiod", "libgpiodcxx", "linux")
settings = "os", "arch", "compiler", "build_type"
options = {
"shared": [True, False],
"fPIC": [True, False],
"enable_bindings_cxx": [True, False],
"enable_tools": [True, False],
}
default_options = {
"shared": False,
"fPIC": True,
"enable_bindings_cxx": False,
"enable_tools": False,
}
_autotools = None
@property
def _source_subfolder(self):
return "source_subfolder"
def validate(self):
if self.settings.os != "Linux":
raise ConanInvalidConfiguration("libgpiod supports only Linux")
def configure(self):
if self.options.shared:
del self.options.fPIC
if not self.options.enable_bindings_cxx:
del self.settings.compiler.libcxx
del self.settings.compiler.cppstd
def build_requirements(self):
self.build_requires("libtool/2.4.6")
self.build_requires("pkgconf/1.7.4")
self.build_requires("autoconf-archive/2021.02.19")
self.build_requires("linux-headers-generic/5.13.9")
def source(self):
tools.get(**self.conan_data["sources"][self.version], destination=self._source_subfolder, strip_root=True)
def _configure_autotools(self):
if self._autotools:
return self._autotools
self._autotools = AutoToolsBuildEnvironment(self)
yes_no = lambda v: "yes" if v else "no"
args = [
"--enable-shared={}".format(yes_no(self.options.shared)),
"--enable-static={}".format(yes_no(not self.options.shared)),
"--enable-bindings-cxx={}".format(yes_no(self.options.enable_bindings_cxx)),
"--enable-tools={}".format(yes_no(self.options.enable_tools)),
]
self._autotools.configure(args=args, configure_dir=self._source_subfolder)
return self._autotools
def build(self):
with tools.chdir(os.path.join(self._source_subfolder)):
self.run("{} -fiv".format(tools.get_env("AUTORECONF")), run_environment=True)
autotools = self._configure_autotools()
autotools.make()
def package(self):
self.copy("COPYING", dst="licenses", src=self._source_subfolder)
autotools = self._configure_autotools()
autotools.install()
tools.remove_files_by_mask(self.package_folder, "*.la")
tools.rmdir(os.path.join(self.package_folder, "lib", "pkgconfig"))
def package_info(self):
self.cpp_info.components["gpiod"].libs = ["gpiod"]
self.cpp_info.components["gpiod"].names["pkg_config"] = "gpiod"
if self.options.enable_bindings_cxx:
self.cpp_info.components["gpiodcxx"].libs = ["gpiodcxx"]
self.cpp_info.components["gpiodcxx"].names["pkg_config"] = "gpiodcxx"
| [
"[email protected]"
]
| |
e20b16e57e9aa44e69a14efd8227487613b32c35 | bb3ab1d635a1696bb8cb81c672d06747d9a521a6 | /test/functional/rpc_help.py | 6c7126e7e75d42fc5c4a85c81eb2b201fd9eb441 | [
"MIT"
]
| permissive | dogxteam/dogxwallet-master | 55ab22aa37c7ce131a06151958743acb1f3e12af | 346189354bdec9a80c20bdc429ddec15c3b17b73 | refs/heads/master | 2020-04-28T23:42:38.257585 | 2019-03-14T17:19:07 | 2019-03-14T17:19:07 | 175,666,685 | 5 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,921 | py | #!/usr/bin/env python3
# Copyright (c) 2018 The dogxcoin Core developers
# Distributed under the MIT software license, see the accompanying
# file COPYING or http://www.opensource.org/licenses/mit-license.php.
"""Test RPC help output."""
from test_framework.test_framework import dogxcoinTestFramework
from test_framework.util import assert_equal, assert_raises_rpc_error
import os
class HelpRpcTest(dogxcoinTestFramework):
def set_test_params(self):
self.num_nodes = 1
def run_test(self):
self.test_categories()
self.dump_help()
def test_categories(self):
node = self.nodes[0]
# wrong argument count
assert_raises_rpc_error(-1, 'help', node.help, 'foo', 'bar')
# invalid argument
assert_raises_rpc_error(-1, 'JSON value is not a string as expected', node.help, 0)
# help of unknown command
assert_equal(node.help('foo'), 'help: unknown command: foo')
# command titles
titles = [line[3:-3] for line in node.help().splitlines() if line.startswith('==')]
components = ['Blockchain', 'Control', 'Generating', 'Mining', 'Network', 'Rawtransactions', 'Util']
if self.is_wallet_compiled():
components.append('Wallet')
if self.is_zmq_compiled():
components.append('Zmq')
assert_equal(titles, components)
def dump_help(self):
dump_dir = os.path.join(self.options.tmpdir, 'rpc_help_dump')
os.mkdir(dump_dir)
calls = [line.split(' ', 1)[0] for line in self.nodes[0].help().splitlines() if line and not line.startswith('==')]
for call in calls:
with open(os.path.join(dump_dir, call), 'w', encoding='utf-8') as f:
# Make sure the node can generate the help at runtime without crashing
f.write(self.nodes[0].help(call))
if __name__ == '__main__':
HelpRpcTest().main()
| [
"[email protected]"
]
| |
3a43e4c3b9fb6d730d001ad0ffaf6d1e120b3db1 | cd49a02f2cd3b5fbce7afb035eaf82d613b6d1ca | /devel/lib/python3/dist-packages/franka_gripper/msg/_GraspActionGoal.py | 4bfb340942d854f8f6b6181ab73c7e19b5a529d7 | []
| no_license | robwoidi/ws_ur10e_hand | f7f1f00f61e0378e893469b3574bc13c72b8beb1 | 96d49c2a925309e478d937bb84c417cf6a3f9f7d | refs/heads/master | 2023-08-20T14:56:04.057416 | 2021-10-28T08:35:58 | 2021-10-28T08:35:58 | 397,485,530 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 120 | py | /home/woidi/ws_ur10e_hand/devel/.private/franka_gripper/lib/python3/dist-packages/franka_gripper/msg/_GraspActionGoal.py | [
"[email protected]"
]
| |
8be304163c504a477830cf9789a1f3a87f80b7fc | dfc3232256294e740d2d2eabf24d4390d99bf7c3 | /basic_app/views.py | 84e62fbdbc72b87744fce7df7e69f7034dbe2636 | []
| no_license | pritamSarkar123/django2020-PracOne | 0158867ba0fa16acdf3acf5799b87cfad47662a1 | 6075939371aa353ae9db2c07e9d1061a8bd629a7 | refs/heads/master | 2022-07-12T15:34:26.080300 | 2020-05-14T18:32:54 | 2020-05-14T18:32:54 | 263,191,616 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,303 | py | from django.shortcuts import render
from . forms import UserProfileInfoForm, UserForm
# Create your views here.
def index(request):
return render(request, 'basic_app/index.html')
def login(request):
pass
def register(request):
registered = False # still not registered
if request.method == 'POST':
user_form = UserForm(data=request.POST)
profile_form = UserProfileInfoForm(data=request.POST)
if user_form.is_valid() and profile_form.is_valid():
user = user_form.save()
user.set_password(user.password)
user.save()
profile = profile_form.save(commit=False)
profile.user = user
if 'profile_pic' in request.FILES:
profile.profile_pic = request.FILES['profile_pic']
profile.save()
registered = True
else:
print(user_form.errors, profile_form.errors)
return render(request, 'basic_app/registration.html', {'user_form': user_form, 'profile_form': profile_form, 'registered': registered})
else:
user_form = UserForm()
profile_form = UserProfileInfoForm()
return render(request, 'basic_app/registration.html', {'user_form': user_form, 'profile_form': profile_form, 'registered': registered})
| [
"[email protected]"
]
| |
3ce812d39b7566be6bfeeb56bcb099674c4f6e92 | 7385c450eca8be719ba45686db698b747e01cd91 | /examples/ad_manager/v201905/user_service/deactivate_users.py | 099e00a0b9aed6cbca48c385661ef364fe509473 | [
"Apache-2.0"
]
| permissive | tanmaykhattar/googleads-python-lib | 44f15b9f6a0c2a3da7f19c17133b5fba842daf07 | 81742dc3571c9413196cfceb57f761c79db6857a | refs/heads/master | 2020-06-01T16:06:05.797538 | 2019-05-22T14:57:29 | 2019-05-22T14:57:29 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,245 | py | #!/usr/bin/env python
#
# Copyright 2015 Google Inc. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
"""This code example deactivates a user.
Deactivated users can no longer make requests to the API. The user making the
request cannot deactivate itself. To determine which users exist, run
get_all_users.py.
"""
# Import appropriate modules from the client library.
from googleads import ad_manager
USER_ID = 'INSERT_USER_ID_TO_DEACTIVATE_HERE'
def main(client, user_id):
# Initialize appropriate service.
user_service = client.GetService('UserService', version='v201905')
# Create query.
statement = (ad_manager.StatementBuilder(version='v201905')
.Where('id = :userId')
.WithBindVariable('userId', long(user_id)))
# Get users by statement.
response = user_service.getUsersByStatement(statement.ToStatement())
users = response['results'] if 'results' in response else []
for user in users:
print ('User with id "%s", email "%s", and status "%s" will be '
'deactivated.'
% (user['id'], user['email'],
{'true': 'ACTIVE', 'false': 'INACTIVE'}[user['isActive']]))
print 'Number of users to be deactivated: %s' % len(users)
# Perform action.
result = user_service.performUserAction({'xsi_type': 'DeactivateUsers'},
statement.ToStatement())
# Display results.
if result and int(result['numChanges']) > 0:
print 'Number of users deactivated: %s' % result['numChanges']
else:
print 'No users were deactivated.'
if __name__ == '__main__':
# Initialize client object.
ad_manager_client = ad_manager.AdManagerClient.LoadFromStorage()
main(ad_manager_client, USER_ID)
| [
"[email protected]"
]
| |
424b2810e1adb62e9cbfdcf2a7a3660861ea1941 | 85fc330022d04f4c2ec3da82d169f38a4f6badf4 | /setup.py | a6bb87df6b36bc3da2e9799e8f2ddbafb97e0eaf | []
| no_license | richardliaw/sospescher | 3ad8c93d4348339d9e8ec75f7e47b1e9b65e1fde | 359e2f35681ea047dcdec9c5737f5719177f563b | refs/heads/master | 2020-05-16T15:04:29.178998 | 2019-04-25T00:00:01 | 2019-04-25T00:00:01 | 183,121,686 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 105 | py | from setuptools import setup
setup(
name='escher',
version='0.1dev',
packages=['escher',]
)
| [
"[email protected]"
]
| |
6ff849f533bab517e0957bcbed0ee59fad455e3a | 7326300e7888435dd374250a7573e6a3e1be1794 | /setup.py | 9d4cfc28fa60266faae98fc23116b0fb04e1aff6 | [
"BSD-3-Clause",
"MIT"
]
| permissive | lietu/wsps-python | 8ac67a4622e4b1be147e84512364ca89f988200d | 782146880bd47c3d96b2550e48cceeffcb9c2c2e | refs/heads/master | 2021-07-12T16:03:57.392071 | 2021-06-20T08:41:55 | 2021-06-20T08:41:55 | 35,605,582 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 592 | py | from distutils.core import setup
from pip.req import parse_requirements
requirements = [
str(entry.req)
for entry in parse_requirements("requirements.txt")
]
setup(
name='wsps',
packages=['wsps'],
version='1.0.0',
description='Python client library for WSPS server',
author='Janne Enberg',
author_email='[email protected]',
url='https://github.com/lietu/wsps-python',
download_url='https://github.com/lietu/wsps-python/tarball/0.1',
keywords=['wsps', 'client', 'pubsub', 'websocket'],
classifiers=[],
install_requires=requirements
)
| [
"[email protected]"
]
| |
acb4f7daac08b9e44485592e750791c9c3cedbeb | 8cb7f23145d944ad48d7894dcbf9786e9f5eb90f | /venv/lib/python3.9/site-packages/hio-0.1.2-py3.9.egg/hio/core/serial/__init__.py | 07e4890bc758d5013106a02ec5b0b4b968cd78d5 | [
"MIT"
]
| permissive | ryanwwest/kademlia | a10adf3baa7dea0abb61ed21ae790bdfeaeda948 | e1e5b84db0a7710cf372663325041850802d55f1 | refs/heads/master | 2023-05-09T19:24:52.252673 | 2021-06-03T15:29:16 | 2021-06-03T15:29:16 | 313,499,863 | 3 | 0 | MIT | 2020-12-09T05:50:46 | 2020-11-17T03:47:00 | null | UTF-8 | Python | false | false | 58 | py | # -*- encoding: utf-8 -*-
"""
hio.core.serial Package
"""
| [
"[email protected]"
]
| |
17835928e3b930371bb7d6ad88507962c20101f0 | 821687f9f0f523a1deea879f1bc4b866b489857f | /interaction3/cli.py | ff57e09ccd1f2aa6fa7988f2197101e67f277915 | [
"MIT"
]
| permissive | bdshieh/interaction3 | 1426254e1153ad75fde828e7fee0905ced0a2566 | b44c390045cf3b594125e90d2f2f4f617bc2433b | refs/heads/master | 2021-05-09T13:00:49.681525 | 2020-07-08T14:41:09 | 2020-07-08T14:41:09 | 119,022,280 | 3 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,408 | py | ## interaction3 / cli.py
import argparse
import interaction3.bem.scripts
import interaction3.mfield.scripts
bem_scripts = {}
bem_scripts['t-crosstalk'] = interaction3.bem.scripts.simulate_transmit_crosstalk
bem_scripts['r-crosstalk'] = interaction3.bem.scripts.simulate_receive_crosstalk
bem_scripts['build-orders-db'] = interaction3.bem.scripts.build_orders_database
bem_scripts['build-translations-db'] = interaction3.bem.scripts.build_translations_database
mfield_scripts = {}
mfield_scripts['t-beamplot'] = interaction3.mfield.scripts.simulate_transmit_beamplot
mfield_scripts['tr-beamplot'] = interaction3.mfield.scripts.simulate_transmit_receive_beamplot
# define master parser
parser = argparse.ArgumentParser()
# define subparsers
subparsers = parser.add_subparsers()
bem_parser = subparsers.add_parser('bem')
mfield_parser = subparsers.add_parser('mfield')
array_parser = subparsers.add_parser('array')
# define bem subparser arguments
bem_parser.add_argument('script_name')
bem_parser.set_defaults(lookup=bem_scripts)
# define mfield subparser arguments
mfield_parser.add_argument('script_name')
mfield_parser.set_defaults(lookup=mfield_scripts)
def main():
args, unknown_args = parser.parse_known_args()
args.lookup[args.script_name].main(unknown_args)
# print(args)
# print(unknown_args)
# script_name = args.pop('script_name')
# lookup = args.pop('lookup')
| [
"[email protected]"
]
| |
8c2a9ca981026afbb3ed01666198c967722c8fd6 | 7b76e80f2057d78a721373e8818e153eecebe8f0 | /Examples/ev1.py | 7d661238bcdd22c777dc6495cae6820446b961cb | []
| no_license | dev-area/Python | c744cf6eb416a74a70ad55d2bcfa8a6166adc45d | 1421a1f154fe314453d2da8b0fafae79aa5086a6 | refs/heads/master | 2023-02-01T10:37:47.796198 | 2020-10-15T19:33:49 | 2020-10-15T19:33:49 | 86,337,870 | 35 | 44 | null | 2023-01-12T09:02:59 | 2017-03-27T13:20:49 | Jupyter Notebook | UTF-8 | Python | false | false | 1,168 | py | # -*- coding: utf-8 -*-
"""
Created on Sun Jan 18 01:08:50 2015
@author: liran
"""
import numpy as np
import matplotlib.pyplot as plt
N = 5
menMeans = (20, 35, 30, 35, 27)
menStd = (2, 3, 4, 1, 2)
ind = np.arange(N) # the x locations for the groups
width = 0.35 # the width of the bars
fig, ax = plt.subplots()
rects1 = ax.bar(ind, menMeans, width, color='r', yerr=menStd)
womenMeans = (25, 32, 34, 20, 25)
womenStd = (3, 5, 2, 3, 3)
rects2 = ax.bar(ind+width, womenMeans, width, color='y', yerr=womenStd)
# add some text for labels, title and axes ticks
ax.set_ylabel('Scores')
ax.set_title('Scores by group and gender')
ax.set_xticks(ind+width)
ax.set_xticklabels( ('G1', 'G2', 'G3', 'G4', 'G5') )
ax.legend( (rects1[0], rects2[0]), ('Men', 'Women') )
def autolabel(rects):
# attach some text labels
for rect in rects:
height = rect.get_height()
ax.text(rect.get_x()+rect.get_width()/2., 1.05*height, '%d'%int(height),
ha='center', va='bottom')
autolabel(rects1)
autolabel(rects2)
def onpick(event):
legline = event.artist
print legline
fig.canvas.mpl_connect('pick_event', onpick)
plt.show()
| [
"[email protected]"
]
| |
f99c455fe294a2c29567b235098b104ac61644f8 | 1f51c4e89a71ea3fcc2cc921613aacc19e078b69 | /12_Intermediate Data Visualization with Seaborn/02_Customizing Seaborn Plots/02_Comparing styles.py | b0a035357655de5933a5af2ad05b2de639a0f090 | [
"MIT"
]
| permissive | CodeHemP/CAREER-TRACK-Data-Scientist-with-Python | 871bafbd21c4e754beba31505965572dd8457adc | 13ebb10cf9083343056d5b782957241de1d595f9 | refs/heads/main | 2023-03-26T08:43:37.054410 | 2021-03-22T15:08:12 | 2021-03-22T15:08:12 | 471,015,287 | 1 | 0 | MIT | 2022-03-17T13:52:32 | 2022-03-17T13:52:31 | null | UTF-8 | Python | false | false | 643 | py | '''
02 - Comparing styles
Seaborn supports setting different styles that can control the aesthetics of
the final plot. In this exercise, you will plot the same data in two different
styles in order to see how the styles change the output.
Instructions 1/2
- Create a distplot() of the fmr_2 column in df using a 'dark' style. Use plt.clf()
to clear the figure.
'''
sns.set_style('dark')
sns.distplot(df['fmr_2'])
plt.show()
plt.clf()
'''
Instructions 2/2
- Create the same distplot() of fmr_2 using a 'whitegrid' style. Clear the plot after
showing it.
'''
sns.set_style('whitegrid')
sns.distplot(df['fmr_2'])
plt.show()
plt.clf()
| [
"[email protected]"
]
| |
813c427562de14035661bccacb522817f608ea31 | d247a30f42a26476f8005b0f963880df6ca568b9 | /4.py | 7458a177cb3988d4c433fa5e94c8dbe9b8e228d1 | []
| no_license | hurtadojara/AirBnB_clone_v2 | 824689cf440a1717178c6562e06562dc55d1fa69 | 9ca6fd3e61bcdb38bb4e3d2bedbc5026e62c2534 | refs/heads/master | 2023-02-18T20:58:49.166959 | 2021-01-21T04:46:02 | 2021-01-21T04:46:02 | 321,381,842 | 0 | 0 | null | 2020-12-16T00:38:40 | 2020-12-14T14:57:40 | HTML | UTF-8 | Python | false | false | 2,626 | py | #!/usr/bin/python3
"""
Fabric script that distributes an archive to web servers
"""
from fabric.api import *
from fabric.operations import put, run, sudo
import os
from fabric.api import run, local, sudo, env
from datetime import datetime
dt = datetime.now()
env.hosts = ['35.237.118.171', '35.237.236.118']
env.user = 'ubuntu'
def do_pack():
""" Packs web_static files into .tgz file
"""
file_name = 'versions/web_static_{}{}{}{}{}{}.tgz'.format(
dt.year, dt.month, dt.day, dt.hour, dt.minute, dt.second)
local('mkdir -p versions')
command = local("tar -cvzf " + file_name + " ./web_static/")
if command == 0:
return file_name
return None
def do_deploy(archive_path):
""" deploy an archive from the archive_path
"""
if os.path.exists(archive_path) is False:
return False
file_name = os.path.splitext(os.path.split(archive_path)[1])[0]
target = '/data/web_static/releases/' + file_name
path = archive_path.split('/')[1]
try:
"""put("{}/tmp/".format(archive_path))
run('sudo mkdir -p {}'.format(target))
run('sudo tar -xzf /tmp/{} -C {}/'.format(path, target))
run('sudo rm /tmp/{}'.format(path))
run('sudo mv {}/web_static/* {}/'.format(target, target))
run('sudo rm -rf {}/web_static'.format(target))
run('sudo rm -rf /data/web_static/current')
run('sudo ln -s {}/ /data/web_static/current'.format(target))"""
put(archive_path, "/tmp/")
run('sudo mkdir -p ' + target)
run('sudo tar -xzf /tmp/' + path + ' -C ' + target + '/')
run('sudo rm /tmp/' + path)
run('sudo mv ' + target + '/web_static/* ' + target + '/')
run('sudo rm -rf ' + target + '/web_static')
run('sudo rm -rf /data/web_static/current')
run('sudo ln -s ' + target + '/ /data/web_static/current')
return True
except:
return False
def deploy():
""" make and ship static
"""
path = do_pack()
if path is None:
return False
return do_deploy(path)
def do_clean(number=0):
""" Deletes out-of-date archives. Cleans old archives
"""
number = int(number)
with lcd('versions'):
if number == 0 or number == 1:
local('ls -t | tail -n +2 | xargs rm -rfv')
else:
local('ls -t | tail -n +{} | xargs rm -rfv'.format(number + 1))
with cd('/data/web_static/releases/'):
if number == 0 or number == 1:
run('ls -t | tail -n +2 | xargs rm -rfv')
else:
run('ls -t | tail -n +{} | xargs rm -rfv'.format(number + 1))
| [
"[email protected]"
]
| |
c75befccf0a71431a43b7b0548261388ce48988d | 09e57dd1374713f06b70d7b37a580130d9bbab0d | /benchmark/startQiskit1922.py | 41b4d478181709e482e2313f7435b41cda296cb4 | [
"BSD-3-Clause"
]
| permissive | UCLA-SEAL/QDiff | ad53650034897abb5941e74539e3aee8edb600ab | d968cbc47fe926b7f88b4adf10490f1edd6f8819 | refs/heads/main | 2023-08-05T04:52:24.961998 | 2021-09-19T02:56:16 | 2021-09-19T02:56:16 | 405,159,939 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,626 | py | # qubit number=5
# total number=63
import cirq
import qiskit
from qiskit import QuantumCircuit, QuantumRegister, ClassicalRegister
from qiskit import BasicAer, execute, transpile
from pprint import pprint
from qiskit.test.mock import FakeVigo
from math import log2,floor, sqrt, pi
import numpy as np
import networkx as nx
def build_oracle(n: int, f) -> QuantumCircuit:
# implement the oracle O_f^\pm
# NOTE: use U1 gate (P gate) with \lambda = 180 ==> CZ gate
# or multi_control_Z_gate (issue #127)
controls = QuantumRegister(n, "ofc")
oracle = QuantumCircuit(controls, name="Zf")
for i in range(2 ** n):
rep = np.binary_repr(i, n)
if f(rep) == "1":
for j in range(n):
if rep[j] == "0":
oracle.x(controls[j])
# oracle.h(controls[n])
if n >= 2:
oracle.mcu1(pi, controls[1:], controls[0])
for j in range(n):
if rep[j] == "0":
oracle.x(controls[j])
# oracle.barrier()
return oracle
def make_circuit(n:int,f) -> QuantumCircuit:
# circuit begin
input_qubit = QuantumRegister(n,"qc")
classical = ClassicalRegister(n, "qm")
prog = QuantumCircuit(input_qubit, classical)
prog.h(input_qubit[0]) # number=3
prog.h(input_qubit[1]) # number=4
prog.h(input_qubit[2]) # number=5
prog.h(input_qubit[3]) # number=6
prog.h(input_qubit[3]) # number=59
prog.h(input_qubit[4]) # number=21
prog.h(input_qubit[0]) # number=43
prog.cz(input_qubit[4],input_qubit[0]) # number=44
prog.h(input_qubit[0]) # number=45
prog.h(input_qubit[0]) # number=56
prog.cz(input_qubit[4],input_qubit[0]) # number=57
prog.h(input_qubit[0]) # number=58
prog.cx(input_qubit[4],input_qubit[0]) # number=60
prog.z(input_qubit[4]) # number=61
prog.cx(input_qubit[4],input_qubit[0]) # number=62
prog.cx(input_qubit[4],input_qubit[0]) # number=48
prog.h(input_qubit[0]) # number=37
prog.cz(input_qubit[4],input_qubit[0]) # number=38
prog.h(input_qubit[0]) # number=39
Zf = build_oracle(n, f)
repeat = floor(sqrt(2 ** n) * pi / 4)
for i in range(repeat):
prog.append(Zf.to_gate(), [input_qubit[i] for i in range(n)])
prog.h(input_qubit[0]) # number=1
prog.rx(-1.0430087609918113,input_qubit[4]) # number=36
prog.h(input_qubit[1]) # number=2
prog.h(input_qubit[2]) # number=7
prog.h(input_qubit[3]) # number=8
prog.cx(input_qubit[1],input_qubit[0]) # number=40
prog.cx(input_qubit[1],input_qubit[0]) # number=52
prog.x(input_qubit[0]) # number=53
prog.cx(input_qubit[1],input_qubit[0]) # number=54
prog.h(input_qubit[0]) # number=49
prog.cz(input_qubit[1],input_qubit[0]) # number=50
prog.h(input_qubit[0]) # number=51
prog.x(input_qubit[1]) # number=10
prog.rx(-0.06597344572538572,input_qubit[3]) # number=27
prog.cx(input_qubit[0],input_qubit[2]) # number=22
prog.x(input_qubit[2]) # number=23
prog.h(input_qubit[2]) # number=28
prog.cz(input_qubit[0],input_qubit[2]) # number=29
prog.h(input_qubit[2]) # number=30
prog.x(input_qubit[3]) # number=12
if n>=2:
prog.mcu1(pi,input_qubit[1:],input_qubit[0])
prog.x(input_qubit[0]) # number=13
prog.x(input_qubit[1]) # number=14
prog.x(input_qubit[2]) # number=15
prog.x(input_qubit[3]) # number=16
prog.h(input_qubit[4]) # number=35
prog.h(input_qubit[0]) # number=17
prog.rx(2.4912829742967055,input_qubit[2]) # number=26
prog.h(input_qubit[1]) # number=18
prog.h(input_qubit[2]) # number=19
prog.h(input_qubit[2]) # number=55
prog.h(input_qubit[2]) # number=25
prog.h(input_qubit[3]) # number=20
# circuit end
for i in range(n):
prog.measure(input_qubit[i], classical[i])
return prog
if __name__ == '__main__':
key = "00000"
f = lambda rep: str(int(rep == key))
prog = make_circuit(5,f)
backend = BasicAer.get_backend('qasm_simulator')
sample_shot =7924
info = execute(prog, backend=backend, shots=sample_shot).result().get_counts()
backend = FakeVigo()
circuit1 = transpile(prog,backend,optimization_level=2)
writefile = open("../data/startQiskit1922.csv","w")
print(info,file=writefile)
print("results end", file=writefile)
print(circuit1.depth(),file=writefile)
print(circuit1,file=writefile)
writefile.close()
| [
"[email protected]"
]
| |
0e8548ada59f62ec926c7d0af635680d2de0bb83 | 3227285b8463b7d7ff7588f38829184d1d0d96cd | /icare/core/endpoints.py | 589e98bd16972b1638de0a127302d783b1bbe412 | []
| no_license | IpoLa/icare | 40592f657ea44340ffe2e5a71d48860d8c9692ad | d3d894f88290c6afcabfde95ae49647254c461d0 | refs/heads/master | 2023-04-02T16:41:39.803276 | 2021-04-10T12:25:01 | 2021-04-10T12:25:01 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,631 | py | """API Endpoints For Tasks, Lists, and Folders"""
import logging
import sys
import time
import datetime
from rest_framework.generics import ListAPIView, RetrieveAPIView
from rest_framework.permissions import IsAuthenticated
from rest_framework.views import APIView
from rest_framework.response import Response
from . import utils as u, payloads as p
from .models import List, Folder, Task, Attachment
from .serializers import (
ListSerializer,
FolderSerializer,
FolderDetailSerializer,
NewRequestSerializer,
AttachmentSerializer,
UpdateRequestSerializer,
)
logger = logging.getLogger(__name__)
# TODO Remove this after making sure it's not needed
class Lists(ListAPIView):
permission_classes = (IsAuthenticated,)
serializer_class = ListSerializer
queryset = List.objects.all()
class Folders(ListAPIView):
permission_classes = (IsAuthenticated,)
serializer_class = FolderSerializer
queryset = Folder.objects.filter(is_active=True)
class FolderDetail(RetrieveAPIView):
permission_classes = (IsAuthenticated,)
serializer_class = FolderDetailSerializer
queryset = Folder.objects.filter(is_active=True)
class ICareRequest(APIView):
permission_classes = (IsAuthenticated,)
def post(self, request, *args, **kwargs):
"""New Request"""
# data validation
serializer = NewRequestSerializer(data=request.data)
serializer.is_valid(raise_exception=True)
# data extraction
vd = serializer.validated_data
name = vd.get("name")
description = vd.get("description")
due_date = vd.get("due_date")
_list = vd.get("list")
# logic
clickup_description = f"{description}\n\n user's email: {request.user.email}\n"
if due_date:
date_to_time = time.mktime(
datetime.datetime.strptime(str(due_date), "%Y-%m-%d").timetuple()
)
due_date = int(date_to_time * 1000)
remote_task = u.create_task(
_list.clickup_id,
p.create_task_payload(name, clickup_description, due_date=due_date,),
)
if remote_task and remote_task.get("err"):
logger.error(str(remote_task), exc_info=sys.exc_info())
return Response(
{"detail": "Request creation failed. Try again later"}, status=400
)
Task.objects.create(
clickup_id=remote_task.get("id"),
created_json=remote_task,
name=remote_task.get("name"),
description=description,
_list=_list,
is_active=True,
user=request.user,
status=remote_task.get("status").get("status"),
)
return Response({"detail": "Request created successfully!"})
def put(self, request, *args, **kwargs):
"""Update Request"""
# data validation
serializer = UpdateRequestSerializer(data=request.data)
serializer.is_valid(raise_exception=True)
# data extraction
vd = serializer.validated_data
name = vd.get("name")
description = vd.get("description")
due_date = vd.get("due_date")
task = vd.get("task")
# logic
clickup_description = f"{description}\n\n user's email: {request.user.email}\n"
if due_date:
date_to_time = time.mktime(
datetime.datetime.strptime(str(due_date), "%Y-%m-%d").timetuple()
)
due_date = int(date_to_time * 1000)
remote_task = u.update_task(
task.clickup_id,
p.create_task_payload(name, clickup_description, due_date=due_date,),
)
if remote_task and remote_task.get("err"):
logger.error(str(remote_task), exc_info=sys.exc_info())
return Response(
{"detail": "Updating Request failed. Try again later"}, status=400
)
# update task locally
task.name = name
task.description = description
task.updated_json = remote_task
task.save()
return Response({"detail": "Request updated successfully!"})
class RequestAttachment(APIView):
def post(self, request, *args, **kwargs):
serializer = AttachmentSerializer(data=request.data)
serializer.is_valid(raise_exception=True)
vd = serializer.validated_data
file = vd.get("attachment")
task = vd.get("task")
created_json = u.attachment(task.clickup_id, file)
Attachment.objects.create(task=task, created_json=created_json)
return Response(created_json)
| [
"[email protected]"
]
| |
b7438ab13396c7815765ea2582297ccd1491dc3e | b1080fd7844e104522e73ca1a6790f1a578df967 | /spider/html_parser.py | 8bae02a0878472a5973c36a2a6129f83af0ec2c8 | []
| no_license | sundawei2018/simple-web-crawler | 5b8286fa39a4451608d16d151a2220c10d838aa4 | e064adf97d8ecf43af3018bfc75c485e48c5278b | refs/heads/master | 2021-01-22T11:33:05.356977 | 2017-09-27T19:10:45 | 2017-09-27T19:10:45 | 92,710,904 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,600 | py | '''
Created on May 29, 2017
@author: Dave
'''
from bs4 import BeautifulSoup
import re
import urlparse
class HtmlParser(object):
def _get_new_urls(self, page_url, soup):
new_urls = set()
# // /view/123.htm <a href="/wiki/Measuring_programming_language_popularity" title="Measuring programming language popularity">widely used</a>
# r"/view/\d+\.htm"
links = soup.find_all('a', href = re.compile(r"/wiki/.*"))
for link in links:
new_url = link['href']
new_full_url = urlparse.urljoin(page_url, new_url)
new_urls.add(new_full_url)
return new_urls
def _get_new_data(self, page_url, soup):
res_data = {}
# <h1 id="firstHeading" class="firstHeading" lang="en">Python (programming language)</h1>
title_node = soup.find('h1', class_ = "firstHeading")
res_data['title'] = title_node.get_text()
# <div id="mw-content-text" lang="en" dir="ltr" class="mw-content-ltr"><table class="infobox vevent" style="width:22em">
summary_node = soup.find('div', class_ = "mw-content-ltr")
res_data['summary'] = summary_node.get_text()
res_data['url'] = page_url
return res_data
def parse(self, page_url, html_cont):
if page_url is None or html_cont is None:
return
soup = BeautifulSoup(html_cont, 'html.parser', from_encoding = 'utf-8')
new_urls = self._get_new_urls(page_url,soup)
new_data = self._get_new_data(page_url,soup)
return new_urls, new_data
| [
"[email protected]"
]
| |
49ca64f6aee83b654332480f509e7a652fc79033 | b05761d771bb5a85d39d370c649567c1ff3eb089 | /venv/lib/python3.10/site-packages/jedi/third_party/typeshed/stdlib/3/re.pyi | 179fd6dd7df74acaca22cf81f210fcaa9b9c74d5 | []
| no_license | JawshyJ/Coding_Practice | 88c49cab955eab04609ec1003b6b8c20f103fc06 | eb6b229d41aa49b1545af2120e6bee8e982adb41 | refs/heads/master | 2023-02-19T10:18:04.818542 | 2023-02-06T21:22:58 | 2023-02-06T21:22:58 | 247,788,631 | 4 | 0 | null | null | null | null | UTF-8 | Python | false | false | 96 | pyi | /home/runner/.cache/pip/pool/13/5c/0f/9375bb329fb45526adcc4975591d39f325d68726aefaf25f16caf83afa | [
"[email protected]"
]
| |
95bb0f4a76ab7b372f792b8f38730e4f9b750a89 | 96e77a734bf865f998e719fafcaabd120b93759c | /Python/Django/upload_proj/upload_proj/urls.py | 590b4c8dd4fd30d3bad99fd71d00afaef17605cb | []
| no_license | imronha/codingdojoprojects | 3346feca1c03f625270eeded2cfb6a9b0249ab56 | 1b40688372844eca3fd02401f397c4ba4b334ce7 | refs/heads/master | 2020-04-05T12:59:14.237411 | 2017-11-06T08:27:06 | 2017-11-06T08:27:06 | 94,944,785 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,067 | py | """upload_proj URL Configuration
The `urlpatterns` list routes URLs to views. For more information please see:
https://docs.djangoproject.com/en/1.11/topics/http/urls/
Examples:
Function views
1. Add an import: from my_app import views
2. Add a URL to urlpatterns: url(r'^$', views.home, name='home')
Class-based views
1. Add an import: from other_app.views import Home
2. Add a URL to urlpatterns: url(r'^$', Home.as_view(), name='home')
Including another URLconf
1. Import the include() function: from django.conf.urls import url, include
2. Add a URL to urlpatterns: url(r'^blog/', include('blog.urls'))
"""
from django.conf.urls import url, include
from django.contrib import admin
#
# urlpatterns = [
# url(r'^admin/', admin.site.urls),
# ]
from django.conf import settings
from django.conf.urls.static import static
urlpatterns = [
url(r'^admin/', admin.site.urls),
url(r'^', include('apps.upload_app.urls')),
]
if settings.DEBUG:
urlpatterns += static(settings.MEDIA_URL, document_root=settings.MEDIA_ROOT)
| [
"[email protected]"
]
| |
00217f082f757a0fe2f66ce46a6667c4c27cdde2 | 2e682fd72e3feaa70e3f7bf2a3b83c50d783ec02 | /PyTorch/contrib/cv/classification/VOLO/timm/models/layers/norm_act.py | e4cfadceba41b78d282416d9b4e949fded34f124 | [
"Apache-2.0",
"BSD-2-Clause",
"MIT",
"BSD-3-Clause",
"LicenseRef-scancode-generic-cla",
"LicenseRef-scancode-unknown-license-reference",
"GPL-1.0-or-later",
"LicenseRef-scancode-proprietary-license"
]
| permissive | Ascend/ModelZoo-PyTorch | 4c89414b9e2582cef9926d4670108a090c839d2d | 92acc188d3a0f634de58463b6676e70df83ef808 | refs/heads/master | 2023-07-19T12:40:00.512853 | 2023-07-17T02:48:18 | 2023-07-17T02:48:18 | 483,502,469 | 23 | 6 | Apache-2.0 | 2022-10-15T09:29:12 | 2022-04-20T04:11:18 | Python | UTF-8 | Python | false | false | 5,627 | py | """
BSD 3-Clause License
Copyright (c) Soumith Chintala 2016,
All rights reserved.
Redistribution and use in source and binary forms, with or without
modification, are permitted provided that the following conditions are met:
* Redistributions of source code must retain the above copyright notice, this
list of conditions and the following disclaimer.
* Redistributions in binary form must reproduce the above copyright notice,
this list of conditions and the following disclaimer in the documentation
and/or other materials provided with the distribution.
* Neither the name of the copyright holder nor the names of its
contributors may be used to endorse or promote products derived from
this software without specific prior written permission.
THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS"
AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE
IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE
DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE
FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL
DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR
SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER
CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY,
OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
Copyright 2020 Huawei Technologies Co., Ltd
Licensed under the BSD 3-Clause License (the "License");
you may not use this file except in compliance with the License.
You may obtain a copy of the License at
https://spdx.org/licenses/BSD-3-Clause.html
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.
"""
""" Normalization + Activation Layers
"""
import torch
from torch import nn as nn
from torch.nn import functional as F
from .create_act import get_act_layer
class BatchNormAct2d(nn.BatchNorm2d):
"""BatchNorm + Activation
This module performs BatchNorm + Activation in a manner that will remain backwards
compatible with weights trained with separate bn, act. This is why we inherit from BN
instead of composing it as a .bn member.
"""
def __init__(self, num_features, eps=1e-5, momentum=0.1, affine=True, track_running_stats=True,
apply_act=True, act_layer=nn.ReLU, inplace=True, drop_block=None):
super(BatchNormAct2d, self).__init__(
num_features, eps=eps, momentum=momentum, affine=affine, track_running_stats=track_running_stats)
if isinstance(act_layer, str):
act_layer = get_act_layer(act_layer)
if act_layer is not None and apply_act:
act_args = dict(inplace=True) if inplace else {}
self.act = act_layer(**act_args)
else:
self.act = nn.Identity()
def _forward_jit(self, x):
""" A cut & paste of the contents of the PyTorch BatchNorm2d forward function
"""
# exponential_average_factor is self.momentum set to
# (when it is available) only so that if gets updated
# in ONNX graph when this node is exported to ONNX.
if self.momentum is None:
exponential_average_factor = 0.0
else:
exponential_average_factor = self.momentum
if self.training and self.track_running_stats:
# TODO: if statement only here to tell the jit to skip emitting this when it is None
if self.num_batches_tracked is not None:
self.num_batches_tracked += 1
if self.momentum is None: # use cumulative moving average
exponential_average_factor = 1.0 / float(self.num_batches_tracked)
else: # use exponential moving average
exponential_average_factor = self.momentum
x = F.batch_norm(
x, self.running_mean, self.running_var, self.weight, self.bias,
self.training or not self.track_running_stats,
exponential_average_factor, self.eps)
return x
@torch.jit.ignore
def _forward_python(self, x):
return super(BatchNormAct2d, self).forward(x)
def forward(self, x):
# FIXME cannot call parent forward() and maintain jit.script compatibility?
if torch.jit.is_scripting():
x = self._forward_jit(x)
else:
x = self._forward_python(x)
x = self.act(x)
return x
class GroupNormAct(nn.GroupNorm):
# NOTE num_channel and num_groups order flipped for easier layer swaps / binding of fixed args
def __init__(self, num_channels, num_groups, eps=1e-5, affine=True,
apply_act=True, act_layer=nn.ReLU, inplace=True, drop_block=None):
super(GroupNormAct, self).__init__(num_groups, num_channels, eps=eps, affine=affine)
if isinstance(act_layer, str):
act_layer = get_act_layer(act_layer)
if act_layer is not None and apply_act:
act_args = dict(inplace=True) if inplace else {}
self.act = act_layer(**act_args)
else:
self.act = nn.Identity()
def forward(self, x):
x = F.group_norm(x, self.num_groups, self.weight, self.bias, self.eps)
x = self.act(x)
return x
| [
"[email protected]"
]
| |
a9b9dc8b26570b265d6c7cfafb8279ee6667ae18 | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p03786/s330433957.py | 3eaecf5a185424a9d32de2dcb05108a486f348d9 | []
| no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 183 | py | N = int(input())
A = list(map(int, input().split()))
A.sort()
ans = 1
for i in range(1, N):
if A[i] > A[i - 1] * 2:
ans = 1
else:
ans += 1
A[i] += A[i - 1]
print(ans) | [
"[email protected]"
]
| |
af4faf665997165566395bc98e79bd4d2b4a92d5 | caaf04a58abe96563df1dbc88abe8594047fded9 | /easy/problem_897_increasing_order_search_tree.py | 962c3c353990ab9ebdee1a80a0fb89acac8892aa | []
| no_license | EricMontague/Leetcode-Solutions | f1b09781b0afd60c79d55f65fe0552c80a928ac7 | fd1e40ace51fe2a3cc6dadb3fe5872c7fa149188 | refs/heads/master | 2021-01-09T20:00:15.580735 | 2020-12-14T22:24:24 | 2020-12-14T22:24:24 | 242,441,085 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,397 | py | """This file contains my solutions for Leetcode problem 897:
Increasing Order Search Tree.
"""
# Recursive Solution
# time complexity: O(n), where 'n' is the number of nodes
# space complexity: O(h), where 'h' is the height of the tree
class Solution:
def increasingBST(self, root: TreeNode) -> TreeNode:
temp = TreeNode(None)
self.last_node = temp
self.reassign_pointers(root)
return temp.right
def reassign_pointers(self, current_node):
if current_node is not None:
self.reassign_pointers(current_node.left)
current_node.left = None
self.last_node.right = current_node
self.last_node = current_node
self.reassign_pointers(current_node.right)
# Iterative solution
# time complexity: O(n), where 'n' is the number of nodes
# space complexity: O(h), where 'h' is the height of the tree
class Solution:
def increasingBST(self, root: TreeNode) -> TreeNode:
temp = TreeNode(None)
last_node = temp
stack = []
while stack or root:
if root is not None:
stack.append(root)
root = root.left
else:
node = stack.pop()
node.left = None
last_node.right = node
last_node = node
root = node.right
return temp.right | [
"[email protected]"
]
| |
171b0832805242d9b1cf780276678c867032d059 | 7bededcada9271d92f34da6dae7088f3faf61c02 | /pypureclient/flasharray/FA_2_20/models/volume_group.py | 57b238464e1886e5047093e4b1a5baea380fdb03 | [
"BSD-2-Clause"
]
| permissive | PureStorage-OpenConnect/py-pure-client | a5348c6a153f8c809d6e3cf734d95d6946c5f659 | 7e3c3ec1d639fb004627e94d3d63a6fdc141ae1e | refs/heads/master | 2023-09-04T10:59:03.009972 | 2023-08-25T07:40:41 | 2023-08-25T07:40:41 | 160,391,444 | 18 | 29 | BSD-2-Clause | 2023-09-08T09:08:30 | 2018-12-04T17:02:51 | Python | UTF-8 | Python | false | false | 6,060 | py | # coding: utf-8
"""
FlashArray REST API
No description provided (generated by Swagger Codegen https://github.com/swagger-api/swagger-codegen)
OpenAPI spec version: 2.20
Generated by: https://github.com/swagger-api/swagger-codegen.git
"""
import pprint
import re
import six
import typing
from ....properties import Property
if typing.TYPE_CHECKING:
from pypureclient.flasharray.FA_2_20 import models
class VolumeGroup(object):
"""
Attributes:
swagger_types (dict): The key is attribute name
and the value is attribute type.
attribute_map (dict): The key is attribute name
and the value is json key in definition.
"""
swagger_types = {
'id': 'str',
'name': 'str',
'destroyed': 'bool',
'qos': 'Qos',
'priority_adjustment': 'PriorityAdjustment',
'space': 'Space',
'time_remaining': 'int',
'volume_count': 'int',
'pod': 'Reference'
}
attribute_map = {
'id': 'id',
'name': 'name',
'destroyed': 'destroyed',
'qos': 'qos',
'priority_adjustment': 'priority_adjustment',
'space': 'space',
'time_remaining': 'time_remaining',
'volume_count': 'volume_count',
'pod': 'pod'
}
required_args = {
}
def __init__(
self,
id=None, # type: str
name=None, # type: str
destroyed=None, # type: bool
qos=None, # type: models.Qos
priority_adjustment=None, # type: models.PriorityAdjustment
space=None, # type: models.Space
time_remaining=None, # type: int
volume_count=None, # type: int
pod=None, # type: models.Reference
):
"""
Keyword args:
id (str): A globally unique, system-generated ID. The ID cannot be modified and cannot refer to another resource.
name (str): A user-specified name. The name must be locally unique and can be changed.
destroyed (bool): Returns a value of `true` if the volume group has been destroyed and is pending eradication. Before the `time_remaining` period has elapsed, the destroyed volume group can be recovered by setting `destroyed=false`. After the `time_remaining` period has elapsed, the volume group is permanently eradicated and cannot be recovered.
qos (Qos)
priority_adjustment (PriorityAdjustment)
space (Space)
time_remaining (int): The amount of time left until the destroyed volume group is permanently eradicated, measured in milliseconds.
volume_count (int): The number of volumes in the volume group.
pod (Reference): A reference to the pod.
"""
if id is not None:
self.id = id
if name is not None:
self.name = name
if destroyed is not None:
self.destroyed = destroyed
if qos is not None:
self.qos = qos
if priority_adjustment is not None:
self.priority_adjustment = priority_adjustment
if space is not None:
self.space = space
if time_remaining is not None:
self.time_remaining = time_remaining
if volume_count is not None:
self.volume_count = volume_count
if pod is not None:
self.pod = pod
def __setattr__(self, key, value):
if key not in self.attribute_map:
raise KeyError("Invalid key `{}` for `VolumeGroup`".format(key))
self.__dict__[key] = value
def __getattribute__(self, item):
value = object.__getattribute__(self, item)
if isinstance(value, Property):
raise AttributeError
else:
return value
def __getitem__(self, key):
if key not in self.attribute_map:
raise KeyError("Invalid key `{}` for `VolumeGroup`".format(key))
return object.__getattribute__(self, key)
def __setitem__(self, key, value):
if key not in self.attribute_map:
raise KeyError("Invalid key `{}` for `VolumeGroup`".format(key))
object.__setattr__(self, key, value)
def __delitem__(self, key):
if key not in self.attribute_map:
raise KeyError("Invalid key `{}` for `VolumeGroup`".format(key))
object.__delattr__(self, key)
def keys(self):
return self.attribute_map.keys()
def to_dict(self):
"""Returns the model properties as a dict"""
result = {}
for attr, _ in six.iteritems(self.swagger_types):
if hasattr(self, attr):
value = getattr(self, attr)
if isinstance(value, list):
result[attr] = list(map(
lambda x: x.to_dict() if hasattr(x, "to_dict") else x,
value
))
elif hasattr(value, "to_dict"):
result[attr] = value.to_dict()
elif isinstance(value, dict):
result[attr] = dict(map(
lambda item: (item[0], item[1].to_dict())
if hasattr(item[1], "to_dict") else item,
value.items()
))
else:
result[attr] = value
if issubclass(VolumeGroup, dict):
for key, value in self.items():
result[key] = value
return result
def to_str(self):
"""Returns the string representation of the model"""
return pprint.pformat(self.to_dict())
def __repr__(self):
"""For `print` and `pprint`"""
return self.to_str()
def __eq__(self, other):
"""Returns true if both objects are equal"""
if not isinstance(other, VolumeGroup):
return False
return self.__dict__ == other.__dict__
def __ne__(self, other):
"""Returns true if both objects are not equal"""
return not self == other
| [
"[email protected]"
]
| |
182c0906a91a5e9b134f3f40fa970298ee44e88b | 4dc927b64f02d305bc1c49ca8528258fd1f0ee0f | /mergify_engine/tests/functional/actions/test_close.py | e7c2d2ba2ea409770ded0ed0380b90fe331932be | [
"Apache-2.0"
]
| permissive | okurz/mergify-engine | cccb1198fe5a2d46602f96db92fcc6a737ce5991 | 377de815a58408f97ddb8c917507a0a997276e5f | refs/heads/master | 2022-11-09T06:35:50.800478 | 2020-06-25T13:18:40 | 2020-06-25T16:25:21 | 275,147,323 | 0 | 0 | Apache-2.0 | 2020-06-26T12:09:30 | 2020-06-26T12:09:29 | null | UTF-8 | Python | false | false | 3,330 | py | # -*- encoding: utf-8 -*-
#
# Copyright © 2020 Mergify SAS
#
# 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 yaml
from mergify_engine import context
from mergify_engine.tests.functional import base
class TestCloseAction(base.FunctionalTestBase):
def test_close(self):
rules = {
"pull_request_rules": [
{
"name": "close",
"conditions": [f"base={self.master_branch_name}"],
"actions": {"close": {"message": "WTF?"}},
}
]
}
self.setup_repo(yaml.dump(rules))
p, _ = self.create_pr()
p.update()
self.assertEqual("closed", p.state)
self.assertEqual("WTF?", list(p.get_issue_comments())[-1].body)
def test_close_template(self):
rules = {
"pull_request_rules": [
{
"name": "close",
"conditions": [f"base={self.master_branch_name}"],
"actions": {"close": {"message": "Thank you {{author}}"}},
}
]
}
self.setup_repo(yaml.dump(rules))
p, _ = self.create_pr()
p.update()
self.assertEqual("closed", p.state)
comments = list(p.get_issue_comments())
self.assertEqual(f"Thank you {self.u_fork.login}", comments[-1].body)
def _test_close_template_error(self, msg):
rules = {
"pull_request_rules": [
{
"name": "close",
"conditions": [f"base={self.master_branch_name}"],
"actions": {"close": {"message": msg}},
}
]
}
self.setup_repo(yaml.dump(rules))
p, _ = self.create_pr()
p.update()
ctxt = context.Context(self.cli_integration, p.raw_data, {})
assert len(ctxt.pull_engine_check_runs) == 1
check = ctxt.pull_engine_check_runs[0]
assert "failure" == check["conclusion"]
assert "The Mergify configuration is invalid" == check["output"]["title"]
return check
def test_close_template_syntax_error(self):
check = self._test_close_template_error(msg="Thank you {{",)
assert (
"""Template syntax error @ data['pull_request_rules'][0]['actions']['close']['message'][line 1]
```
unexpected 'end of template'
```"""
== check["output"]["summary"]
)
def test_close_template_attribute_error(self):
check = self._test_close_template_error(msg="Thank you {{hello}}",)
assert (
"""Template syntax error for dictionary value @ data['pull_request_rules'][0]['actions']['close']['message']
```
Unknown pull request attribute: hello
```"""
== check["output"]["summary"]
)
| [
"37929162+mergify[bot]@users.noreply.github.com"
]
| 37929162+mergify[bot]@users.noreply.github.com |
c0ff330448d02c9c7b04771303a6c644b2223736 | 528def9844f2ce13e6a358938b0b560945ab2248 | /vc/migrations/0013_vcbindfilter_afi.py | 5dcaa794a39a603e26ecd734e9250503bad8d48a | [
"BSD-3-Clause"
]
| permissive | skripkar/noc | 055afbd42ab4c447d05d2cde0a822916f9e0844e | df193b99e478fe39157c8d27ff4098262d9cb734 | refs/heads/master | 2020-04-10T12:53:09.602779 | 2018-12-08T07:50:30 | 2018-12-08T07:50:30 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 349 | py | # encoding: utf-8
import datetime
from south.db import db
from django.db import models
class Migration:
def forwards(self):
db.add_column("vc_vcbindfilter","afi",models.CharField("Address Family",max_length=1,choices=[("4","IPv4"),("6","IPv6")],default="4"))
def backwards(self):
db.delete_column("vc_vcbindfilter","afi")
| [
"[email protected]"
]
| |
ca4dabcf067a7aa55aa9decd5fb8b930e9b877b2 | 03708e4eb8cfd79b45956f930bb50c1f54383bef | /lbdrabbit/example/cf.py | 8729d0ac73093d564912f707c0fffd6d0a8c84ba | [
"MIT"
]
| permissive | MacHu-GWU/lbdrabbit-project | 3d55e194328391f67c2c12c40b7762c18a2647ac | e808f116bc85d95f3d545e085bede56df41b6d92 | refs/heads/master | 2020-08-02T02:21:46.634030 | 2019-10-07T11:39:57 | 2019-10-07T11:39:57 | 211,206,513 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,094 | py | # -*- coding: utf-8 -*-
import troposphere_mate as tm
from troposphere_mate import apigateway, awslambda, iam
from troposphere_mate.canned.iam import AWSManagedPolicyArn, AWSServiceName, create_assume_role_policy_document
from .app_config_init import app_config
template = tm.Template()
param_env_name = tm.Parameter(
"EnvironmentName",
Type="String",
)
template.add_parameter(param_env_name)
rest_api = apigateway.RestApi(
"RestApi",
template=template,
Name=tm.helper_fn_sub("{}", param_env_name),
EndpointConfiguration=apigateway.EndpointConfiguration(
Types=["REGIONAL", ]
)
)
lambda_code = awslambda.Code(
S3Bucket=app_config.LAMBDA_CODE_S3_BUCKET.get_value(),
S3Key=app_config.LAMBDA_CODE_S3_KEY.get_value(),
)
iam_role = iam.Role(
"IamRoleForLbdFunc",
template=template,
RoleName=tm.helper_fn_sub("{}-lbd-func", param_env_name),
AssumeRolePolicyDocument=create_assume_role_policy_document([
AWSServiceName.aws_Lambda
]),
ManagedPolicyArns=[
AWSManagedPolicyArn.awsLambdaBasicExecutionRole
]
)
| [
"[email protected]"
]
| |
d6aaeb64cdcd1c25cf305328848856088316c5c6 | 0b279c246179bc6a76ad17f055ad1dce3402b045 | /private_production/polarization/2016/crab_TT_NANOAODSIM.py | 35cd0bc40abfe2728710280b82a9dd7f83514f77 | []
| no_license | UniMiBAnalyses/CMSSWGeneration | a55e6ad840e4f7f9fae6b46a4bb939a288492f10 | a7acf1a780eeb30e14616fef90ccf389e4367668 | refs/heads/master | 2023-09-01T02:01:44.746469 | 2022-01-31T11:01:29 | 2022-01-31T11:01:29 | 212,852,677 | 0 | 2 | null | 2022-06-16T15:23:25 | 2019-10-04T15:57:27 | Python | UTF-8 | Python | false | false | 840 | py | from CRABClient.UserUtilities import config, getUsernameFromSiteDB
config = config()
config.General.requestName = 'VBS_SSWW_TT_NANOAODSIM'
config.General.workArea = 'crab_projects'
config.General.transferOutputs = True
config.General.transferLogs = False
config.JobType.pluginName = 'Analysis'
config.JobType.psetName = 'SMP-RunIISummer16NanoAODv5-00095_1_cfg.py'
config.JobType.numCores = 2
#config.JobType.maxMemoryMB = 6000
config.Data.inputDataset = '/Bulk/jixiao-VBS_SSWW_LT_MINIAODSIM-5f646ecd4e1c7a39ab0ed099ff55ceb9/USER'
config.Data.inputDBS = 'phys03'
config.Data.splitting = 'FileBased'
config.Data.unitsPerJob = 1
config.Data.outLFNDirBase = '/store/user/%s/pol2016' % (getUsernameFromSiteDB())
config.Data.publication = True
config.Data.outputDatasetTag = 'VBS_SSWW_TT_NANOAODSIM'
config.Site.storageSite = 'T2_CN_Beijing'
| [
"[email protected]"
]
| |
34e1d19f762f7b38df5d8ddbe4a3c6f5668b4c97 | 762cbba14c80f4dd09fa6e5915e094825eef1cae | /Next Closest Time.py | b4d43d39560330f3dcdda1ade0c4185c1599eed3 | []
| no_license | arnabs542/Leetcode-18 | 1faff2564b4a5bb970308187a0b71553fd85a250 | 02d31ab3363c92e8fdde15100bf4a3cbcd43ecd0 | refs/heads/master | 2022-07-26T12:18:38.834287 | 2020-05-19T05:40:48 | 2020-05-19T05:40:48 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,477 | py | class Solution(object):
# simulation solution
def nextClosestTime(self, time):
numset = set([int(n) for n in time if n != ":"])
time1 = 60 * int(time[:2]) + int(time[3:])
diff1 = float('Inf')
res1 = []
diff2 = float('-Inf')
res2 = []
for i in xrange(24):
hour = "0" + str(i) if i<10 else str(i)
if not all(int(m) in numset for m in hour):
continue
for j in xrange(60):
minute = "0" + str(j) if j<10 else str(j)
if not all(int(m) in numset for m in minute):
continue
time2 = i*60 + j - time1
if 0 < time2 < diff1:
diff1 = time2
res1 = [hour, minute]
elif time2 < 0 and -time2 > diff2:
diff2 = -time2
res2 = [hour, minute]
if res1 or res2:
return ":".join(res1) if res1 else ":".join(res2)
else:
return time
"""
:type time: str
:rtype: str
"""
# Given a time represented in the format "HH:MM", form the next closest time by reusing the current digits.
# There is no limit on how many times a digit can be reused.
# You may assume the given input string is always valid. For example, "01:34", "12:09" are all valid. "1:34", "12:9" are all invalid.
| [
"[email protected]"
]
| |
de2531861888797edae303a7c6ca68a14e6cda7e | b0f2c47881f39ceb5a989b9638483f7439bfb5cf | /Problem97.py | e28710e8fb7345b56508cc218cffe29750746285 | []
| no_license | chrisvail/Project_Euler | 9ba264c8ec9d158b33ec677811e59d1e0e52fef2 | 41623c27b3e1344f9d8ebdfac4df297d0666cc07 | refs/heads/main | 2023-02-13T20:26:42.752780 | 2021-01-15T16:38:27 | 2021-01-15T16:38:27 | 329,964,440 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 118 | py | number = 28433
for _ in range(7830457):
number *= 2
number %= 10000000000
number += 1
print(number) | [
"[email protected]"
]
| |
942256d842444dcc83953a2e252eb27dfde6bb98 | 8749ef627476524710332113796203986f88698c | /migrations/versions/3409ef865171_.py | 4481369a50a1eee247bd2230280223fde1fb86eb | []
| no_license | JessicaFeng0926/easy_chinese | aff0276591c53e30568819425729117e6afd0fa4 | 7376612c904f9eaaea022e6b36711f2d4ba1e0f9 | refs/heads/master | 2020-07-07T13:06:05.180880 | 2020-04-04T09:29:01 | 2020-04-04T09:29:01 | 203,356,569 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,053 | py | """empty message
Revision ID: 3409ef865171
Revises: 662819aaef6f
Create Date: 2019-08-28 12:43:02.439715
"""
from alembic import op
import sqlalchemy as sa
# revision identifiers, used by Alembic.
revision = '3409ef865171'
down_revision = '662819aaef6f'
branch_labels = None
depends_on = None
def upgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.create_table('makeuptime',
sa.Column('id', sa.Integer(), nullable=False),
sa.Column('teacher_id', sa.Integer(), nullable=True),
sa.Column('make_up_time', sa.DateTime(), nullable=True),
sa.Column('expire', sa.Boolean(), nullable=True),
sa.ForeignKeyConstraint(['teacher_id'], ['users.id'], ),
sa.PrimaryKeyConstraint('id')
)
op.add_column('specialrest', sa.Column('expire', sa.Boolean(), nullable=True))
# ### end Alembic commands ###
def downgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.drop_column('specialrest', 'expire')
op.drop_table('makeuptime')
# ### end Alembic commands ###
| [
"[email protected]"
]
| |
b2bdcf1ed19a6f51534c7726ae1fd59e9efe803b | 86aa542ba1b2d7f10c50929feaaf8eb7a2059a9c | /treecorr/kkcorrelation.py | 73af03ebd4b66f634e8b931f9448b98930fe2060 | [
"BSD-2-Clause",
"BSD-2-Clause-Views"
]
| permissive | kilianbreathnach/TreeCorr | 803ee4c7cafae6c229fc0c132ef0b4c62b697f57 | 41c782775d22eb85f943faded322fa14a44768a4 | refs/heads/master | 2021-01-16T17:43:37.295791 | 2015-10-21T13:31:14 | 2015-10-21T15:14:11 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 22,085 | py | # Copyright (c) 2003-2015 by Mike Jarvis
#
# TreeCorr is free software: redistribution and use in source and binary forms,
# with or without modification, are permitted provided that the following
# conditions are met:
#
# 1. Redistributions of source code must retain the above copyright notice, this
# list of conditions, and the disclaimer given in the accompanying LICENSE
# file.
# 2. Redistributions in binary form must reproduce the above copyright notice,
# this list of conditions, and the disclaimer given in the documentation
# and/or other materials provided with the distribution.
"""
.. module:: kkcorrelation
"""
import treecorr
import numpy
# Start by loading up the relevant C functions using ctypes
import ctypes
import os
# The numpy version of this function tries to be more portable than the native
# ctypes.cdll.LoadLibary or cdtypes.CDLL functions.
_treecorr = numpy.ctypeslib.load_library('_treecorr',os.path.dirname(__file__))
# some useful aliases
cint = ctypes.c_int
cdouble = ctypes.c_double
cdouble_ptr = ctypes.POINTER(cdouble)
cvoid_ptr = ctypes.c_void_p
_treecorr.BuildKKCorr.restype = cvoid_ptr
_treecorr.BuildKKCorr.argtypes = [
cdouble, cdouble, cint, cdouble, cdouble,
cdouble_ptr,
cdouble_ptr, cdouble_ptr, cdouble_ptr, cdouble_ptr ]
_treecorr.DestroyKKCorr.argtypes = [ cvoid_ptr ]
_treecorr.ProcessAutoKKFlat.argtypes = [ cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessAutoKK3D.argtypes = [ cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessAutoKKPerp.argtypes = [ cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessCrossKKFlat.argtypes = [ cvoid_ptr, cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessCrossKK3D.argtypes = [ cvoid_ptr, cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessCrossKKPerp.argtypes = [ cvoid_ptr, cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessPairwiseKKFlat.argtypes = [ cvoid_ptr, cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessPairwiseKK3D.argtypes = [ cvoid_ptr, cvoid_ptr, cvoid_ptr, cint ]
_treecorr.ProcessPairwiseKKPerp.argtypes = [ cvoid_ptr, cvoid_ptr, cvoid_ptr, cint ]
class KKCorrelation(treecorr.BinnedCorr2):
"""This class handles the calculation and storage of a 2-point kappa-kappa correlation
function.
Note: while we use the term kappa (:math:`\\kappa`) here and the letter K in various places,
in fact any scalar field will work here. For example, you can use this to compute correlations
of the CMB temperature fluctuations, where "kappa" would really be delta T.
Ojects of this class holds the following attributes:
:nbins: The number of bins in logr
:bin_size: The size of the bins in logr
:min_sep: The minimum separation being considered
:max_sep: The maximum separation being considered
In addition, the following attributes are numpy arrays of length (nbins):
:logr: The nominal center of the bin in log(r) (the natural logarithm of r).
:meanr: The (weighted) mean value of r for the pairs in each bin.
If there are no pairs in a bin, then exp(logr) will be used instead.
:meanlogr: The (weighted) mean value of log(r) for the pairs in each bin.
If there are no pairs in a bin, then logr will be used instead.
:xi: The correlation function, xi(r).
:varxi: The variance of xi, only including the shot noise propagated into the
final correlation. This does not include sample variance, so it is always
an underestimate of the actual variance.
:weight: The total weight in each bin.
:npairs: The number of pairs going into each bin.
If sep_units are given (either in the config dict or as a named kwarg) then logr and meanlogr
both take r to be in these units. i.e. exp(logr) will have R in units of sep_units.
The usage pattern is as follows:
>>> kk = treecorr.KKCorrelation(config)
>>> kk.process(cat) # For auto-correlation.
>>> kk.process(cat1,cat2) # For cross-correlation.
>>> kk.write(file_name) # Write out to a file.
>>> xi = kk.xi # Or access the correlation function directly.
:param config: A configuration dict that can be used to pass in kwargs if desired.
This dict is allowed to have addition entries in addition to those listed
in :class:`~treecorr.BinnedCorr2`, which are ignored here. (default: None)
:param logger: If desired, a logger object for logging. (default: None, in which case
one will be built according to the config dict's verbose level.)
See the documentation for :class:`~treecorr.BinnedCorr2` for the list of other allowed kwargs,
which may be passed either directly or in the config dict.
"""
def __init__(self, config=None, logger=None, **kwargs):
treecorr.BinnedCorr2.__init__(self, config, logger, **kwargs)
self.xi = numpy.zeros(self.nbins, dtype=float)
self.varxi = numpy.zeros(self.nbins, dtype=float)
self.meanr = numpy.zeros(self.nbins, dtype=float)
self.meanlogr = numpy.zeros(self.nbins, dtype=float)
self.weight = numpy.zeros(self.nbins, dtype=float)
self.npairs = numpy.zeros(self.nbins, dtype=float)
self._build_corr()
self.logger.debug('Finished building KKCorr')
def _build_corr(self):
xi = self.xi.ctypes.data_as(cdouble_ptr)
meanr = self.meanr.ctypes.data_as(cdouble_ptr)
meanlogr = self.meanlogr.ctypes.data_as(cdouble_ptr)
weight = self.weight.ctypes.data_as(cdouble_ptr)
npairs = self.npairs.ctypes.data_as(cdouble_ptr)
self.corr = _treecorr.BuildKKCorr(self.min_sep,self.max_sep,self.nbins,self.bin_size,self.b,
xi,meanr,meanlogr,weight,npairs);
def __del__(self):
# Using memory allocated from the C layer means we have to explicitly deallocate it
# rather than being able to rely on the Python memory manager.
if hasattr(self,'corr'): # In case __init__ failed to get that far
_treecorr.DestroyKKCorr(self.corr)
def copy(self):
import copy
return copy.deepcopy(self)
def __getstate__(self):
d = self.__dict__.copy()
del d['corr']
del d['logger'] # Oh well. This is just lost in the copy. Can't be pickled.
return d
def __setstate__(self, d):
self.__dict__ = d
self._build_corr()
self.logger = treecorr.config.setup_logger(
treecorr.config.get(self.config,'verbose',int,0),
self.config.get('log_file',None))
def __repr__(self):
return 'KKCorrelation(config=%r)'%self.config
def process_auto(self, cat, metric=None, num_threads=None):
"""Process a single catalog, accumulating the auto-correlation.
This accumulates the weighted sums into the bins, but does not finalize
the calculation by dividing by the total weight at the end. After
calling this function as often as desired, the finalize() command will
finish the calculation.
:param cat: The catalog to process
:param metric: Which metric to use. See :meth:`~treecorr.KKCorrelation.process` for
details. (default: 'Euclidean'; this value can also be given in the
constructor in the config dict.)
:param num_threads: How many OpenMP threads to use during the calculation.
(default: use the number of cpu cores; this value can also be given in
the constructor in the config dict.) Note that this won't work if the
system's C compiler is clang prior to version 3.7.
"""
if cat.name == '':
self.logger.info('Starting process KK auto-correlations')
else:
self.logger.info('Starting process KK auto-correlations for cat %s.', cat.name)
if metric is None:
metric = treecorr.config.get(self.config,'metric',str,'Euclidean')
if metric not in ['Euclidean', 'Rperp']:
raise ValueError("Invalid metric.")
if metric == 'Rperp' and cat.coords != '3d':
raise ValueError("Rperp metric is only valid for catalogs with 3d positions.")
self._set_num_threads(num_threads)
min_size = self.min_sep * self.b / (2.+3.*self.b);
if metric == 'Rperp': min_size /= 2.
max_size = self.max_sep * self.b
field = cat.getKField(min_size,max_size,self.split_method,self.max_top)
self.logger.info('Starting %d jobs.',field.nTopLevelNodes)
if cat.coords == 'flat':
_treecorr.ProcessAutoKKFlat(self.corr, field.data, self.output_dots)
elif metric == 'Rperp':
_treecorr.ProcessAutoKKPerp(self.corr, field.data, self.output_dots)
else:
_treecorr.ProcessAutoKK3D(self.corr, field.data, self.output_dots)
def process_cross(self, cat1, cat2, metric=None, num_threads=None):
"""Process a single pair of catalogs, accumulating the cross-correlation.
This accumulates the weighted sums into the bins, but does not finalize
the calculation by dividing by the total weight at the end. After
calling this function as often as desired, the finalize() command will
finish the calculation.
:param cat1: The first catalog to process
:param cat2: The second catalog to process
:param metric: Which metric to use. See :meth:`~treecorr.KKCorrelation.process` for
details. (default: 'Euclidean'; this value can also be given in the
constructor in the config dict.)
:param num_threads: How many OpenMP threads to use during the calculation.
(default: use the number of cpu cores; this value can also be given in
the constructor in the config dict.) Note that this won't work if the
system's C compiler is clang prior to version 3.7.
"""
if cat1.name == '' and cat2.name == '':
self.logger.info('Starting process KK cross-correlations')
else:
self.logger.info('Starting process KK cross-correlations for cats %s, %s.',
cat1.name, cat2.name)
if metric is None:
metric = treecorr.config.get(self.config,'metric',str,'Euclidean')
if metric not in ['Euclidean', 'Rperp']:
raise ValueError("Invalid metric.")
if cat1.coords != cat2.coords:
raise AttributeError("Cannot correlate catalogs with different coordinate systems.")
if metric == 'Rperp' and cat1.coords != '3d':
raise ValueError("Rperp metric is only valid for catalogs with 3d positions.")
self._set_num_threads(num_threads)
min_size = self.min_sep * self.b / (2.+3.*self.b);
if metric == 'Rperp': min_size /= 2.
max_size = self.max_sep * self.b
f1 = cat1.getKField(min_size,max_size,self.split_method,self.max_top)
f2 = cat2.getKField(min_size,max_size,self.split_method,self.max_top)
self.logger.info('Starting %d jobs.',f1.nTopLevelNodes)
if cat1.coords == 'flat':
_treecorr.ProcessCrossKKFlat(self.corr, f1.data, f2.data, self.output_dots)
elif metric == 'Rperp':
_treecorr.ProcessCrossKKPerp(self.corr, f1.data, f2.data, self.output_dots)
else:
_treecorr.ProcessCrossKK3D(self.corr, f1.data, f2.data, self.output_dots)
def process_pairwise(self, cat1, cat2, metric=None, num_threads=None):
"""Process a single pair of catalogs, accumulating the cross-correlation, only using
the corresponding pairs of objects in each catalog.
This accumulates the weighted sums into the bins, but does not finalize
the calculation by dividing by the total weight at the end. After
calling this function as often as desired, the finalize() command will
finish the calculation.
:param cat1: The first catalog to process
:param cat2: The second catalog to process
:param metric: Which metric to use. See :meth:`~treecorr.KKCorrelation.process` for
details. (default: 'Euclidean'; this value can also be given in the
constructor in the config dict.)
:param num_threads: How many OpenMP threads to use during the calculation.
(default: use the number of cpu cores; this value can also be given in
the constructor in the config dict.) Note that this won't work if the
system's C compiler is clang prior to version 3.7.
"""
if cat1.name == '' and cat2.name == '':
self.logger.info('Starting process KK pairwise-correlations')
else:
self.logger.info('Starting process KK pairwise-correlations for cats %s, %s.',
cat1.name, cat2.name)
if metric is None:
metric = treecorr.config.get(self.config,'metric',str,'Euclidean')
if metric not in ['Euclidean', 'Rperp']:
raise ValueError("Invalid metric.")
if cat1.coords != cat2.coords:
raise AttributeError("Cannot correlate catalogs with different coordinate systems.")
if metric == 'Rperp' and cat1.coords != '3d':
raise ValueError("Rperp metric is only valid for catalogs with 3d positions.")
self._set_num_threads(num_threads)
f1 = cat1.getKSimpleField()
f2 = cat2.getKSimpleField()
if cat1.coords == 'flat':
_treecorr.ProcessPairwiseKKFlat(self.corr, f1.data, f2.data, self.output_dots)
elif metric == 'Rperp':
_treecorr.ProcessPairwiseKKPerp(self.corr, f1.data, f2.data, self.output_dots)
else:
_treecorr.ProcessPairwiseKK3D(self.corr, f1.data, f2.data, self.output_dots)
def finalize(self, vark1, vark2):
"""Finalize the calculation of the correlation function.
The process_auto and process_cross commands accumulate values in each bin,
so they can be called multiple times if appropriate. Afterwards, this command
finishes the calculation by dividing each column by the total weight.
:param vark1: The kappa variance for the first field.
:param vark2: The kappa variance for the second field.
"""
mask1 = self.weight != 0
mask2 = self.weight == 0
self.xi[mask1] /= self.weight[mask1]
self.meanr[mask1] /= self.weight[mask1]
self.meanlogr[mask1] /= self.weight[mask1]
self.varxi[mask1] = vark1 * vark2 / self.weight[mask1]
# Update the units of meanlogr
self.meanr[mask1] /= self.sep_units
self.meanlogr[mask1] -= self.log_sep_units
# Use meanlogr when available, but set to nominal when no pairs in bin.
self.meanr[mask2] = numpy.exp(self.logr[mask2])
self.meanlogr[mask2] = self.logr[mask2]
self.varxi[mask2] = 0.
def clear(self):
"""Clear the data vectors
"""
self.xi[:] = 0
self.meanr[:] = 0
self.meanlogr[:] = 0
self.weight[:] = 0
self.npairs[:] = 0
def __iadd__(self, other):
"""Add a second GGCorrelation's data to this one.
Note: For this to make sense, both Correlation objects should have been using
process_auto and/or process_cross, and they should not have had finalize called yet.
Then, after adding them together, you should call finalize on the sum.
"""
if not isinstance(other, KKCorrelation):
raise AttributeError("Can only add another KKCorrelation object")
if not (self.nbins == other.nbins and
self.min_sep == other.min_sep and
self.max_sep == other.max_sep):
raise ValueError("KKCorrelation to be added is not compatible with this one.")
self.xi[:] += other.xi[:]
self.meanr[:] += other.meanr[:]
self.meanlogr[:] += other.meanlogr[:]
self.weight[:] += other.weight[:]
self.npairs[:] += other.npairs[:]
return self
def process(self, cat1, cat2=None, metric=None, num_threads=None):
"""Compute the correlation function.
If only 1 argument is given, then compute an auto-correlation function.
If 2 arguments are given, then compute a cross-correlation function.
Both arguments may be lists, in which case all items in the list are used
for that element of the correlation.
:param cat1: A catalog or list of catalogs for the first K field.
:param cat2: A catalog or list of catalogs for the second K field, if any.
(default: None)
:param metric: Which metric to use for distance measurements. Options are:
- 'Euclidean' = straight line Euclidean distance between two points.
For spherical coordinates (ra,dec without r), this is the chord
distance between points on the unit sphere.
- 'Rperp' = the perpendicular component of the distance. For two points
with distance from Earth `r1, r2`, if `d` is the normal Euclidean
distance and :math:`Rparallel = |r1-r2|`, then we define
:math:`Rperp^2 = d^2 - Rparallel^2`.
(default: 'Euclidean'; this value can also be given in the constructor
in the config dict.)
:param num_threads: How many OpenMP threads to use during the calculation.
(default: use the number of cpu cores; this value can also be given in
the constructor in the config dict.) Note that this won't work if the
system's C compiler is clang prior to version 3.7.
"""
import math
self.clear()
if not isinstance(cat1,list): cat1 = [cat1]
if cat2 is not None and not isinstance(cat2,list): cat2 = [cat2]
if len(cat1) == 0:
raise ValueError("No catalogs provided for cat1")
if cat2 is None or len(cat2) == 0:
vark1 = treecorr.calculateVarK(cat1)
vark2 = vark1
self.logger.info("vark = %f: sig_k = %f",vark1,math.sqrt(vark1))
self._process_all_auto(cat1,metric,num_threads)
else:
vark1 = treecorr.calculateVarK(cat1)
vark2 = treecorr.calculateVarK(cat2)
self.logger.info("vark1 = %f: sig_k = %f",vark1,math.sqrt(vark1))
self.logger.info("vark2 = %f: sig_k = %f",vark2,math.sqrt(vark2))
self._process_all_cross(cat1,cat2,metric,num_threads)
self.finalize(vark1,vark2)
def write(self, file_name, file_type=None, prec=None):
"""Write the correlation function to the file, file_name.
The output file will include the following columns:
:R_nom: The nominal center of the bin in R.
:meanR: The mean value :math:`\\langle R\\rangle` of pairs that fell into each bin.
:meanlogR: The mean value :math:`\\langle logR\\rangle` of pairs that fell into each
bin.
:xi: The correlation function :math:`\\xi = \\langle \\kappa \\kappa \\rangle`.
:sigma_xi: The sqrt of the variance estimate of :math:`\\xi`.
:weight: The total weight contributing to each bin.
:npairs: The number of pairs contributing ot each bin.
:param file_name: The name of the file to write to.
:param file_type: The type of file to write ('ASCII' or 'FITS'). (default: determine
the type automatically from the extension of file_name.)
:param prec: For ASCII output catalogs, the desired precision. (default: 4;
this value can also be given in the constructor in the config dict.)
"""
self.logger.info('Writing KK correlations to %s',file_name)
if prec is None:
prec = self.config.get('precision', 4)
treecorr.util.gen_write(
file_name,
['R_nom','meanR','meanlogR','xi','sigma_xi','weight','npairs'],
[ numpy.exp(self.logr), self.meanr, self.meanlogr,
self.xi, numpy.sqrt(self.varxi), self.weight, self.npairs ],
prec=prec, file_type=file_type, logger=self.logger)
def read(self, file_name, file_type=None):
"""Read in values from a file.
This should be a file that was written by TreeCorr, preferably a FITS file, so there
is no loss of information.
Warning: The KKCorrelation object should be constructed with the same configuration
parameters as the one being read. e.g. the same min_sep, max_sep, etc. This is not
checked by the read function.
:param file_name: The name of the file to read in.
:param file_type: The type of file ('ASCII' or 'FITS'). (default: determine the type
automatically from the extension of file_name.)
"""
self.logger.info('Reading KK correlations from %s',file_name)
data = treecorr.util.gen_read(file_name, file_type=file_type)
self.logr = numpy.log(data['R_nom'])
self.meanr = data['meanR']
self.meanlogr = data['meanlogR']
self.xi = data['xi']
self.varxi = data['sigma_xi']**2
self.weight = data['weight']
self.npairs = data['npairs']
| [
"[email protected]"
]
| |
5293b36f206110d464f4ca838fa7203a29b71e61 | 29345337bf86edc938f3b5652702d551bfc3f11a | /python/src/main/python/pyalink/alink/tests/examples/operator/stream/test_bisecting_kmeans.py | e15839936daa9cca860d9de6d031c9707d1afc45 | [
"Apache-2.0"
]
| permissive | vacaly/Alink | 32b71ac4572ae3509d343e3d1ff31a4da2321b6d | edb543ee05260a1dd314b11384d918fa1622d9c1 | refs/heads/master | 2023-07-21T03:29:07.612507 | 2023-07-12T12:41:31 | 2023-07-12T12:41:31 | 283,079,072 | 0 | 0 | Apache-2.0 | 2020-07-28T02:46:14 | 2020-07-28T02:46:13 | null | UTF-8 | Python | false | false | 1,174 | py | import unittest
from pyalink.alink import *
class TestPinjiu(unittest.TestCase):
def test_bisecting_kmeans_op(self):
import numpy as np
import pandas as pd
data = np.array([
[0, "0 0 0"],
[1, "0.1,0.1,0.1"],
[2, "0.2,0.2,0.2"],
[3, "9 9 9"],
[4, "9.1 9.1 9.1"],
[5, "9.2 9.2 9.2"]
])
df = pd.DataFrame({"id": data[:, 0], "vec": data[:, 1]})
inOp1 = BatchOperator.fromDataframe(df, schemaStr='id int, vec string')
inOp2 = StreamOperator.fromDataframe(df, schemaStr='id int, vec string')
kmeans = BisectingKMeansTrainBatchOp().setVectorCol("vec").setK(2)
predictBatch = BisectingKMeansPredictBatchOp().setPredictionCol("pred")
kmeans.linkFrom(inOp1)
predictBatch.linkFrom(kmeans, inOp1)
[model, predict] = collectToDataframes(kmeans, predictBatch)
print(model)
print(predict)
predictStream = BisectingKMeansPredictStreamOp(kmeans).setPredictionCol("pred")
predictStream.linkFrom(inOp2)
predictStream.print(refreshInterval=-1)
StreamOperator.execute()
| [
"[email protected]"
]
| |
c62eb787de5a33b3e6dcf5db50bf08a5da118224 | d9fd9c6329461235f140393f1e934362d0f645df | /Unidad 2/Ejercicios Clases/Ejercicio3.py | eee26e68253b66b262b7d35e0640a0a53952a22d | [
"MIT"
]
| permissive | angelxehg/utzac-python | e6b5ee988d1d76c549ab0fa49717eb042fa7d91f | fb88bcc661518bb35c08a102a67c20d0659f71db | refs/heads/main | 2022-12-02T11:16:27.134741 | 2020-08-14T19:38:33 | 2020-08-14T19:38:33 | 265,944,612 | 0 | 0 | MIT | 2020-08-07T21:23:53 | 2020-05-21T20:25:24 | Python | UTF-8 | Python | false | false | 637 | py | class Numbers():
def __init__(self, num1, num2):
self.__num1 = num1
self.__num2 = num2
def added(self):
return self.__num1 + self.__num2
def subtracted(self):
return self.__num1 - self.__num2
def multiplied(self):
return self.__num1 * self.__num2
def divided(self):
return self.__num1 / self.__num2
numbs = Numbers(
int(input("Ingrese el primer número: ")),
int(input("Ingrese el segundo número: "))
)
print("Sumado:", numbs.added())
print("Restado:", numbs.subtracted())
print("Multiplicado:", numbs.multiplied())
print("Dividido:", numbs.divided())
| [
"[email protected]"
]
| |
9a6cc23150389ebdceaa879d64298db70559424b | d93fe0484fc3b32c8fd9b33cc66cfd636a148ec4 | /Argorithm/python/DP/LIS.py | 69eb80e13fbcae5347af1b90aaabdee9354da92d | []
| no_license | wattaihei/ProgrammingContest | 0d34f42f60fa6693e04c933c978527ffaddceda7 | c26de8d42790651aaee56df0956e0b206d1cceb4 | refs/heads/master | 2023-04-22T19:43:43.394907 | 2021-05-02T13:05:21 | 2021-05-02T13:05:21 | 264,400,706 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 656 | py | # 蟻本p64より
# O(NlogN)で最長増加部分列のながさを出す
from bisect import bisect_left # 二部探索
N = int(input()) # 主列のながさ
A = list(map(int, input().split()))
INF = max(A) + 1 # どれよりも大きい数を用意(dpを単調増加にするため)
dp = [INF for _ in range(N)] # dp[i]=長さi+1であるような増加部分列における最終要素の最小値
for a in A:
k = bisect_left(dp, a) # すでに入っているものに対してできる限り長くなるような位置を探す
dp[k] = a # 更新
ans = N
for i, d in enumerate(dp):
if d == INF:
ans = i
break
print(ans) | [
"[email protected]"
]
| |
f19f67455a569d258db27797345120ca40646626 | a24aeb511c8e0879538e25c7d9937123cacd9c13 | /sra.py | 97709be8cd6ccf4dd8e28a1aee83b4fd921bbd2f | []
| no_license | nspies/bioutils | 5fa7bd2d438dd2c742d2ebe7e437ac59710913d5 | 212b734e1507c411a2d3c929ae66e608ec554314 | refs/heads/master | 2021-01-10T05:49:09.350308 | 2015-05-22T22:11:16 | 2015-05-22T22:11:16 | 36,097,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 12,181 | py | import bz2
import gzip
import multiprocessing
import os
import pandas
import shutil
import subprocess
import sys
import time
import xml.etree.ElementTree as etree
pandas.options.display.width=250
"""
Study
Experiment
Run
(Sample)
"""
def splitFastqStream(stream, f1, f2):
for i, line in enumerate(stream):
if i % 8 < 4:
f1.write(line)
else:
f2.write(line)
def runCmd(cmd, verbose=True):
if verbose:
print "running cmd: '{}'".format(cmd)
t0 = time.time()
p = subprocess.Popen(cmd, shell=True)
result = p.wait()
t1 = time.time()
if result != 0:
raise Exception("Failed to run command '{}' -- error code {}".format(cmd, result))
if verbose:
print " ...time elapsed: {:.1f}s [[{}]]".format(t1-t0, cmd)
def findone(node, match):
found = node.findall(match)
if len(found) < 1:
raise Exception("None found: {}: {}".format(node, match))
if len(found) > 1:
raise Exception("Multiple found, one expected: {}: {} (n={})".format(node, match, len(found)))
return found[0]
def loadMetadata(accession):
metadata = subprocess.check_output("esearch -db sra -query {} | efetch".format(accession), shell=True)
return etree.fromstring(metadata)
def buildTable(accession):
table = []
metadata = loadMetadata(accession)
# experiment
for package in metadata.iter("EXPERIMENT_PACKAGE"):
experimentName = findone(package, "EXPERIMENT").attrib["accession"]
experimentLong = findone(package, "EXPERIMENT/TITLE").text
submissionName = findone(package, "SUBMISSION").attrib["accession"]
studyName = findone(package, "STUDY").attrib["accession"]
studyLong = findone(package, "STUDY/DESCRIPTOR/STUDY_TITLE").text
sampleName = findone(package, "SAMPLE").attrib["accession"]
sampleLong = findone(package, "SAMPLE/TITLE").text.replace(" ", "_")
isPaired = findone(package, "EXPERIMENT").find("DESIGN/LIBRARY_DESCRIPTOR/LIBRARY_LAYOUT/PAIRED")!=None
for run in findone(package, "RUN_SET").iter("RUN"):
readCount = int(run.attrib["total_spots"])
table.append([submissionName, studyName, studyLong, experimentName, experimentLong, sampleName, sampleLong,
run.attrib["accession"], isPaired, readCount])
return pandas.DataFrame(table, columns=["submission", "study", "study_long", "expt", "expt_long", "sample",
"sample_long", "run", "paired", "read_count"])
def downloadTable(table, where, filter=None):
# make directories first, single-threaded
for i, row in table.iterrows():
if not os.path.exists(row["sample_long"]):
os.makedirs(row["sample_long"])
# now run the downloads
if where == "japan":
# don't do it in parallel, as the japanese mirror has a limit of 3 concurrent
# processes
for i, row in table.iterrows():
downloadRunFromJapan(row)
elif where == "ebi":
for i, row in table.iterrows():
downloadRunFromEBI(row)
else:
# knock yourself out -- each process is going to be horrendously slow
# because of the fastq-dump step, so might as well parallelize like crazy
pool = multiprocessing.Pool(processes=8)
pool.map_async(downloadRun_wrapper, [row for i, row in table.iterrows()]).get(999999)
def downloadRun_wrapper(row):
import traceback
try:
t0 = time.time()
downloadRunFromUSA(row)
t1 = time.time()
print "Time elapsed to download {}: {}s".format(row["run"], t1-t0)
except Exception, e:
print "Exception on row \n'{}':\n'{}'".format(row, traceback.format_exc())
raise
def _checkFile(path, row, suffix):
if not os.path.exists(path):
return False
print "verifying path:", path
fileOpenCmd = open
if suffix == ".bz2":
fileOpenCmd = bz2.BZ2File
elif suffix == ".gz":
fileOpenCmd = gzip.open
# try:
if suffix == ".bz2":
try:
subprocess.check_call("which lbzip2", shell=True, stdout=subprocess.PIPE)
except:
print "\n"
print "you should install lbzip2!"
print "\n"
raise
p = subprocess.Popen("lbzip2 -d -c {} | wc -l".format(path), shell=True, stdout=subprocess.PIPE)
count = int(p.stdout.read().strip()) / 4
elif suffix == ".gz":
cmd = "gzip -c -d {} | wc -l".format(path)
p = subprocess.Popen(cmd, shell=True, stdout=subprocess.PIPE)
count = int(p.stdout.read().strip()) / 4
else:
with fileOpenCmd(path) as f:
count = 0
for i, line in enumerate(f):
if len(line) > 1:
count += 1
count /= 4
if count == row["read_count"]:
return True
print "@"*10
print row["sample_long"], "count:", count, "expected:", row["read_count"]
print "@"*10
return False
def checkRun(row, suffix=".gz"):
result = True
if row["paired"]:
for end in [1,2]:
curPath = "{}/{}_{}.fastq{}".format(row["sample_long"], row["run"], end, suffix)
result &= _checkFile(curPath, row, suffix)
else:
curPath = "{}/{}.fastq{}".format(row["sample_long"], row["run"], suffix)
result &= _checkFile(curPath, row, suffix)
return result
def downloadRunFromEBI(row):
""" They ship fastq.gz files directly, none of this .sra business """
run = row["run"]
if checkRun(row):
print "Run alread downloaded and contains the correct number of reads"
return
ends = [""]
if row["paired"]:
ends = ["_1", "_2"]
for end in ends:
inpath = "{}{}.fastq.gz".format(run, end)
outpath = "{}/{}{}.fastq.gz".format(row["sample_long"], run, end)
if not os.path.exists(outpath):
# see http://www.ebi.ac.uk/ena/browse/read-download
dir1 = row["run"][:6]
if len(row["run"]) == 9:
dir2 = ""
elif len(row["run"]) == 10:
dir2 = "/00{}".format(row["run"][-1])
elif len(row["run"]) == 11:
dir2 = "/0{}".format(row["run"][-2:])
elif len(row["run"]) == 12:
dir2 = "/{}".format(row["run"][-3:])
url = "ftp://ftp.sra.ebi.ac.uk/vol1/fastq/{}{}/{}/{}".format(
dir1, dir2, row["run"], inpath)
cmd1 = "aria2c -x 16 {}".format(url)
print "Downloading run: {} Size:{:,} reads ".format(row["sample_long"], row["read_count"], "(paired)" if row["paired"] else "")
runCmd(cmd1)
print "moving {} to {}".format(inpath, outpath)
shutil.move(inpath, outpath)
else:
print "already downloaded:{}".format(run)
if not checkRun(row, ".bz2"):
print "*"*100
print "Failed to download and expand the following run:"
print row
print "*"*100
print ""
print "** Run Complete: {} **".format(run)
def downloadRunFromJapan(row):
""" They ship fastq.bz2 files directly, none of this .sra business
HOWEVER, they have a limit of 3 concurrent connections from a single IP """
run = row["run"]
if checkRun(row):
print "Run alread downloaded and contains the correct number of reads"
return
ends = [""]
if row["paired"]:
ends = ["_1", "_2"]
for end in ends:
inpath = "{}{}.fastq.bz2".format(run, end)
outpath = "{}/{}{}.fastq.bz2".format(row["sample_long"], run, end)
if not os.path.exists(outpath):
url = "ftp://ftp.ddbj.nig.ac.jp/ddbj_database/dra/fastq/{}/{}/{}/{}".format(
row["submission"][:6], row["submission"], row["expt"], inpath)
cmd1 = "aria2c -x 3 {}".format(url)
print "Downloading run: {} Size:{:,} reads ".format(row["sample_long"], row["read_count"], "(paired)" if row["paired"] else "")
runCmd(cmd1)
print "moving {} to {}".format(inpath, outpath)
shutil.move(inpath, outpath)
else:
print "already downloaded:{}".format(run)
if not checkRun(row, ".bz2"):
print "*"*100
print "Failed to download and expand the following run:"
print row
print "*"*100
print ""
print "** Run Complete: {} **".format(run)
def downloadRunFromUSA(row):
""" For some reason, converting from .sra to .fastq.gz takes *forever*, so you're best off downloading the
fastq's directly from Japan if you can """
run = row["run"]
print "starting..."
if checkRun(row, suffix=".gz"):
print "Run alread downloaded and contains the correct number of reads"
return
if not os.path.exists("{}.sra".format(run)):
url = "ftp://ftp-trace.ncbi.nlm.nih.gov/sra/sra-instant/reads/ByRun/sra/SRR/{}/{}/{}.sra".format(
run[:6], run, run)
# Not sure if there's a limit to concurrent connections to NIH
# but this can go up to 16 as far as aria2c is concerned
cmd1 = "aria2c -x 8 {}".format(url)
print "Downloading run: {} Size:{:,} reads ".format(row["sample_long"], row["read_count"], "(paired)" if row["paired"] else "")
runCmd(cmd1)
else:
print "already downloaded:{}".format(run)
inpaths = []
outpaths = []
if row["paired"]:
for end in [1,2]:
inpaths.append("{}_{}.fastq".format(run, end)) # fix if using --gzip
outpaths.append("{}/{}_{}.fastq.gz".format(row["sample_long"], run, end))
else:
inpaths.append("{}.fastq".format(run)) # fix if using --gzip
outpaths.append("{}/{}.fastq.gz".format(row["sample_long"], run))
fastqsExist = True
for inpath in inpaths:
if not os.path.exists(inpath):
print "missing:{}".format(inpath)
fastqsExist = False
if not fastqsExist:
if row["paired"]:
# -I means add read-end ID to name of read in header line
# --split-files is required to make two files for paired end data
cmd2 = "fastq-dump --split-files -I {}".format(row["run"])
# this (using --gzip) is slow as all hell:
# cmd2 = "fastq-dump --split-files -I --gzip {}".format(row["run"])
else:
cmd2 = "fastq-dump {}".format(row["run"])
runCmd(cmd2)
for inpath, outpath in zip(inpaths, outpaths):
print "compressing {} to {}".format(inpath, outpath)
cmd3 = "pigz -c {} > {}".format(inpath, outpath)
runCmd(cmd3)
# if using 'fastq-dump --gzip' above
# shutil.move(inpath, outpath)
if not checkRun(row, suffix=".gz"):
print "*"*100
print "Failed to download and expand the following run:"
print row
print "*"*100
print ""
print "** Run Complete: {} **".format(run)
def main():
accessions = sys.argv[1:]
where = "usa"
if "--japan" in accessions:
print "downloading from japan mirror"
where = "japan"
accessions = [x for x in accessions if x!="--japan"]
if "--ebi" in accessions:
print "downloading from european mirror"
where = "ebi"
accessions = [x for x in accessions if x!="--ebi"]
table = None
for accession in accessions:
curtable = buildTable(accession)
if table is None:
table = curtable
else:
table = pandas.concat([table, curtable])
print table
def fileFormat(**x):
sample_long = x["sample_long"].replace(" ", "_")
return "{}/{}".format(sample_long, x["run"])
downloadTable(table, where)
if __name__ == '__main__':
main()
# python ~/projects/sra/downloadBatch.py GSM1155957 GSM1155958 GSM1155959 GSM1155960
""" Approximate timings (SRX437468):
Japan 6.5m (missing 30k lines)
USA (with pigz) 14m
USA (with --gzip) 22m
ftp.sra.ebi.ac.uk/vol1/fastq/SRR891/SRR891268/SRR891268_1.fastq.gz
ftp.sra.ebi.ac.uk/vol1/fastq/SRR891/SRR891268/SRR891268_1.fastq.gz
""" | [
"[email protected]"
]
| |
b476a93366227bd6b2a335a269a6708ff64d5eed | e1d53e786ad70a9ecfa22f7d38f640456c407f7c | /RecHitAnalysis/test/validationNtuple_cfg.py | 99c768be73a431d732f1182e3833a0e050e88b38 | []
| no_license | hcwhwang/macro | feb01ed335e2d2fd3e1de85ca9c441d23c442320 | 261451e2606765cf2c52c7e848bf55b0f55bf21e | refs/heads/master | 2021-01-10T11:37:03.967663 | 2016-01-27T22:39:48 | 2016-01-27T22:39:48 | 50,543,095 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,488 | py | import FWCore.ParameterSet.Config as cms
process = cms.Process("RPCRecHitValidation")
### standard includes
process.load("FWCore.MessageService.MessageLogger_cfi")
process.load("Configuration.EventContent.EventContent_cff")
process.load("Configuration.StandardSequences.Services_cff")
process.load("Configuration.StandardSequences.GeometryDB_cff")
process.load("Configuration.StandardSequences.MagneticField_38T_cff")
process.load("Configuration.StandardSequences.RawToDigi_cff")
process.MessageLogger.cerr.FwkReport.reportEvery = 1000
### conditions
process.load("Configuration.StandardSequences.FrontierConditions_GlobalTag_cff")
#from Configuration.PyReleaseValidation.autoCond import autoCond
#process.GlobalTag.globaltag = autoCond['startup']
process.GlobalTag.globaltag = 'GR_R_74_V8::All'
process.maxEvents = cms.untracked.PSet( input = cms.untracked.int32(-1) )
process.options = cms.untracked.PSet(
wantSummary = cms.untracked.bool(True)
)
process.source = cms.Source("PoolSource",
fileNames = cms.untracked.vstring(),
secondaryFileNames = cms.untracked.vstring()
)
process.TFileService = cms.Service("TFileService",
fileName = cms.string("rpcVal.root")
)
process.source.fileNames.extend([
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/02040732-DFA7-E211-8C20-E0CB4E29C4B7.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/04009F1C-C8A7-E211-AA4D-E0CB4E1A11A7.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/0857F9FF-BBA7-E211-8433-E0CB4E55363D.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/0A02695F-90A7-E211-896E-001E4F3F3556.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/0C330064-A8A7-E211-BC39-00259073E45E.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/0C7163E9-9FA7-E211-A0D6-00259073E382.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/1010C4E3-A1A7-E211-B288-00259074AE9A.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/128E9086-9EA7-E211-BEF9-001EC9D4A1FD.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/12927D85-F4A7-E211-8ECE-E0CB4E29C4B7.root',
'/store/data/Run2012D/SingleMu/RAW-RECO/ZMu-22Jan2013-v1/10000/12B45D3F-A7A7-E211-A827-00259073E382.root',
])
process.rpcValTree = cms.EDAnalyzer("RPCNtupleMaker",)
process.p = cms.Path(
process.rpcValTree
)
#process.outPath = cms.EndPath(process.out)
| [
"[email protected]"
]
| |
1a2d329395a42874f6ea1e29ea0f80bcea02959f | 1252a8d08fb5d21cac64e02369ada8c43c18eee1 | /integration_tests/samples/basic_usage/rate_limits.py | e0d947cbf779ad9fbb8eaabffc11a6bfb8a9d7d7 | [
"MIT"
]
| permissive | qause/python-slack-sdk | 6d9d41bca7f8cf86cd30089105c98740528ca9a6 | 61f098311adbd6d2904f51541cf5d8bf42c83168 | refs/heads/main | 2023-07-27T08:13:15.061105 | 2021-09-12T23:35:08 | 2021-09-12T23:35:08 | 405,300,786 | 2 | 1 | MIT | 2021-09-12T23:35:09 | 2021-09-11T06:18:20 | null | UTF-8 | Python | false | false | 1,122 | py | import logging
logging.basicConfig(level=logging.DEBUG)
# export SLACK_API_TOKEN=xoxb-***
# python3 integration_tests/samples/basic_usage/rate_limits.py
import os
import time
from slack_sdk.web import WebClient
from slack_sdk.errors import SlackApiError
client = WebClient(token=os.environ["SLACK_API_TOKEN"])
# Simple wrapper for sending a Slack message
def send_slack_message(channel, message):
return client.chat_postMessage(channel=channel, text=message)
# Make the API call and save results to `response`
channel = "#random"
message = "Hello, from Python!"
# Do until being rate limited
while True:
try:
response = send_slack_message(channel, message)
except SlackApiError as e:
if e.response["error"] == "ratelimited":
# The `Retry-After` header will tell you how long to wait before retrying
delay = int(e.response.headers["Retry-After"])
print(f"Rate limited. Retrying in {delay} seconds")
time.sleep(delay)
response = send_slack_message(channel, message)
else:
# other errors
raise e
| [
"[email protected]"
]
| |
7329bd6109cf6e48733830884ffbb3417c689ab5 | de95e9ace929f6279f5364260630e4bf7a658c1c | /eachFunction.py | ee6c29b3108100f2c9fd3f792773edca3e000cd5 | []
| no_license | ludwigwittgenstein2/Algorithms-Python | ceaf0739b8582f7bd749a9b3f52f283765044744 | c5bed8b2e398c218d1f36e72b05a3f5545cf783a | refs/heads/master | 2021-06-19T11:40:31.012268 | 2017-07-02T04:59:20 | 2017-07-02T04:59:20 | 75,953,711 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 847 | py | #!/bin/Python
# timing 7 different Python sorting algorithms with a list of integers
# each function is given the same list (fresh copy each time)
# tested with Python24 vegaseat 21jan2006
import random # for generating random numbers
import time # for timing each sort function with time.clock()
DEBUG = False # set True to check results of each sort
N = 1000 # number of elements in list
list1 = [] # list of integer elements
for i in range(0, N):
list1.append(random.randint(0, N-1))
#print list1 # test
def print_timing(func):
def wrapper(*arg):
t1 = time.clock()
res = func(*arg)
t2 = time.clock()
print '%s took %0.3fms' % (func.func_name, (t2-t1)*1000.0)
return res
return wrapper
def main():
print_timing(func)
if __name__ == '__main__':
main()
| [
"[email protected]"
]
| |
be8e4caefa4443f42a959e72f6042da3658a3c2e | de33d07019f4be4439de4f07585a0906215ef562 | /剑指Offer 65. 不用加减乘除做加法.py | 74360ca3d2729bf88f6eafeb69b654efc708d908 | []
| no_license | Qinpeng96/leetcode | defbf7873fc07ed42fd34bb0c3e3282ff41ed266 | e1dfd95c5bf09ffcd42934c1aca21a10337c3e7e | refs/heads/master | 2021-07-13T10:53:32.109431 | 2020-08-19T09:33:36 | 2020-08-19T09:33:36 | 196,947,703 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,563 | py | """
[剑指 Offer 65. 不用加减乘除做加法](https://leetcode-cn.com/problems/bu-yong-jia-jian-cheng-chu-zuo-jia-fa-lcof/)
写一个函数,求两个整数之和,要求在函数体内不得使用 “+”、“-”、“*”、“/” 四则运算符号。
示例:
输入: a = 1, b = 1
输出: 2
提示:
a, b 均可能是负数或 0
结果不会溢出 32 位整数
***
在使用位运算计算数值的时候,注意有可能有负值参与计算,看[大佬的解释](https://leetcode-cn.com/problems/bu-yong-jia-jian-cheng-chu-zuo-jia-fa-lcof/solution/mian-shi-ti-65-bu-yong-jia-jian-cheng-chu-zuo-ji-7/)

#
print(hex(1)) # = 0x1 补码
print(hex(-1)) # = -0x1 负号 + 原码 ( Python 特色,Java 会直接输出补码)
print(hex(1 & 0xffffffff)) # = 0x1 正数补码
print(hex(-1 & 0xffffffff)) # = 0xffffffff 负数补码
print(-1 & 0xffffffff) # = 4294967295 ( Python 将其认为正数)
"""
```python
class Solution:
def add(self, a: int, b: int) -> int:
x = 0xffffffff
a, b = a & x, b & x
while b != 0:
a, b = (a ^ b), (a & b) << 1 & x
return a if a <= 0x7fffffff else ~(a ^ x)
作者:jyd
链接:https://leetcode-cn.com/problems/bu-yong-jia-jian-cheng-chu-zuo-jia-fa-lcof/solution/mian-shi-ti-65-bu-yong-jia-jian-cheng-chu-zuo-ji-7/
来源:力扣(LeetCode)
著作权归作者所有。商业转载请联系作者获得授权,非商业转载请注明出处。
```
| [
"[email protected]"
]
| |
ef7a2c0953da342a2aa5615bf0728b055ce4ca83 | 2fd4de2f0820f186c735f0619bce2a0318bbfc38 | /appzoo/utils/log/__init__.py | a70361c3e3b8431100d15650b5da10d40acb287d | [
"MIT"
]
| permissive | SunYanCN/AppZoo | e90b778fefdaf1a440c3fd40d078b5396e4e3f06 | 91b04cc75fcc5f70ae5819e98233ea9146c1f001 | refs/heads/master | 2023-08-22T05:41:22.175291 | 2021-10-12T13:37:21 | 2021-10-12T13:37:21 | 359,024,301 | 0 | 0 | MIT | 2021-09-05T12:24:47 | 2021-04-18T02:12:40 | Python | UTF-8 | Python | false | false | 504 | py | #!/usr/bin/env python
# -*- coding: utf-8 -*-
# @Project : tql-App.
# @File : __init__.py
# @Time : 2019-12-10 17:24
# @Author : yuanjie
# @Email : [email protected]
# @Software : PyCharm
# @Description :
from loguru import logger
trace = logger.add('runtime_{time}.log', rotation="100 MB", retention='10 days')
logger.debug('this is a debug message')
if __name__ == '__main__':
@logger.catch()
def f():
1/0
return 1111
print(f()) | [
"[email protected]"
]
| |
90c6ef60f816c6a1349f4d73159c4ae948447b06 | 14afcc5e2b8bdb3d91b500f6e7985d8a3378e929 | /src/344.反转字符串.py | f3629f9c7014601a392eb49ac34f20c25e72ca6c | []
| no_license | hysapphire/leetcode-python | 8569a0e76f8917165e6b9fb25bfef1afc1186e3c | 8e338ee7a5c9f124e897491d6a1f4bcd1d1a6270 | refs/heads/master | 2022-12-03T15:17:52.557115 | 2020-08-17T14:19:59 | 2020-08-17T14:19:59 | 278,781,919 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 389 | py | #
# @lc app=leetcode.cn id=344 lang=python3
#
# [344] 反转字符串
#
# @lc code=start
class Solution:
def reverseString(self, s: List[str]) -> None:
"""
Do not return anything, modify s in-place instead.
"""
i = 0
j = len(s) - 1
while i < j:
s[i], s[j] = s[j], s[i]
i += 1
j -= 1
# @lc code=end
| [
"[email protected]"
]
| |
768b68f82e53860c6b9728cc558ba0de3a2c2e1e | eb9c3dac0dca0ecd184df14b1fda62e61cc8c7d7 | /google/cloud/vision/v1p3beta1/vision-v1p3beta1-py/google/cloud/vision_v1p3beta1/types/text_annotation.py | d72aa77fb46bbd618734133edc7c103eaac2950b | [
"Apache-2.0"
]
| permissive | Tryweirder/googleapis-gen | 2e5daf46574c3af3d448f1177eaebe809100c346 | 45d8e9377379f9d1d4e166e80415a8c1737f284d | refs/heads/master | 2023-04-05T06:30:04.726589 | 2021-04-13T23:35:20 | 2021-04-13T23:35:20 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 11,902 | py | # -*- coding: utf-8 -*-
# Copyright 2020 Google LLC
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# 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 proto # type: ignore
from google.cloud.vision_v1p3beta1.types import geometry
__protobuf__ = proto.module(
package='google.cloud.vision.v1p3beta1',
manifest={
'TextAnnotation',
'Page',
'Block',
'Paragraph',
'Word',
'Symbol',
},
)
class TextAnnotation(proto.Message):
r"""TextAnnotation contains a structured representation of OCR extracted
text. The hierarchy of an OCR extracted text structure is like this:
TextAnnotation -> Page -> Block -> Paragraph -> Word -> Symbol Each
structural component, starting from Page, may further have their own
properties. Properties describe detected languages, breaks etc..
Please refer to the
[TextAnnotation.TextProperty][google.cloud.vision.v1p3beta1.TextAnnotation.TextProperty]
message definition below for more detail.
Attributes:
pages (Sequence[google.cloud.vision_v1p3beta1.types.Page]):
List of pages detected by OCR.
text (str):
UTF-8 text detected on the pages.
"""
class DetectedLanguage(proto.Message):
r"""Detected language for a structural component.
Attributes:
language_code (str):
The BCP-47 language code, such as "en-US" or "sr-Latn". For
more information, see
http://www.unicode.org/reports/tr35/#Unicode_locale_identifier.
confidence (float):
Confidence of detected language. Range [0, 1].
"""
language_code = proto.Field(proto.STRING, number=1)
confidence = proto.Field(proto.FLOAT, number=2)
class DetectedBreak(proto.Message):
r"""Detected start or end of a structural component.
Attributes:
type_ (google.cloud.vision_v1p3beta1.types.TextAnnotation.DetectedBreak.BreakType):
Detected break type.
is_prefix (bool):
True if break prepends the element.
"""
class BreakType(proto.Enum):
r"""Enum to denote the type of break found. New line, space etc."""
UNKNOWN = 0
SPACE = 1
SURE_SPACE = 2
EOL_SURE_SPACE = 3
HYPHEN = 4
LINE_BREAK = 5
type_ = proto.Field(proto.ENUM, number=1,
enum='TextAnnotation.DetectedBreak.BreakType',
)
is_prefix = proto.Field(proto.BOOL, number=2)
class TextProperty(proto.Message):
r"""Additional information detected on the structural component.
Attributes:
detected_languages (Sequence[google.cloud.vision_v1p3beta1.types.TextAnnotation.DetectedLanguage]):
A list of detected languages together with
confidence.
detected_break (google.cloud.vision_v1p3beta1.types.TextAnnotation.DetectedBreak):
Detected start or end of a text segment.
"""
detected_languages = proto.RepeatedField(proto.MESSAGE, number=1,
message='TextAnnotation.DetectedLanguage',
)
detected_break = proto.Field(proto.MESSAGE, number=2,
message='TextAnnotation.DetectedBreak',
)
pages = proto.RepeatedField(proto.MESSAGE, number=1,
message='Page',
)
text = proto.Field(proto.STRING, number=2)
class Page(proto.Message):
r"""Detected page from OCR.
Attributes:
property (google.cloud.vision_v1p3beta1.types.TextAnnotation.TextProperty):
Additional information detected on the page.
width (int):
Page width. For PDFs the unit is points. For
images (including TIFFs) the unit is pixels.
height (int):
Page height. For PDFs the unit is points. For
images (including TIFFs) the unit is pixels.
blocks (Sequence[google.cloud.vision_v1p3beta1.types.Block]):
List of blocks of text, images etc on this
page.
confidence (float):
Confidence of the OCR results on the page. Range [0, 1].
"""
property = proto.Field(proto.MESSAGE, number=1,
message='TextAnnotation.TextProperty',
)
width = proto.Field(proto.INT32, number=2)
height = proto.Field(proto.INT32, number=3)
blocks = proto.RepeatedField(proto.MESSAGE, number=4,
message='Block',
)
confidence = proto.Field(proto.FLOAT, number=5)
class Block(proto.Message):
r"""Logical element on the page.
Attributes:
property (google.cloud.vision_v1p3beta1.types.TextAnnotation.TextProperty):
Additional information detected for the
block.
bounding_box (google.cloud.vision_v1p3beta1.types.BoundingPoly):
The bounding box for the block. The vertices are in the
order of top-left, top-right, bottom-right, bottom-left.
When a rotation of the bounding box is detected the rotation
is represented as around the top-left corner as defined when
the text is read in the 'natural' orientation. For example:
- when the text is horizontal it might look like:
::
0----1
| |
3----2
- when it's rotated 180 degrees around the top-left corner
it becomes:
::
2----3
| |
1----0
and the vertice order will still be (0, 1, 2, 3).
paragraphs (Sequence[google.cloud.vision_v1p3beta1.types.Paragraph]):
List of paragraphs in this block (if this
blocks is of type text).
block_type (google.cloud.vision_v1p3beta1.types.Block.BlockType):
Detected block type (text, image etc) for
this block.
confidence (float):
Confidence of the OCR results on the block. Range [0, 1].
"""
class BlockType(proto.Enum):
r"""Type of a block (text, image etc) as identified by OCR."""
UNKNOWN = 0
TEXT = 1
TABLE = 2
PICTURE = 3
RULER = 4
BARCODE = 5
property = proto.Field(proto.MESSAGE, number=1,
message='TextAnnotation.TextProperty',
)
bounding_box = proto.Field(proto.MESSAGE, number=2,
message=geometry.BoundingPoly,
)
paragraphs = proto.RepeatedField(proto.MESSAGE, number=3,
message='Paragraph',
)
block_type = proto.Field(proto.ENUM, number=4,
enum=BlockType,
)
confidence = proto.Field(proto.FLOAT, number=5)
class Paragraph(proto.Message):
r"""Structural unit of text representing a number of words in
certain order.
Attributes:
property (google.cloud.vision_v1p3beta1.types.TextAnnotation.TextProperty):
Additional information detected for the
paragraph.
bounding_box (google.cloud.vision_v1p3beta1.types.BoundingPoly):
The bounding box for the paragraph. The vertices are in the
order of top-left, top-right, bottom-right, bottom-left.
When a rotation of the bounding box is detected the rotation
is represented as around the top-left corner as defined when
the text is read in the 'natural' orientation. For example:
- when the text is horizontal it might look like: 0----1 \|
\| 3----2
- when it's rotated 180 degrees around the top-left corner
it becomes: 2----3 \| \| 1----0 and the vertice order
will still be (0, 1, 2, 3).
words (Sequence[google.cloud.vision_v1p3beta1.types.Word]):
List of words in this paragraph.
confidence (float):
Confidence of the OCR results for the paragraph. Range [0,
1].
"""
property = proto.Field(proto.MESSAGE, number=1,
message='TextAnnotation.TextProperty',
)
bounding_box = proto.Field(proto.MESSAGE, number=2,
message=geometry.BoundingPoly,
)
words = proto.RepeatedField(proto.MESSAGE, number=3,
message='Word',
)
confidence = proto.Field(proto.FLOAT, number=4)
class Word(proto.Message):
r"""A word representation.
Attributes:
property (google.cloud.vision_v1p3beta1.types.TextAnnotation.TextProperty):
Additional information detected for the word.
bounding_box (google.cloud.vision_v1p3beta1.types.BoundingPoly):
The bounding box for the word. The vertices are in the order
of top-left, top-right, bottom-right, bottom-left. When a
rotation of the bounding box is detected the rotation is
represented as around the top-left corner as defined when
the text is read in the 'natural' orientation. For example:
- when the text is horizontal it might look like: 0----1 \|
\| 3----2
- when it's rotated 180 degrees around the top-left corner
it becomes: 2----3 \| \| 1----0 and the vertice order
will still be (0, 1, 2, 3).
symbols (Sequence[google.cloud.vision_v1p3beta1.types.Symbol]):
List of symbols in the word.
The order of the symbols follows the natural
reading order.
confidence (float):
Confidence of the OCR results for the word. Range [0, 1].
"""
property = proto.Field(proto.MESSAGE, number=1,
message='TextAnnotation.TextProperty',
)
bounding_box = proto.Field(proto.MESSAGE, number=2,
message=geometry.BoundingPoly,
)
symbols = proto.RepeatedField(proto.MESSAGE, number=3,
message='Symbol',
)
confidence = proto.Field(proto.FLOAT, number=4)
class Symbol(proto.Message):
r"""A single symbol representation.
Attributes:
property (google.cloud.vision_v1p3beta1.types.TextAnnotation.TextProperty):
Additional information detected for the
symbol.
bounding_box (google.cloud.vision_v1p3beta1.types.BoundingPoly):
The bounding box for the symbol. The vertices are in the
order of top-left, top-right, bottom-right, bottom-left.
When a rotation of the bounding box is detected the rotation
is represented as around the top-left corner as defined when
the text is read in the 'natural' orientation. For example:
- when the text is horizontal it might look like: 0----1 \|
\| 3----2
- when it's rotated 180 degrees around the top-left corner
it becomes: 2----3 \| \| 1----0 and the vertice order
will still be (0, 1, 2, 3).
text (str):
The actual UTF-8 representation of the
symbol.
confidence (float):
Confidence of the OCR results for the symbol. Range [0, 1].
"""
property = proto.Field(proto.MESSAGE, number=1,
message='TextAnnotation.TextProperty',
)
bounding_box = proto.Field(proto.MESSAGE, number=2,
message=geometry.BoundingPoly,
)
text = proto.Field(proto.STRING, number=3)
confidence = proto.Field(proto.FLOAT, number=4)
__all__ = tuple(sorted(__protobuf__.manifest))
| [
"bazel-bot-development[bot]@users.noreply.github.com"
]
| bazel-bot-development[bot]@users.noreply.github.com |
995563648da4897a4425eded36f6d0dc3477e464 | 069c2295076c482afadfe6351da5ae02be8e18e6 | /django/core/files/storage/mixins.py | 663a163beae1f8780a88003792849fbd7b201fd8 | [
"LicenseRef-scancode-other-copyleft",
"LicenseRef-scancode-unknown-license-reference",
"BSD-3-Clause",
"GPL-1.0-or-later",
"Python-2.0.1",
"LicenseRef-scancode-free-unknown",
"LicenseRef-scancode-other-permissive",
"Python-2.0"
]
| permissive | django/django | 5eb557f57053631cd4f566f451e43197309dbeeb | c74a6fad5475495756a5bdb18b2cab2b68d429bc | refs/heads/main | 2023-09-01T03:43:44.033530 | 2023-08-31T08:27:32 | 2023-08-31T08:27:32 | 4,164,482 | 73,530 | 38,187 | BSD-3-Clause | 2023-09-14T20:03:48 | 2012-04-28T02:47:18 | Python | UTF-8 | Python | false | false | 700 | py | class StorageSettingsMixin:
def _clear_cached_properties(self, setting, **kwargs):
"""Reset setting based property values."""
if setting == "MEDIA_ROOT":
self.__dict__.pop("base_location", None)
self.__dict__.pop("location", None)
elif setting == "MEDIA_URL":
self.__dict__.pop("base_url", None)
elif setting == "FILE_UPLOAD_PERMISSIONS":
self.__dict__.pop("file_permissions_mode", None)
elif setting == "FILE_UPLOAD_DIRECTORY_PERMISSIONS":
self.__dict__.pop("directory_permissions_mode", None)
def _value_or_setting(self, value, setting):
return setting if value is None else value
| [
"[email protected]"
]
| |
67e188cf4dff45d62ef69d5b2bca2ce723dfa609 | cc175b44e655a2450611c107884763b512e14aa8 | /model/make_data.py | abf967d3d00a18eed02bee0417d5877da1637833 | []
| no_license | boxiangliu/abbrev | daa05e733c92d3c7072323b0ecad5369d87eca86 | 610f5e0789fd87ca7390bf458b6699ed83331a4f | refs/heads/master | 2023-07-20T00:16:17.760843 | 2021-08-23T17:12:06 | 2021-08-23T17:12:06 | 300,144,070 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,605 | py | import pandas as pd
import os
import click
# nrows = 1e6
# ab3p_fn = "../processed_data/preprocess/ab3p/summarize_ab3p/ab3p_res.csv"
# out_dir = "../processed_data/preprocess/model/train_val/"
# train_pct = 0.6
# val_pct = 0.2
# test_pct = 0.2
@click.command()
@click.option("--nrows", type=int, help="Number of rows.")
@click.option("--ab3p_fn", type=str, help="Path to ab3p file.")
@click.option("--out_dir", type=str, help="Path to out directory.")
@click.option("--train_pct", type=float, help="Proportion used for training.", default=0.6)
@click.option("--val_pct", type=float, help="Proportion used for evaluation.", default=0.2)
@click.option("--test_pct", type=float, help="Proportion used for testing.", default=0.2)
def main(nrows, ab3p_fn, out_dir, train_pct, val_pct, test_pct):
os.makedirs(out_dir, exist_ok=True)
ab3p = pd.read_csv(ab3p_fn, sep="\t", nrows=nrows)
denom = sum([train_pct, val_pct, test_pct])
train_pct, val_pct, test_pct = \
train_pct/denom, val_pct/denom, test_pct/denom
train_div = round(ab3p.shape[0] * train_pct)
val_div = train_div + round(ab3p.shape[0] * val_pct)
train_idx = range(train_div)
val_idx = range(train_div, val_div)
test_idx = range(val_div, ab3p.shape[0])
assert len(train_idx) + len(val_idx) + len(test_idx) == ab3p.shape[0]
ab3p.iloc[train_idx,:].to_csv(f"{out_dir}/train.tsv", sep="\t", index=False)
ab3p.iloc[val_idx,:].to_csv(f"{out_dir}/val.tsv", sep="\t", index=False)
ab3p.iloc[test_idx,:].to_csv(f"{out_dir}/test.tsv", sep="\t", index=False)
if __name__ == "__main__":
main() | [
"[email protected]"
]
| |
d5041bab3576ce33ff487521f40316e8a4f3a33c | ecb6b752523a126ef17895854b18e02df41c4cfe | /api_restful/urls.py | 791b79d537ebf6c13c91a18c29865ae8b286bc8e | [
"MIT"
]
| permissive | zhanghe06/bearing_project | cd6a1b2ba509392da37e5797a3619454ca464276 | 25729aa7a8a5b38906e60b370609b15e8911ecdd | refs/heads/master | 2023-05-27T17:23:22.561045 | 2023-05-23T09:26:07 | 2023-05-23T09:39:14 | 126,219,603 | 2 | 5 | MIT | 2022-12-08T03:11:27 | 2018-03-21T17:54:44 | JavaScript | UTF-8 | Python | false | false | 4,217 | py | #!/usr/bin/env python
# encoding: utf-8
"""
@author: zhanghe
@software: PyCharm
@file: urls.py
@time: 2020-02-28 21:21
"""
from __future__ import unicode_literals
from uuid import uuid4
import logging
import time
from collections import defaultdict
from flask import jsonify, request, g, make_response
from werkzeug.exceptions import NotFound, InternalServerError
from api_restful.signals.operation_log import signal_operation_log
from api_restful import app
# api_logger = logging.getLogger('api')
debug_logger = logging.getLogger('debug')
SUCCESS_MSG = app.config['API_SUCCESS_MSG']
FAILURE_MSG = app.config['API_FAILURE_MSG']
@app.before_request
def api_before_request():
request_id = request.headers.get('X-Request-Id', str(uuid4())) # 不带短横: uuid4().get_hex()
g.request_id = request_id
debug_logger.debug('before_request')
g.req_time = time.time()
@app.after_request
def after_request(response):
request_id = g.get('request_id', str(uuid4()))
g.request_id = request_id
debug_logger.debug('after_request')
# 头部注入
response.headers.add('X-Request-Id', request_id)
g.status_code = response.status_code
g.project = app.name
g.res_time = time.time()
latency = time.time() - g.req_time
g.latency = latency
# api_log = defaultdict(lambda: '-')
# api_logger.info('-')
# 操作日志
operation_log = {
'project': app.name,
'latency': latency,
'client_host': request.host,
'client_addr': request.remote_addr,
'req_id': request_id,
'req_method': request.method,
'req_path': request.path,
'req_json': request.json,
'req_args': request.args.to_dict(),
'res_status_code': response.status_code,
'res_json': {},
}
# Get请求错误时记录返回,正确返回忽略,避免日志过大
if request.method in ['GET', 'HEAD', 'OPTIONS'] and response.status_code / 2 != 100:
operation_log['res_json'] = response.json
if request.method in ['POST', 'PUT', 'DELETE']:
operation_log['res_json'] = response.json
signal_operation_log.send(app, **operation_log)
return response # 必须返回response
# @app.after_request
# def after_request(response):
# request_id = g.get('request_id', str(uuid4()))
# g.request_id = request_id
# debug_logger.debug('after_request')
#
# g.status_code = response.status_code
#
# # 头部注入
# response.headers.add('X-Request-Id', request_id)
#
# return response # 必须返回response
# @app.teardown_request
# def teardown_request(exception=None):
# request_id = g.get('request_id', str(uuid4()))
# g.request_id = request_id
# debug_logger.debug('teardown_request')
#
# g.project = app.name
# g.res_time = time.time()
# g.latency = g.res_time - g.req_time
#
# # 接口日志
# g.api_log = defaultdict(lambda: '-')
# g.api_log['project_name'] = app.name
#
# if exception:
# exception_info = {
# 'module': exception.__class__.__module__,
# 'name': exception.__class__.__name__,
# 'message': exception.message,
# }
# g.api_log['exception'] = '%(module)s.%(name)s: %(message)s' % exception_info
# api_logger.error(dict(g.api_log))
# else:
# api_logger.info(dict(g.api_log))
# return exception
@app.route('/', methods=['GET', 'POST', 'OPTIONS'])
def heartbeat():
return jsonify(SUCCESS_MSG.copy())
# 全局路由错误
@app.errorhandler(NotFound.code)
def url_not_found(error):
return make_response(
jsonify(
{
'msg': '路径错误' or error.description,
'result': False,
# 'status': exceptions.NotFound.code,
}
),
NotFound.code
)
# 全局异常错误(DEBUG模式生效)
@app.errorhandler(Exception)
def exception(error):
return make_response(
jsonify(
{
'msg': error.message or InternalServerError.description,
'result': False,
# 'status': InternalServerError.code,
}
),
InternalServerError.code
)
| [
"[email protected]"
]
| |
a63cdcdc0d81ec4c855b3d2d9b59a8d04cc7e353 | 043d91547df1c9824cdff5386c74083b234803c2 | /Code Examples/Chapter 22/Statistics.py | 17fddd9b393ced65aa9cff821be8caa5467a56b8 | []
| no_license | ddc899/cmpt145 | 9824b7caad98f78075dd42c5ecb1c1617f4628cf | 2a8c2f36d42082dffdc6e79a9822aa2d4ad925a9 | refs/heads/master | 2022-01-26T22:44:02.647310 | 2018-07-27T22:51:07 | 2018-07-27T22:51:07 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,838 | py | # CMPT 145: Objects
# Defines the Statistics ADT
# Calculate mean and variance.
# Implementation
# Do the calculations without storing all the data!
# Use a Python dictionary as a record to store three quantities:
# _count': the number of data values added
# _avg': the running average of the values added
# _sumsqdiff': the sum of the square differences between the
# values added and the mean so far
# These values can be modified every time a new data value is
# added, so that the mean and variance can be calculated quickly
# as needed. This approach means that we do not need to store
# the data values themselves, which could save a lot of space.
class Statistics(object):
def __init__(self):
"""
Purpose:
Initialize a Statistics object instance.
"""
self._count = 0 # how many data values have been seen
self._avg = 0 # the running average so far
self._sumsqdiff = 0 # the sum of the square differences
def add(self, value):
"""
Purpose:
Use the given value in the calculation of mean and variance.
Pre-Conditions:
:param value: the value to be added
Post-Conditions:
none
Return:
:return none
"""
self._count += 1
k = self._count # convenience
diff = value - self._avg # convenience
self._avg += diff / k
self._sumsqdiff += ((k - 1) / k) * (diff ** 2)
def mean(self):
"""
Purpose:
Return the mean of all the values seen so far.
Post-conditions:
(none)
Return:
The mean of the data seen so far.
Note: if no data has been seen, 0 is returned.
This is clearly false.
"""
return self._avg
def var(self):
"""
Purpose:
Return the variance of all the values seen so far.
(variance is the average of the squared difference
between each value and the average of all values)
Pre-conditions:
stat: the Statistics record containing the variance
Post-conditions:
(none)
Return:
The variance of the data seen so far.
Note: if 0 or 1 data values have been seen, 0 is returned.
This is clearly false.
"""
return self._sumsqdiff / self._count
def sampvar(self):
"""
Purpose:
Return the sample variance of all the values seen so far.
Pre-conditions:
stat: the Statistics record containing the sample variance
Post-conditions:
(none)
Return:
The sample variance of the data seen so far.
Note: if 0 or 1 data values have been seen, 0 is returned.
This is clearly false.
"""
return self._sumsqdiff / (self._count - 1)
| [
"[email protected]"
]
| |
09aea084d55765c2c27515405b4a8b5d4af484bc | e3bb2717535c5f8c7db54a43d801971320b02ae1 | /app/auth/views.py | b5ff9badc5abdeddd2de2705a84c588465b33d0d | []
| no_license | EugeneZnm/Watchlist | e28e207f8fd2f2a3a1c23b4f6ccc52df9ea310ff | 8f846ff6acb0d217c6ec7316abb836ff7d870a75 | refs/heads/master | 2020-03-27T08:41:40.696130 | 2018-09-05T11:08:59 | 2018-09-05T11:08:59 | 146,278,525 | 0 | 1 | null | null | null | null | UTF-8 | Python | false | false | 2,848 | py | from flask import render_template, redirect, request, url_for, flash
from . import auth
from .. import db
from ..models import User
from .forms import LoginForm, RegistrationForm
# importation of mail_message function
from .. email import mail_message
from flask_login import login_user, logout_user, login_required
@auth.route('/login', methods=['GET', 'POST'])
def login():
login_form = LoginForm()
"""
create instance of Loginform and pass it into login.html template
"""
if login_form.validate_on_submit():
"""
check if form is validated
user is searched for in the database with the email received from form
"""
user = User.query.filter_by(email=login_form.email.data).first()
if user is not None and user.verify_password(login_form.password.data):
"""
use verify password method to confirm password entered matches with password hash stored in database
"""
login_user(user, login_form.remember.data)
"""
login function records the user as logged for current session if password ans hash match
user object taken and form data remembered
long time coolie is set if true
"""
return redirect(request.args.get('next') or url_for('main.index'))
flash('Invalid username or Password')
title = "watchlist login"
return render_template('auth/login.html', login_form=login_form, title=title)
@auth.route('/register', methods=["GET", "POST"])
def register():
form = RegistrationForm()
if form.validate_on_submit():
user = User(email=form.email.data, username=form.username.data, password=form.password.data)
"""
new user is created from user model when form is submitted
email, username and password are passed in
"""
db.session.add(user)
"""
new user is added to session
"""
db.session.commit()
"""
new user committed to session
"""
title = 'New Account'
mail_message("Welcome to Watchlist", "email/welcome_user", user.email, user=user)
"""
call mail message
pass in subject and template file where message body will be stored
pass in new user's email address obtained from the registration form
pass in user as a keyword argument
"""
return redirect(url_for('auth.login'))
return render_template('auth/register.html', registration_form=form)
# authenticated logout route calling logout_user function
@auth.route('/logout')
@login_required
def logout():
"""
logout function that logs out user from application
:return:
"""
logout_user()
# redirection to index page
return redirect(url_for("main.index"))
| [
"[email protected]"
]
| |
26cb57441ee3854ffead4b69ae2ec7044da21d06 | 7d023c350e2b05c96428d7f5e018a74acecfe1d2 | /mavlink_ROS/devel/lib/python2.7/dist-packages/mavros_msgs/srv/_VehicleInfoGet.py | 92ddfc7a10ec3865192d0f249eb96c798ae4ea54 | []
| no_license | thanhhaibk96/VIAM_AUV2000_ROS | 8cbf867e170212e1f1559aa38c36f22d6f5237ad | fe797304fe9283eaf95fe4fa4aaabb1fe1097c92 | refs/heads/main | 2023-06-06T14:15:39.519361 | 2021-06-19T06:01:19 | 2021-06-19T06:01:19 | 376,807,938 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 135 | py | /home/hai_bker96/VIAM_AUV2000_ROS/mavlink_ROS/devel/.private/mavros_msgs/lib/python2.7/dist-packages/mavros_msgs/srv/_VehicleInfoGet.py | [
"[email protected]"
]
| |
4c64f905d39e8cb07f0685bdfb4bb78ea2b99621 | a54b6e7a1906534b11584054e6096f855ced549d | /encapsulation-python-oop/account.py | 98dce39f1fbb4a95b18e9d11731b87c109daf8a6 | []
| no_license | DavidStoilkovski/python-oop | 1cece55dffa8471ed980773e259ca9569eb00283 | ae497d84d41badb8fc9c64c518d1dd72d95c839f | refs/heads/main | 2023-04-20T10:11:02.914382 | 2021-05-08T16:31:46 | 2021-05-08T16:31:46 | 359,358,703 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 641 | py | class Account:
def __init__(self, id, balance, pin):
self.__id = id
self.__pin = pin
self.balance = balance
def get_id(self, pin):
if pin == self.__pin:
return self.__id
return "Wrong pin"
def change_pin(self, old_pin, new_pin):
if old_pin == self.__pin:
self.__pin = new_pin
return "Pin changed"
return "Wrong pin"
# Test code
# account = Account(8827312, 100, 3421)
# print(account.get_id(1111))
# print(account.get_id(3421))
# print(account.balance)
# print(account.change_pin(2212, 4321))
# print(account.change_pin(3421, 1234))
| [
"[email protected]"
]
| |
cd85fc9698722f3292cb0a2f5e6c15439f22caf2 | 53fab060fa262e5d5026e0807d93c75fb81e67b9 | /backup/user_395/ch1_2019_03_09_23_46_04_934673.py | e858189236e4e7c9bf261044371f0bbf425eb7a8 | []
| no_license | gabriellaec/desoft-analise-exercicios | b77c6999424c5ce7e44086a12589a0ad43d6adca | 01940ab0897aa6005764fc220b900e4d6161d36b | refs/heads/main | 2023-01-31T17:19:42.050628 | 2020-12-16T05:21:31 | 2020-12-16T05:21:31 | 306,735,108 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 102 | py | def calcula_valor_devido(c,i,n):
m == c * (1+i)**n
return m
print (calcula_valor_devido(0,0,0) | [
"[email protected]"
]
| |
b90cc6344c7868d92b0bac983f668cc7aad38c4c | 56e469a1bfd29004fa258a54668dfbbc4459663d | /python3-pandas-tutorial/src/lesson6.py | 2f6229fcc0269b0b8e6b2bdd47c4b9d40ff8c905 | []
| no_license | wind86/learning | bfce4a6795b58b27d0148b878299cacfe96aa26f | 4449ba0eed0a8f803a2bb9fbd663faf43148f03a | refs/heads/master | 2020-04-05T23:28:40.082439 | 2017-11-04T11:36:40 | 2017-11-04T11:36:40 | 83,236,426 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,261 | py | '''
Created on May 15, 2017
Joining and Merging Dataframes - p.6 Data Analysis with Python and Pandas Tutorial
based on https://www.youtube.com/watch?v=XMjSGGej9y8&index=6&list=PLQVvvaa0QuDc-3szzjeP6N6b0aDrrKyL-
@author: ubuntu
'''
import pandas as pd
# df1 = pd.DataFrame({'HPI':[80,85,88,85],
# 'Int_rate':[2, 3, 2, 2],
# 'US_GDP_Thousands':[50, 55, 65, 55]},
# index = [2001, 2002, 2003, 2004])
#
# df2 = pd.DataFrame({'HPI':[80,85,88,85],
# 'Int_rate':[2, 3, 2, 2],
# 'US_GDP_Thousands':[50, 55, 65, 55]},
# index = [2005, 2006, 2007, 2008])
#
# df3 = pd.DataFrame({'HPI':[80,85,88,85],
# 'Int_rate':[2, 3, 2, 2],
# 'Low_tier_HPI':[50, 52, 50, 53]},
# index = [2001, 2002, 2003, 2004])
#print(pd.merge(df1,df3, on='HPI'))
#print(pd.merge(df1,df2, on=['HPI','Int_rate']))
# df4 = pd.merge(df1,df3, on='HPI')
# df4.set_index('HPI', inplace=True)
# print(df4)
# df1.set_index('HPI', inplace=True)
# df3.set_index('HPI', inplace=True)
#
# joined = df1.join(df3)
# print(joined)
df1 = pd.DataFrame({
'Int_rate':[2, 3, 2, 2],
'US_GDP_Thousands':[50, 55, 65, 55],
'Year':[2001, 2002, 2003, 2004]
})
df3 = pd.DataFrame({
'Unemployment':[7, 8, 9, 6],
'Low_tier_HPI':[50, 52, 50, 53],
'Year':[2001, 2003, 2004, 2005]})
# merged = pd.merge(df1,df3, on='Year')
# print(merged)
# merged = pd.merge(df1,df3, on='Year')
# merged.set_index('Year', inplace=True)
# print(merged)
# merged = pd.merge(df1,df3, on='Year', how='left')
# merged.set_index('Year', inplace=True)
# print(merged)
# merged = pd.merge(df1,df3, on='Year', how='right')
# merged.set_index('Year', inplace=True)
# print(merged)
# merged = pd.merge(df1,df3, on='Year', how='outer')
# merged.set_index('Year', inplace=True)
# print(merged)
# merged = pd.merge(df1,df3, on='Year', how='inner')
# merged.set_index('Year', inplace=True)
# print(merged)
df1.set_index('Year', inplace=True)
df3.set_index('Year', inplace=True)
joined = df1.join(df3, how="outer")
print(joined) | [
"[email protected]"
]
| |
c582ec9b4a70e9179e20a14245487ba928f81ead | ba0cea0d05962e8a84016a80e3b9c9c358aa64c8 | /trading/TradingModel.py | 1458d04546c0e16e201695d145ce969e96281167 | []
| no_license | acjones212/tudorials | 48b7445dc832127021495bd5061b5e79588dc1bb | 7998da771e4623697b1b73c4a43c3e84fe67322f | refs/heads/master | 2020-06-30T06:13:03.055008 | 2019-02-17T04:00:43 | 2019-02-17T04:00:43 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,700 | py | import pandas as pd
import requests
import json
import plotly.graph_objs as go
from plotly.offline import plot
from pyti.smoothed_moving_average import smoothed_moving_average as sma
class TradingModel:
def __init__(self, symbol):
self.symbol = symbol
self.df = self.getData()
def getData(self):
# define URL
base = 'https://api.binance.com'
endpoint = '/api/v1/klines'
params = '?&symbol='+self.symbol+'&interval=1h'
url = base + endpoint + params
# download data
data = requests.get(url)
dictionary = json.loads(data.text)
# put in dataframe and clean-up
df = pd.DataFrame.from_dict(dictionary)
df = df.drop(range(6, 12), axis=1)
# rename columns
col_names = ['time', 'open', 'high', 'low', 'close', 'volume']
df.columns = col_names
# transform values from strings to floats
for col in col_names:
df[col] = df[col].astype(float)
# add the moving averages
df['fast_sma'] = sma(df['close'].tolist(), 10)
df['slow_sma'] = sma(df['close'].tolist(), 30)
return df
def strategy(self):
'''If Price is 3% below Slow Moving Average, then Buy
Put selling order for 2% above buying price'''
df = self.df
buy_signals = []
for i in range(1, len(df['close'])):
if df['slow_sma'][i] > df['low'][i] and (df['slow_sma'][i] - df['low'][i]) > 0.03 * df['low'][i]:
buy_signals.append([df['time'][i], df['low'][i]])
self.plotData(buy_signals = buy_signals)
def plotData(self, buy_signals = False):
df = self.df
# plot candlestick chart
candle = go.Candlestick(
x = df['time'],
open = df['open'],
close = df['close'],
high = df['high'],
low = df['low'],
name = "Candlesticks")
# plot MAs
fsma = go.Scatter(
x = df['time'],
y = df['fast_sma'],
name = "Fast SMA",
line = dict(color = ('rgba(102, 207, 255, 50)')))
ssma = go.Scatter(
x = df['time'],
y = df['slow_sma'],
name = "Slow SMA",
line = dict(color = ('rgba(255, 207, 102, 50)')))
data = [candle, ssma, fsma]
if buy_signals:
buys = go.Scatter(
x = [item[0] for item in buy_signals],
y = [item[1] for item in buy_signals],
name = "Buy Signals",
mode = "markers",
)
sells = go.Scatter(
x = [item[0] for item in buy_signals],
y = [item[1]*1.02 for item in buy_signals],
name = "Sell Signals",
mode = "markers",
)
data = [candle, ssma, fsma, buys, sells]
# style and display
layout = go.Layout(title = self.symbol)
fig = go.Figure(data = data, layout = layout)
plot(fig, filename=self.symbol)
def Main():
symbol = "BTCUSDT"
model = TradingModel(symbol)
model.strategy()
if __name__ == '__main__':
Main()
| [
"[email protected]"
]
| |
c435bf2efdbd95a3be47ab19443964f4afde2c4f | a51eef4ae158e40fb6f86b1f48a7510ddc748002 | /env/lib/python2.7/site-packages/textblob/nltk/util.py | d2fb65fa7a57a4aa5f55794eef29e7d0b62d724c | []
| no_license | sinanuozdemir/iris_calculator | ac07cc99106599f8339c109f91a08068e179f609 | d4f014f8452a50e7ae16df732636797a9538e522 | refs/heads/master | 2021-01-16T20:52:23.955269 | 2016-04-26T18:17:39 | 2016-04-26T18:17:39 | 40,774,539 | 2 | 2 | null | 2015-08-15T17:35:35 | 2015-08-15T17:35:35 | null | UTF-8 | Python | false | false | 39,637 | py | # Natural Language Toolkit: Utility functions
#
# Copyright (C) 2001-2013 NLTK Project
# Author: Steven Bird <[email protected]>
# URL: <http://www.nltk.org/>
# For license information, see LICENSE.TXT
from __future__ import print_function
import locale
import re
import types
import textwrap
import pydoc
import bisect
import os
from itertools import islice, chain
from pprint import pprint
from collections import defaultdict, deque
from sys import version_info
from nltk.internals import slice_bounds, raise_unorderable_types
from nltk import compat
from nltk.compat import (class_types, text_type, string_types, total_ordering,
python_2_unicode_compatible)
######################################################################
# Short usage message
######################################################################
def usage(obj, selfname='self'):
import inspect
str(obj) # In case it's lazy, this will load it.
if not isinstance(obj, class_types):
obj = obj.__class__
print('%s supports the following operations:' % obj.__name__)
for (name, method) in sorted(pydoc.allmethods(obj).items()):
if name.startswith('_'): continue
if getattr(method, '__deprecated__', False): continue
args, varargs, varkw, defaults = inspect.getargspec(method)
if (args and args[0]=='self' and
(defaults is None or len(args)>len(defaults))):
args = args[1:]
name = '%s.%s' % (selfname, name)
argspec = inspect.formatargspec(
args, varargs, varkw, defaults)
print(textwrap.fill('%s%s' % (name, argspec),
initial_indent=' - ',
subsequent_indent=' '*(len(name)+5)))
##########################################################################
# IDLE
##########################################################################
def in_idle():
"""
Return True if this function is run within idle. Tkinter
programs that are run in idle should never call ``Tk.mainloop``; so
this function should be used to gate all calls to ``Tk.mainloop``.
:warning: This function works by checking ``sys.stdin``. If the
user has modified ``sys.stdin``, then it may return incorrect
results.
:rtype: bool
"""
import sys
return sys.stdin.__class__.__name__ in ('PyShell', 'RPCProxy')
##########################################################################
# PRETTY PRINTING
##########################################################################
def pr(data, start=0, end=None):
"""
Pretty print a sequence of data items
:param data: the data stream to print
:type data: sequence or iter
:param start: the start position
:type start: int
:param end: the end position
:type end: int
"""
pprint(list(islice(data, start, end)))
def print_string(s, width=70):
"""
Pretty print a string, breaking lines on whitespace
:param s: the string to print, consisting of words and spaces
:type s: str
:param width: the display width
:type width: int
"""
print('\n'.join(textwrap.wrap(s, width=width)))
def tokenwrap(tokens, separator=" ", width=70):
"""
Pretty print a list of text tokens, breaking lines on whitespace
:param tokens: the tokens to print
:type tokens: list
:param separator: the string to use to separate tokens
:type separator: str
:param width: the display width (default=70)
:type width: int
"""
return '\n'.join(textwrap.wrap(separator.join(tokens), width=width))
##########################################################################
# Python version
##########################################################################
def py25():
return version_info[0] == 2 and version_info[1] == 5
def py26():
return version_info[0] == 2 and version_info[1] == 6
def py27():
return version_info[0] == 2 and version_info[1] == 7
##########################################################################
# Indexing
##########################################################################
class Index(defaultdict):
def __init__(self, pairs):
defaultdict.__init__(self, list)
for key, value in pairs:
self[key].append(value)
######################################################################
## Regexp display (thanks to David Mertz)
######################################################################
def re_show(regexp, string, left="{", right="}"):
"""
Return a string with markers surrounding the matched substrings.
Search str for substrings matching ``regexp`` and wrap the matches
with braces. This is convenient for learning about regular expressions.
:param regexp: The regular expression.
:type regexp: str
:param string: The string being matched.
:type string: str
:param left: The left delimiter (printed before the matched substring)
:type left: str
:param right: The right delimiter (printed after the matched substring)
:type right: str
:rtype: str
"""
print(re.compile(regexp, re.M).sub(left + r"\g<0>" + right, string.rstrip()))
##########################################################################
# READ FROM FILE OR STRING
##########################################################################
# recipe from David Mertz
def filestring(f):
if hasattr(f, 'read'):
return f.read()
elif isinstance(f, string_types):
return open(f).read()
else:
raise ValueError("Must be called with a filename or file-like object")
##########################################################################
# Breadth-First Search
##########################################################################
def breadth_first(tree, children=iter, maxdepth=-1):
"""Traverse the nodes of a tree in breadth-first order.
(No need to check for cycles.)
The first argument should be the tree root;
children should be a function taking as argument a tree node
and returning an iterator of the node's children.
"""
queue = deque([(tree, 0)])
while queue:
node, depth = queue.popleft()
yield node
if depth != maxdepth:
try:
queue.extend((c, depth + 1) for c in children(node))
except TypeError:
pass
##########################################################################
# Guess Character Encoding
##########################################################################
# adapted from io.py in the docutils extension module (http://docutils.sourceforge.net)
# http://www.pyzine.com/Issue008/Section_Articles/article_Encodings.html
def guess_encoding(data):
"""
Given a byte string, attempt to decode it.
Tries the standard 'UTF8' and 'latin-1' encodings,
Plus several gathered from locale information.
The calling program *must* first call::
locale.setlocale(locale.LC_ALL, '')
If successful it returns ``(decoded_unicode, successful_encoding)``.
If unsuccessful it raises a ``UnicodeError``.
"""
successful_encoding = None
# we make 'utf-8' the first encoding
encodings = ['utf-8']
#
# next we add anything we can learn from the locale
try:
encodings.append(locale.nl_langinfo(locale.CODESET))
except AttributeError:
pass
try:
encodings.append(locale.getlocale()[1])
except (AttributeError, IndexError):
pass
try:
encodings.append(locale.getdefaultlocale()[1])
except (AttributeError, IndexError):
pass
#
# we try 'latin-1' last
encodings.append('latin-1')
for enc in encodings:
# some of the locale calls
# may have returned None
if not enc:
continue
try:
decoded = text_type(data, enc)
successful_encoding = enc
except (UnicodeError, LookupError):
pass
else:
break
if not successful_encoding:
raise UnicodeError(
'Unable to decode input data. Tried the following encodings: %s.'
% ', '.join([repr(enc) for enc in encodings if enc]))
else:
return (decoded, successful_encoding)
##########################################################################
# Invert a dictionary
##########################################################################
def invert_dict(d):
inverted_dict = defaultdict(list)
for key in d:
if hasattr(d[key], '__iter__'):
for term in d[key]:
inverted_dict[term].append(key)
else:
inverted_dict[d[key]] = key
return inverted_dict
##########################################################################
# Utilities for directed graphs: transitive closure, and inversion
# The graph is represented as a dictionary of sets
##########################################################################
def transitive_closure(graph, reflexive=False):
"""
Calculate the transitive closure of a directed graph,
optionally the reflexive transitive closure.
The algorithm is a slight modification of the "Marking Algorithm" of
Ioannidis & Ramakrishnan (1998) "Efficient Transitive Closure Algorithms".
:param graph: the initial graph, represented as a dictionary of sets
:type graph: dict(set)
:param reflexive: if set, also make the closure reflexive
:type reflexive: bool
:rtype: dict(set)
"""
if reflexive:
base_set = lambda k: set([k])
else:
base_set = lambda k: set()
# The graph U_i in the article:
agenda_graph = dict((k, graph[k].copy()) for k in graph)
# The graph M_i in the article:
closure_graph = dict((k, base_set(k)) for k in graph)
for i in graph:
agenda = agenda_graph[i]
closure = closure_graph[i]
while agenda:
j = agenda.pop()
closure.add(j)
closure |= closure_graph.setdefault(j, base_set(j))
agenda |= agenda_graph.get(j, base_set(j))
agenda -= closure
return closure_graph
def invert_graph(graph):
"""
Inverts a directed graph.
:param graph: the graph, represented as a dictionary of sets
:type graph: dict(set)
:return: the inverted graph
:rtype: dict(set)
"""
inverted = {}
for key in graph:
for value in graph[key]:
inverted.setdefault(value, set()).add(key)
return inverted
##########################################################################
# HTML Cleaning
##########################################################################
def clean_html(html):
raise NotImplementedError ("To remove HTML markup, use BeautifulSoup's get_text() function")
def clean_url(url):
raise NotImplementedError ("To remove HTML markup, use BeautifulSoup's get_text() function")
##########################################################################
# FLATTEN LISTS
##########################################################################
def flatten(*args):
"""
Flatten a list.
>>> from nltk.util import flatten
>>> flatten(1, 2, ['b', 'a' , ['c', 'd']], 3)
[1, 2, 'b', 'a', 'c', 'd', 3]
:param args: items and lists to be combined into a single list
:rtype: list
"""
x = []
for l in args:
if not isinstance(l, (list, tuple)): l = [l]
for item in l:
if isinstance(item, (list, tuple)):
x.extend(flatten(item))
else:
x.append(item)
return x
##########################################################################
# Ngram iteration
##########################################################################
# add a flag to pad the sequence so we get peripheral ngrams?
def ngrams(sequence, n, pad_left=False, pad_right=False, pad_symbol=None):
"""
Return a sequence of ngrams from a sequence of items. For example:
>>> from nltk.util import ngrams
>>> ngrams([1,2,3,4,5], 3)
[(1, 2, 3), (2, 3, 4), (3, 4, 5)]
Use ingram for an iterator version of this function. Set pad_left
or pad_right to true in order to get additional ngrams:
>>> ngrams([1,2,3,4,5], 2, pad_right=True)
[(1, 2), (2, 3), (3, 4), (4, 5), (5, None)]
:param sequence: the source data to be converted into ngrams
:type sequence: sequence or iter
:param n: the degree of the ngrams
:type n: int
:param pad_left: whether the ngrams should be left-padded
:type pad_left: bool
:param pad_right: whether the ngrams should be right-padded
:type pad_right: bool
:param pad_symbol: the symbol to use for padding (default is None)
:type pad_symbol: any
:rtype: list(tuple)
"""
if pad_left:
sequence = chain((pad_symbol,) * (n-1), sequence)
if pad_right:
sequence = chain(sequence, (pad_symbol,) * (n-1))
sequence = list(sequence)
count = max(0, len(sequence) - n + 1)
return [tuple(sequence[i:i+n]) for i in range(count)]
def bigrams(sequence, **kwargs):
"""
Return a sequence of bigrams from a sequence of items. For example:
>>> from nltk.util import bigrams
>>> bigrams([1,2,3,4,5])
[(1, 2), (2, 3), (3, 4), (4, 5)]
Use ibigrams for an iterator version of this function.
:param sequence: the source data to be converted into bigrams
:type sequence: sequence or iter
:rtype: list(tuple)
"""
return ngrams(sequence, 2, **kwargs)
def trigrams(sequence, **kwargs):
"""
Return a sequence of trigrams from a sequence of items. For example:
>>> from nltk.util import trigrams
>>> trigrams([1,2,3,4,5])
[(1, 2, 3), (2, 3, 4), (3, 4, 5)]
Use itrigrams for an iterator version of this function.
:param sequence: the source data to be converted into trigrams
:type sequence: sequence or iter
:rtype: list(tuple)
"""
return ngrams(sequence, 3, **kwargs)
def ingrams(sequence, n, pad_left=False, pad_right=False, pad_symbol=None):
"""
Return the ngrams generated from a sequence of items, as an iterator.
For example:
>>> from nltk.util import ingrams
>>> list(ingrams([1,2,3,4,5], 3))
[(1, 2, 3), (2, 3, 4), (3, 4, 5)]
Use ngrams for a list version of this function. Set pad_left
or pad_right to true in order to get additional ngrams:
>>> list(ingrams([1,2,3,4,5], 2, pad_right=True))
[(1, 2), (2, 3), (3, 4), (4, 5), (5, None)]
:param sequence: the source data to be converted into ngrams
:type sequence: sequence or iter
:param n: the degree of the ngrams
:type n: int
:param pad_left: whether the ngrams should be left-padded
:type pad_left: bool
:param pad_right: whether the ngrams should be right-padded
:type pad_right: bool
:param pad_symbol: the symbol to use for padding (default is None)
:type pad_symbol: any
:rtype: iter(tuple)
"""
sequence = iter(sequence)
if pad_left:
sequence = chain((pad_symbol,) * (n-1), sequence)
if pad_right:
sequence = chain(sequence, (pad_symbol,) * (n-1))
history = []
while n > 1:
history.append(next(sequence))
n -= 1
for item in sequence:
history.append(item)
yield tuple(history)
del history[0]
def ibigrams(sequence, **kwargs):
"""
Return the bigrams generated from a sequence of items, as an iterator.
For example:
>>> from nltk.util import ibigrams
>>> list(ibigrams([1,2,3,4,5]))
[(1, 2), (2, 3), (3, 4), (4, 5)]
Use bigrams for a list version of this function.
:param sequence: the source data to be converted into bigrams
:type sequence: sequence or iter
:rtype: iter(tuple)
"""
for item in ingrams(sequence, 2, **kwargs):
yield item
def itrigrams(sequence, **kwargs):
"""
Return the trigrams generated from a sequence of items, as an iterator.
For example:
>>> from nltk.util import itrigrams
>>> list(itrigrams([1,2,3,4,5]))
[(1, 2, 3), (2, 3, 4), (3, 4, 5)]
Use trigrams for a list version of this function.
:param sequence: the source data to be converted into trigrams
:type sequence: sequence or iter
:rtype: iter(tuple)
"""
for item in ingrams(sequence, 3, **kwargs):
yield item
##########################################################################
# Ordered Dictionary
##########################################################################
class OrderedDict(dict):
def __init__(self, data=None, **kwargs):
self._keys = self.keys(data, kwargs.get('keys'))
self._default_factory = kwargs.get('default_factory')
if data is None:
dict.__init__(self)
else:
dict.__init__(self, data)
def __delitem__(self, key):
dict.__delitem__(self, key)
self._keys.remove(key)
def __getitem__(self, key):
try:
return dict.__getitem__(self, key)
except KeyError:
return self.__missing__(key)
def __iter__(self):
return (key for key in self.keys())
def __missing__(self, key):
if not self._default_factory and key not in self._keys:
raise KeyError()
return self._default_factory()
def __setitem__(self, key, item):
dict.__setitem__(self, key, item)
if key not in self._keys:
self._keys.append(key)
def clear(self):
dict.clear(self)
self._keys.clear()
def copy(self):
d = dict.copy(self)
d._keys = self._keys
return d
def items(self):
# returns iterator under python 3 and list under python 2
return zip(self.keys(), self.values())
def keys(self, data=None, keys=None):
if data:
if keys:
assert isinstance(keys, list)
assert len(data) == len(keys)
return keys
else:
assert isinstance(data, dict) or \
isinstance(data, OrderedDict) or \
isinstance(data, list)
if isinstance(data, dict) or isinstance(data, OrderedDict):
return data.keys()
elif isinstance(data, list):
return [key for (key, value) in data]
elif '_keys' in self.__dict__:
return self._keys
else:
return []
def popitem(self):
if not self._keys:
raise KeyError()
key = self._keys.pop()
value = self[key]
del self[key]
return (key, value)
def setdefault(self, key, failobj=None):
dict.setdefault(self, key, failobj)
if key not in self._keys:
self._keys.append(key)
def update(self, data):
dict.update(self, data)
for key in self.keys(data):
if key not in self._keys:
self._keys.append(key)
def values(self):
# returns iterator under python 3
return map(self.get, self._keys)
######################################################################
# Lazy Sequences
######################################################################
@total_ordering
@python_2_unicode_compatible
class AbstractLazySequence(object):
"""
An abstract base class for read-only sequences whose values are
computed as needed. Lazy sequences act like tuples -- they can be
indexed, sliced, and iterated over; but they may not be modified.
The most common application of lazy sequences in NLTK is for
corpus view objects, which provide access to the contents of a
corpus without loading the entire corpus into memory, by loading
pieces of the corpus from disk as needed.
The result of modifying a mutable element of a lazy sequence is
undefined. In particular, the modifications made to the element
may or may not persist, depending on whether and when the lazy
sequence caches that element's value or reconstructs it from
scratch.
Subclasses are required to define two methods: ``__len__()``
and ``iterate_from()``.
"""
def __len__(self):
"""
Return the number of tokens in the corpus file underlying this
corpus view.
"""
raise NotImplementedError('should be implemented by subclass')
def iterate_from(self, start):
"""
Return an iterator that generates the tokens in the corpus
file underlying this corpus view, starting at the token number
``start``. If ``start>=len(self)``, then this iterator will
generate no tokens.
"""
raise NotImplementedError('should be implemented by subclass')
def __getitem__(self, i):
"""
Return the *i* th token in the corpus file underlying this
corpus view. Negative indices and spans are both supported.
"""
if isinstance(i, slice):
start, stop = slice_bounds(self, i)
return LazySubsequence(self, start, stop)
else:
# Handle negative indices
if i < 0: i += len(self)
if i < 0: raise IndexError('index out of range')
# Use iterate_from to extract it.
try:
return next(self.iterate_from(i))
except StopIteration:
raise IndexError('index out of range')
def __iter__(self):
"""Return an iterator that generates the tokens in the corpus
file underlying this corpus view."""
return self.iterate_from(0)
def count(self, value):
"""Return the number of times this list contains ``value``."""
return sum(1 for elt in self if elt==value)
def index(self, value, start=None, stop=None):
"""Return the index of the first occurrence of ``value`` in this
list that is greater than or equal to ``start`` and less than
``stop``. Negative start and stop values are treated like negative
slice bounds -- i.e., they count from the end of the list."""
start, stop = slice_bounds(self, slice(start, stop))
for i, elt in enumerate(islice(self, start, stop)):
if elt == value: return i+start
raise ValueError('index(x): x not in list')
def __contains__(self, value):
"""Return true if this list contains ``value``."""
return bool(self.count(value))
def __add__(self, other):
"""Return a list concatenating self with other."""
return LazyConcatenation([self, other])
def __radd__(self, other):
"""Return a list concatenating other with self."""
return LazyConcatenation([other, self])
def __mul__(self, count):
"""Return a list concatenating self with itself ``count`` times."""
return LazyConcatenation([self] * count)
def __rmul__(self, count):
"""Return a list concatenating self with itself ``count`` times."""
return LazyConcatenation([self] * count)
_MAX_REPR_SIZE = 60
def __repr__(self):
"""
Return a string representation for this corpus view that is
similar to a list's representation; but if it would be more
than 60 characters long, it is truncated.
"""
pieces = []
length = 5
for elt in self:
pieces.append(repr(elt))
length += len(pieces[-1]) + 2
if length > self._MAX_REPR_SIZE and len(pieces) > 2:
return '[%s, ...]' % text_type(', ').join(pieces[:-1])
else:
return '[%s]' % text_type(', ').join(pieces)
def __eq__(self, other):
return (type(self) == type(other) and list(self) == list(other))
def __ne__(self, other):
return not self == other
def __lt__(self, other):
if type(other) != type(self):
raise_unorderable_types("<", self, other)
return list(self) < list(other)
def __hash__(self):
"""
:raise ValueError: Corpus view objects are unhashable.
"""
raise ValueError('%s objects are unhashable' %
self.__class__.__name__)
class LazySubsequence(AbstractLazySequence):
"""
A subsequence produced by slicing a lazy sequence. This slice
keeps a reference to its source sequence, and generates its values
by looking them up in the source sequence.
"""
MIN_SIZE = 100
"""
The minimum size for which lazy slices should be created. If
``LazySubsequence()`` is called with a subsequence that is
shorter than ``MIN_SIZE``, then a tuple will be returned instead.
"""
def __new__(cls, source, start, stop):
"""
Construct a new slice from a given underlying sequence. The
``start`` and ``stop`` indices should be absolute indices --
i.e., they should not be negative (for indexing from the back
of a list) or greater than the length of ``source``.
"""
# If the slice is small enough, just use a tuple.
if stop-start < cls.MIN_SIZE:
return list(islice(source.iterate_from(start), stop-start))
else:
return object.__new__(cls)
def __init__(self, source, start, stop):
self._source = source
self._start = start
self._stop = stop
def __len__(self):
return self._stop - self._start
def iterate_from(self, start):
return islice(self._source.iterate_from(start+self._start),
max(0, len(self)-start))
class LazyConcatenation(AbstractLazySequence):
"""
A lazy sequence formed by concatenating a list of lists. This
underlying list of lists may itself be lazy. ``LazyConcatenation``
maintains an index that it uses to keep track of the relationship
between offsets in the concatenated lists and offsets in the
sublists.
"""
def __init__(self, list_of_lists):
self._list = list_of_lists
self._offsets = [0]
def __len__(self):
if len(self._offsets) <= len(self._list):
for tok in self.iterate_from(self._offsets[-1]): pass
return self._offsets[-1]
def iterate_from(self, start_index):
if start_index < self._offsets[-1]:
sublist_index = bisect.bisect_right(self._offsets, start_index)-1
else:
sublist_index = len(self._offsets)-1
index = self._offsets[sublist_index]
# Construct an iterator over the sublists.
if isinstance(self._list, AbstractLazySequence):
sublist_iter = self._list.iterate_from(sublist_index)
else:
sublist_iter = islice(self._list, sublist_index, None)
for sublist in sublist_iter:
if sublist_index == (len(self._offsets)-1):
assert index+len(sublist) >= self._offsets[-1], (
'offests not monotonic increasing!')
self._offsets.append(index+len(sublist))
else:
assert self._offsets[sublist_index+1] == index+len(sublist), (
'inconsistent list value (num elts)')
for value in sublist[max(0, start_index-index):]:
yield value
index += len(sublist)
sublist_index += 1
class LazyMap(AbstractLazySequence):
"""
A lazy sequence whose elements are formed by applying a given
function to each element in one or more underlying lists. The
function is applied lazily -- i.e., when you read a value from the
list, ``LazyMap`` will calculate that value by applying its
function to the underlying lists' value(s). ``LazyMap`` is
essentially a lazy version of the Python primitive function
``map``. In particular, the following two expressions are
equivalent:
>>> from nltk.util import LazyMap
>>> function = str
>>> sequence = [1,2,3]
>>> map(function, sequence) # doctest: +SKIP
['1', '2', '3']
>>> list(LazyMap(function, sequence))
['1', '2', '3']
Like the Python ``map`` primitive, if the source lists do not have
equal size, then the value None will be supplied for the
'missing' elements.
Lazy maps can be useful for conserving memory, in cases where
individual values take up a lot of space. This is especially true
if the underlying list's values are constructed lazily, as is the
case with many corpus readers.
A typical example of a use case for this class is performing
feature detection on the tokens in a corpus. Since featuresets
are encoded as dictionaries, which can take up a lot of memory,
using a ``LazyMap`` can significantly reduce memory usage when
training and running classifiers.
"""
def __init__(self, function, *lists, **config):
"""
:param function: The function that should be applied to
elements of ``lists``. It should take as many arguments
as there are ``lists``.
:param lists: The underlying lists.
:param cache_size: Determines the size of the cache used
by this lazy map. (default=5)
"""
if not lists:
raise TypeError('LazyMap requires at least two args')
self._lists = lists
self._func = function
self._cache_size = config.get('cache_size', 5)
self._cache = ({} if self._cache_size > 0 else None)
# If you just take bool() of sum() here _all_lazy will be true just
# in case n >= 1 list is an AbstractLazySequence. Presumably this
# isn't what's intended.
self._all_lazy = sum(isinstance(lst, AbstractLazySequence)
for lst in lists) == len(lists)
def iterate_from(self, index):
# Special case: one lazy sublist
if len(self._lists) == 1 and self._all_lazy:
for value in self._lists[0].iterate_from(index):
yield self._func(value)
return
# Special case: one non-lazy sublist
elif len(self._lists) == 1:
while True:
try: yield self._func(self._lists[0][index])
except IndexError: return
index += 1
# Special case: n lazy sublists
elif self._all_lazy:
iterators = [lst.iterate_from(index) for lst in self._lists]
while True:
elements = []
for iterator in iterators:
try: elements.append(next(iterator))
except: elements.append(None)
if elements == [None] * len(self._lists):
return
yield self._func(*elements)
index += 1
# general case
else:
while True:
try: elements = [lst[index] for lst in self._lists]
except IndexError:
elements = [None] * len(self._lists)
for i, lst in enumerate(self._lists):
try: elements[i] = lst[index]
except IndexError: pass
if elements == [None] * len(self._lists):
return
yield self._func(*elements)
index += 1
def __getitem__(self, index):
if isinstance(index, slice):
sliced_lists = [lst[index] for lst in self._lists]
return LazyMap(self._func, *sliced_lists)
else:
# Handle negative indices
if index < 0: index += len(self)
if index < 0: raise IndexError('index out of range')
# Check the cache
if self._cache is not None and index in self._cache:
return self._cache[index]
# Calculate the value
try: val = next(self.iterate_from(index))
except StopIteration:
raise IndexError('index out of range')
# Update the cache
if self._cache is not None:
if len(self._cache) > self._cache_size:
self._cache.popitem() # discard random entry
self._cache[index] = val
# Return the value
return val
def __len__(self):
return max(len(lst) for lst in self._lists)
class LazyZip(LazyMap):
"""
A lazy sequence whose elements are tuples, each containing the i-th
element from each of the argument sequences. The returned list is
truncated in length to the length of the shortest argument sequence. The
tuples are constructed lazily -- i.e., when you read a value from the
list, ``LazyZip`` will calculate that value by forming a tuple from
the i-th element of each of the argument sequences.
``LazyZip`` is essentially a lazy version of the Python primitive function
``zip``. In particular, an evaluated LazyZip is equivalent to a zip:
>>> from nltk.util import LazyZip
>>> sequence1, sequence2 = [1, 2, 3], ['a', 'b', 'c']
>>> zip(sequence1, sequence2) # doctest: +SKIP
[(1, 'a'), (2, 'b'), (3, 'c')]
>>> list(LazyZip(sequence1, sequence2))
[(1, 'a'), (2, 'b'), (3, 'c')]
>>> sequences = [sequence1, sequence2, [6,7,8,9]]
>>> list(zip(*sequences)) == list(LazyZip(*sequences))
True
Lazy zips can be useful for conserving memory in cases where the argument
sequences are particularly long.
A typical example of a use case for this class is combining long sequences
of gold standard and predicted values in a classification or tagging task
in order to calculate accuracy. By constructing tuples lazily and
avoiding the creation of an additional long sequence, memory usage can be
significantly reduced.
"""
def __init__(self, *lists):
"""
:param lists: the underlying lists
:type lists: list(list)
"""
LazyMap.__init__(self, lambda *elts: elts, *lists)
def iterate_from(self, index):
iterator = LazyMap.iterate_from(self, index)
while index < len(self):
yield next(iterator)
index += 1
return
def __len__(self):
return min(len(lst) for lst in self._lists)
class LazyEnumerate(LazyZip):
"""
A lazy sequence whose elements are tuples, each ontaining a count (from
zero) and a value yielded by underlying sequence. ``LazyEnumerate`` is
useful for obtaining an indexed list. The tuples are constructed lazily
-- i.e., when you read a value from the list, ``LazyEnumerate`` will
calculate that value by forming a tuple from the count of the i-th
element and the i-th element of the underlying sequence.
``LazyEnumerate`` is essentially a lazy version of the Python primitive
function ``enumerate``. In particular, the following two expressions are
equivalent:
>>> from nltk.util import LazyEnumerate
>>> sequence = ['first', 'second', 'third']
>>> list(enumerate(sequence))
[(0, 'first'), (1, 'second'), (2, 'third')]
>>> list(LazyEnumerate(sequence))
[(0, 'first'), (1, 'second'), (2, 'third')]
Lazy enumerations can be useful for conserving memory in cases where the
argument sequences are particularly long.
A typical example of a use case for this class is obtaining an indexed
list for a long sequence of values. By constructing tuples lazily and
avoiding the creation of an additional long sequence, memory usage can be
significantly reduced.
"""
def __init__(self, lst):
"""
:param lst: the underlying list
:type lst: list
"""
LazyZip.__init__(self, range(len(lst)), lst)
######################################################################
# Binary Search in a File
######################################################################
# inherited from pywordnet, by Oliver Steele
def binary_search_file(file, key, cache={}, cacheDepth=-1):
"""
Return the line from the file with first word key.
Searches through a sorted file using the binary search algorithm.
:type file: file
:param file: the file to be searched through.
:type key: str
:param key: the identifier we are searching for.
"""
key = key + ' '
keylen = len(key)
start = 0
currentDepth = 0
if hasattr(file, 'name'):
end = os.stat(file.name).st_size - 1
else:
file.seek(0, 2)
end = file.tell() - 1
file.seek(0)
while start < end:
lastState = start, end
middle = (start + end) // 2
if cache.get(middle):
offset, line = cache[middle]
else:
line = ""
while True:
file.seek(max(0, middle - 1))
if middle > 0:
file.readline()
offset = file.tell()
line = file.readline()
if line != "": break
# at EOF; try to find start of the last line
middle = (start + middle)//2
if middle == end -1:
return None
if currentDepth < cacheDepth:
cache[middle] = (offset, line)
if offset > end:
assert end != middle - 1, "infinite loop"
end = middle - 1
elif line[:keylen] == key:
return line
elif line > key:
assert end != middle - 1, "infinite loop"
end = middle - 1
elif line < key:
start = offset + len(line) - 1
currentDepth += 1
thisState = start, end
if lastState == thisState:
# Detects the condition where we're searching past the end
# of the file, which is otherwise difficult to detect
return None
return None
######################################################################
# Proxy configuration
######################################################################
def set_proxy(proxy, user=None, password=''):
"""
Set the HTTP proxy for Python to download through.
If ``proxy`` is None then tries to set proxy from environment or system
settings.
:param proxy: The HTTP proxy server to use. For example:
'http://proxy.example.com:3128/'
:param user: The username to authenticate with. Use None to disable
authentication.
:param password: The password to authenticate with.
"""
from nltk import compat
if proxy is None:
# Try and find the system proxy settings
try:
proxy = compat.getproxies()['http']
except KeyError:
raise ValueError('Could not detect default proxy settings')
# Set up the proxy handler
proxy_handler = compat.ProxyHandler({'http': proxy})
opener = compat.build_opener(proxy_handler)
if user is not None:
# Set up basic proxy authentication if provided
password_manager = compat.HTTPPasswordMgrWithDefaultRealm()
password_manager.add_password(realm=None, uri=proxy, user=user,
passwd=password)
opener.add_handler(compat.ProxyBasicAuthHandler(password_manager))
opener.add_handler(compat.ProxyDigestAuthHandler(password_manager))
# Overide the existing url opener
compat.install_opener(opener)
| [
"[email protected]"
]
| |
82d1df8da521841e3061932a0b56f96a8ce99881 | 64bf39b96a014b5d3f69b3311430185c64a7ff0e | /intro-ansible/venv2/lib/python3.8/site-packages/ansible/modules/network/nxos/nxos_udld_interface.py | 258bd222b5aa0ac7fb47fb17c950a683e69267b8 | [
"MIT"
]
| permissive | SimonFangCisco/dne-dna-code | 7072eba7da0389e37507b7a2aa5f7d0c0735a220 | 2ea7d4f00212f502bc684ac257371ada73da1ca9 | refs/heads/master | 2023-03-10T23:10:31.392558 | 2021-02-25T15:04:36 | 2021-02-25T15:04:36 | 342,274,373 | 0 | 0 | MIT | 2021-02-25T14:39:22 | 2021-02-25T14:39:22 | null | UTF-8 | Python | false | false | 10,069 | py | #!/usr/bin/python
#
# This file is part of Ansible
#
# Ansible is free software: you can redistribute it and/or modify
# it under the terms of the GNU General Public License as published by
# the Free Software Foundation, either version 3 of the License, or
# (at your option) any later version.
#
# Ansible is distributed in the hope that it will be useful,
# but WITHOUT ANY WARRANTY; without even the implied warranty of
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
# GNU General Public License for more details.
#
# You should have received a copy of the GNU General Public License
# along with Ansible. If not, see <http://www.gnu.org/licenses/>.
#
ANSIBLE_METADATA = {'metadata_version': '1.1',
'status': ['preview'],
'supported_by': 'network'}
DOCUMENTATION = '''
---
module: nxos_udld_interface
extends_documentation_fragment: nxos
version_added: "2.2"
short_description: Manages UDLD interface configuration params.
description:
- Manages UDLD interface configuration params.
author:
- Jason Edelman (@jedelman8)
notes:
- Tested against NXOSv 7.3.(0)D1(1) on VIRL
- Feature UDLD must be enabled on the device to use this module.
options:
mode:
description:
- Manages UDLD mode for an interface.
required: true
choices: ['enabled','disabled','aggressive']
interface:
description:
- FULL name of the interface, i.e. Ethernet1/1-
required: true
state:
description:
- Manage the state of the resource.
required: false
default: present
choices: ['present','absent']
'''
EXAMPLES = '''
# ensure Ethernet1/1 is configured to be in aggressive mode
- nxos_udld_interface:
interface: Ethernet1/1
mode: aggressive
state: present
host: "{{ inventory_hostname }}"
username: "{{ un }}"
password: "{{ pwd }}"
# Remove the aggressive config only if it's currently in aggressive mode and then disable udld (switch default)
- nxos_udld_interface:
interface: Ethernet1/1
mode: aggressive
state: absent
host: "{{ inventory_hostname }}"
username: "{{ un }}"
password: "{{ pwd }}"
# ensure Ethernet1/1 has aggressive mode enabled
- nxos_udld_interface:
interface: Ethernet1/1
mode: enabled
host: "{{ inventory_hostname }}"
username: "{{ un }}"
password: "{{ pwd }}"
'''
RETURN = '''
proposed:
description: k/v pairs of parameters passed into module
returned: always
type: dict
sample: {"mode": "enabled"}
existing:
description:
- k/v pairs of existing configuration
returned: always
type: dict
sample: {"mode": "aggressive"}
end_state:
description: k/v pairs of configuration after module execution
returned: always
type: dict
sample: {"mode": "enabled"}
updates:
description: command sent to the device
returned: always
type: list
sample: ["interface ethernet1/33",
"no udld aggressive ; no udld disable"]
changed:
description: check to see if a change was made on the device
returned: always
type: boolean
sample: true
'''
from ansible.module_utils.network.nxos.nxos import get_config, load_config, run_commands
from ansible.module_utils.network.nxos.nxos import get_capabilities, nxos_argument_spec
from ansible.module_utils.basic import AnsibleModule
def execute_show_command(command, module, command_type='cli_show'):
device_info = get_capabilities(module)
network_api = device_info.get('network_api', 'nxapi')
if network_api == 'cliconf':
if 'show run' not in command:
command += ' | json'
cmds = [command]
body = run_commands(module, cmds)
elif network_api == 'nxapi':
cmds = [command]
body = run_commands(module, cmds)
return body
def flatten_list(command_lists):
flat_command_list = []
for command in command_lists:
if isinstance(command, list):
flat_command_list.extend(command)
else:
flat_command_list.append(command)
return flat_command_list
def get_udld_interface(module, interface):
command = 'show udld {0}'.format(interface)
interface_udld = {}
mode = None
try:
body = execute_show_command(command, module)[0]
table = body['TABLE_interface']['ROW_interface']
status = str(table.get('mib-port-status', None))
# Note: 'mib-aggresive-mode' is NOT a typo
agg = str(table.get('mib-aggresive-mode', 'disabled'))
if agg == 'enabled':
mode = 'aggressive'
else:
mode = status
interface_udld['mode'] = mode
except (KeyError, AttributeError, IndexError):
interface_udld = {}
return interface_udld
def get_commands_config_udld_interface1(delta, interface, module, existing):
commands = []
if delta:
mode = delta['mode']
if mode == 'aggressive':
command = 'udld aggressive'
if mode == 'enabled':
command = 'no udld aggressive ; udld enable'
elif mode == 'disabled':
command = 'no udld aggressive ; no udld enable'
if command:
commands.append(command)
commands.insert(0, 'interface {0}'.format(interface))
return commands
def get_commands_config_udld_interface2(delta, interface, module, existing):
commands = []
if delta:
mode = delta['mode']
if mode == 'aggressive':
command = 'udld aggressive'
if mode == 'enabled':
command = 'no udld aggressive ; no udld disable'
elif mode == 'disabled':
command = 'no udld aggressive ; udld disable'
if command:
commands.append(command)
commands.insert(0, 'interface {0}'.format(interface))
return commands
def get_commands_remove_udld_interface1(delta, interface, module, existing):
commands = []
if delta:
mode = delta['mode']
if mode == 'aggressive':
command = 'no udld aggressive'
if mode == 'enabled':
command = 'no udld enable'
elif mode == 'disabled':
command = 'udld enable'
if command:
commands.append(command)
commands.insert(0, 'interface {0}'.format(interface))
return commands
def get_commands_remove_udld_interface2(delta, interface, module, existing):
commands = []
if delta:
mode = delta['mode']
if mode == 'aggressive':
command = 'no udld aggressive'
if mode == 'enabled':
command = 'udld disable'
elif mode == 'disabled':
command = 'no udld disable'
if command:
commands.append(command)
commands.insert(0, 'interface {0}'.format(interface))
return commands
def main():
argument_spec = dict(
mode=dict(choices=['enabled', 'disabled', 'aggressive'],
required=True),
interface=dict(type='str', required=True),
state=dict(choices=['absent', 'present'], default='present'),
)
argument_spec.update(nxos_argument_spec)
module = AnsibleModule(argument_spec=argument_spec,
supports_check_mode=True)
warnings = list()
interface = module.params['interface'].lower()
mode = module.params['mode']
state = module.params['state']
proposed = dict(mode=mode)
existing = get_udld_interface(module, interface)
end_state = existing
delta = dict(set(proposed.items()).difference(existing.items()))
changed = False
commands = []
if state == 'present':
if delta:
command = get_commands_config_udld_interface1(delta, interface,
module, existing)
commands.append(command)
elif state == 'absent':
common = set(proposed.items()).intersection(existing.items())
if common:
command = get_commands_remove_udld_interface1(
dict(common), interface, module, existing
)
commands.append(command)
cmds = flatten_list(commands)
if cmds:
if module.check_mode:
module.exit_json(changed=True, commands=cmds)
else:
changed = True
# set the return_error to True for load_config
msgs = load_config(module, cmds, True)
# since there are multiple commands sent simultaneously
# the output will have one error code for each command.
# For commands which are successful, it is empty
for item in msgs:
if item:
err_str = ''
if isinstance(item, list) and item['msg']:
err_str = item['msg']
elif isinstance(item, str):
err_str = item
if 'rejecting a config that is valid only for' in err_str:
commands = []
if state == 'present':
command = get_commands_config_udld_interface2(delta, interface,
module, existing)
elif state == 'absent':
command = get_commands_remove_udld_interface2(
dict(common), interface, module, existing
)
commands.append(command)
cmds = flatten_list(commands)
load_config(module, cmds)
end_state = get_udld_interface(module, interface)
if 'configure' in cmds:
cmds.pop(0)
results = {}
results['proposed'] = proposed
results['existing'] = existing
results['end_state'] = end_state
results['updates'] = cmds
results['changed'] = changed
results['warnings'] = warnings
module.exit_json(**results)
if __name__ == '__main__':
main()
| [
"[email protected]"
]
| |
d5aecc30265afc5225221cf01160890cd3124607 | e31c41ee342d0c07cb134f545a89cdc36b4577d2 | /tests.py | 6afd8736483e506604c6dd3f671e386c6f5e91f9 | []
| no_license | peiyanz/lab23_test-py-2 | cc3072e301d2e405e438a2e958da87e32ec2f431 | 8bb5fc3ae37e713e6c46b7b2d6e8e9f66ac1c69a | refs/heads/master | 2021-06-10T23:15:11.659163 | 2017-02-03T20:52:31 | 2017-02-03T20:52:31 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,660 | py | import unittest
from party import app
from model import db, example_data, connect_to_db
class PartyTests(unittest.TestCase):
"""Tests for my party site."""
def setUp(self):
self.client = app.test_client()
app.config['TESTING'] = True
def tearDown(self):
"""Do at end of every test."""
# with self.client as c:
# with c.session_transaction() as sess:
# # sess['email'] = ''
# # sess['name'] = ''
# del sess['RSVP']
# # db.session.close()
# db.drop_all()
def test_homepage(self):
result = self.client.get("/")
self.assertIn("board games, rainbows, and ice cream sundaes", result.data)
def test_no_rsvp_yet(self):
# FIXME: Add a test to show we see the RSVP form, but NOT the
# party details
result = self.client.get("/", follow_redirects=True)
self.assertIn("I'm having an after-party! I'd love for you to come!", result.data)
self.assertNotIn("123 Magic Unicorn Way", result.data)
# print "FIXME"
def test_rsvp(self):
result = self.client.post("/rsvp",
data={"name": "Jane",
"email": "[email protected]"},
follow_redirects=True)
self.assertNotIn("Please RSVP", result.data)
self.assertIn("123 Magic Unicorn Way", result.data)
# FIXME: Once we RSVP, we should see the party details, but
# not the RSVP form
class PartyTestsDatabase(unittest.TestCase):
"""Flask tests that use the database."""
def setUp(self):
"""Stuff to do before every test."""
self.client = app.test_client()
app.config['TESTING'] = True
with self.client.session_transaction() as sess:
sess['RSVP'] = True
# self.client.session_transaction()['RSVP'] = True
# Connect to test database (uncomment when testing database)
connect_to_db(app, "postgresql:///testdb")
# Create tables and add sample data (uncomment when testing database)
db.create_all()
example_data()
def tearDown(self):
"""Do at end of every test."""
# (uncomment when testing database)
db.session.close()
db.drop_all()
def test_games(self):
#FIXME: test that the games page displays the game from example_data()
result = self.client.get("/games", follow_redirects=True)
self.assertIn("new game", result.data)
self.assertNotIn("whatever", result.data)
if __name__ == "__main__":
unittest.main()
| [
"[email protected]"
]
| |
01d887cb06b9f0c3e3d6f268aad5bd2cabab5e3b | 3b604fe8f03f25859991cdab37804bcda51a4f18 | /dublyou/apps/competitions/migrations/0019_auto_20170208_1052.py | 0943f1c9608da03e38b8e3377f5dc03b26507e4e | []
| no_license | dublyou/matchup-games | e6238cbca7c30c6d4b4ddd161b84dfd5cc1bbacd | 07b2db2e7d52ac6590ab55a1a05e6076d8c9d680 | refs/heads/master | 2020-03-11T11:10:10.506719 | 2018-04-17T20:41:30 | 2018-04-17T20:41:30 | 129,956,203 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,036 | py | # -*- coding: utf-8 -*-
# Generated by Django 1.10.3 on 2017-02-08 16:52
from __future__ import unicode_literals
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('profile', '0012_auto_20170130_1013'),
('competitions', '0018_auto_20170206_2245'),
]
operations = [
migrations.AddField(
model_name='boxstat',
name='added_by',
field=models.ForeignKey(default=1, on_delete=django.db.models.deletion.CASCADE, to='profile.PlayerProfile'),
preserve_default=False,
),
migrations.AddField(
model_name='boxstat',
name='verified',
field=models.BooleanField(default=False),
),
migrations.AddField(
model_name='matchupcompetitor',
name='place',
field=models.IntegerField(null=True),
),
migrations.AlterField(
model_name='matchupcompetitor',
name='matchup',
field=models.ForeignKey(on_delete=django.db.models.deletion.CASCADE, related_name='mc_set', to='competitions.Matchup'),
),
migrations.AlterField(
model_name='statmember',
name='child_type',
field=models.IntegerField(choices=[(0, 'Competitor'), (1, 'PlayerProfile'), (2, 'Team'), (3, 'LeaguePlayer')]),
),
migrations.AlterField(
model_name='statmember',
name='parent_type',
field=models.IntegerField(choices=[(0, 'Competition'), (1, 'Matchup'), (2, 'Series'), (3, 'Tournament'), (4, 'Season'), (5, 'Olympics'), (6, 'MatchupCompetitor')]),
),
migrations.AlterUniqueTogether(
name='boxstat',
unique_together=set([('stat_member', 'stat_name', 'added_by')]),
),
migrations.AlterUniqueTogether(
name='matchupcompetitor',
unique_together=set([('matchup', 'competitor')]),
),
]
| [
"[email protected]"
]
| |
13e77167020da45609f0cd75bedd565b03cd3509 | 426b80c3c966d3b3734d2929bf9a9854311d4867 | /arl-python/arl/imaging/facets.py | 4ed2aee58e31c050ea54c6b6917712f9230bf269 | [
"Apache-2.0"
]
| permissive | Song655/arlo | 7dcbfd5ff304a525a749fc8f22726a568e92459b | cee1613d4a2b2e1263da9d5b4b9930eef569509c | refs/heads/master | 2020-04-19T21:42:53.614248 | 2019-02-19T04:00:53 | 2019-02-19T04:00:53 | 168,449,766 | 0 | 0 | Apache-2.0 | 2019-01-31T02:31:29 | 2019-01-31T02:31:29 | null | UTF-8 | Python | false | false | 2,353 | py | """ The wide field imaging equation can be approximated by partitioning the image plane into small regions, treating each separately and then glueing the resulting partitions into one image. We call this image plane partitioning image plane faceting.
.. math::
V(u,v,w) = \\sum_{i,j} \\frac{1}{\\sqrt{1- l_{i,j}^2- m_{i,j}^2}} e^{-2 \\pi j (ul_{i,j}+um_{i,j} + w(\\sqrt{
1-l_{i,j}^2-m_{i,j}^2}-1))} \\int I(\\Delta l, \\Delta m) e^{-2 \\pi j (u\\Delta l_{i,j}+u \\Delta m_{i,j})} dl dm
"""
import numpy
from arl.data.data_models import Visibility, Image
from arl.imaging.base import predict_2d_base, invert_2d_base
from arl.image.iterators import image_raster_iter
from arl.imaging.iterated import predict_with_raster_iterator, invert_with_raster_iterator
import logging
log = logging.getLogger(__name__)
def predict_facets(vis: Visibility, model: Image, predict_function=predict_2d_base, **kwargs) -> Visibility:
""" Predict using image facets, calling specified predict function
:param vis: Visibility to be predicted
:param model: model image
:param predict_function: Function to be used for prediction (allows nesting) (default predict_2d)
:return: resulting visibility (in place works)
"""
log.info("predict_facets: Predicting by image facets")
return predict_with_raster_iterator(vis, model, image_iterator= image_raster_iter, predict_function=predict_function,
**kwargs)
def invert_facets(vis: Visibility, im: Image, dopsf=False, normalize=True, invert_function=invert_2d_base, **kwargs) \
-> (Image, numpy.ndarray):
""" Invert using image partitions, calling specified Invert function
:param vis: Visibility to be inverted
:param im: image template (not changed)
:param dopsf: Make the psf instead of the dirty image
:param normalize: Normalize by the sum of weights (True)
:param invert_function: Function to be used for inverting (allows nesting) (default invert_2d)
:return: resulting image[nchan, npol, ny, nx], sum of weights[nchan, npol]
"""
log.info("invert_facets: Inverting by image facets")
return invert_with_raster_iterator(vis, im, normalize=normalize, image_iterator= image_raster_iter, dopsf=dopsf,
invert_function=invert_function, **kwargs)
| [
"[email protected]"
]
| |
e798a6e4262bf870dc3d3512db94aba356ee540c | d786fe979eef20b0538f3e9fecedc8d021b55a17 | /cubeRoot-example/cubeRoot.py | e7462b2ba7866a205a468f891cff86d86463e48c | []
| no_license | Waylonryan/mis3640 | 962ae36080de08d3ada9971c4529808cb718c072 | 5182a8fbe12a2e0116f61d9e541311537909ed07 | refs/heads/master | 2020-04-04T06:57:10.342733 | 2018-10-30T21:19:56 | 2018-10-30T21:19:56 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 251 | py | x = int(input('Enter an integer: '))
ans = 0
while ans**3 < x:
ans = ans + 1
if ans**3 != x:
print(str(x) + ' is not a perfect cube')
else:
print('Cube root of ' + str(x) + ' is ' + str(ans))
# to-do
# make it work for negative integers.
| [
"[email protected]"
]
| |
cdfbedf06247d69bc7d9bd3e665f2d5b323587d5 | a8f3204139d7f68c23bd8411b8594899ba792e79 | /sequana/scripts/vcf_filter.py | 55781d1ce859c85b9ef780f5ca4131234c5cb118 | [
"BSD-3-Clause"
]
| permissive | switt4/sequana | 874189c869ccc07a592c0a6a3c77999adcabe025 | 7bd4f32607d62bebfd709628abc25bfda504761b | refs/heads/master | 2023-02-13T13:06:26.021426 | 2020-12-01T14:49:02 | 2020-12-01T14:49:02 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 6,617 | py | # -*- coding: utf-8 -*-
#
# This file is part of Sequana software
#
# Copyright (c) 2016 - Sequana Development Team
#
# File author(s):
# Thomas Cokelaer <[email protected]>
#
# Distributed under the terms of the 3-clause BSD license.
# The full license is in the LICENSE file, distributed with this software.
#
# website: https://github.com/sequana/sequana
# documentation: http://sequana.readthedocs.io
#
##############################################################################
"""Extract head of a zipped or unzipped FastQ file"""
from sequana.vcf_filter import VCF
import sys
import argparse
from sequana.scripts.tools import SequanaOptions
from sequana import logger
from easydev.console import purple
class CustomFormatter(argparse.ArgumentDefaultsHelpFormatter,
argparse.RawDescriptionHelpFormatter):
pass
epilog = purple("""
----
AUTHORS: Thomas Cokelaer
Documentation: http://sequana.readthedocs.io
Issues: http://github.com/sequana/sequana
""")
class Options(argparse.ArgumentParser, SequanaOptions):
def __init__(self, prog="sequana_vcf_filter"):
usage = """%s Only for VCF using mpileup version 4.1 for now\n""" % prog
usage += """usage2: %s vcf_filter""" % prog
usage += """Examples:
sequana_vcf_filter --input test.vcf --quality 40
--filter "AF1>0.95&AF1<0.05"
--filter "MQ<30"
You should look into the VCF file to figure out the valid TAGs. Then, you
can apply various filters.
A filter should be interpreted as :
''filter out variants that agree with the filter''
For example::
--filter "DP<30"
means ''remove SNPs with DP below 30''. We accept those types of comparison:
DP<30
DP<=30
DP>30
DP>=30
For some tags, you want to keep values within or outside a range of
values. You can then use the & and | characters::
DP<30|>60 # to keep only values in the ranges [0-30] and [60-infinite]
or
DP>30&<60 # to keep only values in the range [30-60]
Some tags stores a list of values. For instance DP4 contains 4 values.
To filter the value at position 1, use e.g.::
DP4[0]<0.5
you can use the same convention for the range as above::
DP4[0]>0.05&<0.95
you may also need something like:
sum(DP4[2]+DP4[3]) <2
Note that you must use quotes to surround the filter values.
"""
super(Options, self).__init__(usage=usage, prog=prog,
epilog=epilog,
formatter_class=CustomFormatter)
self.add_argument("--input", dest='input_filename', type=str,
required=True, help="input fastq gzipped or not")
self.add_argument("--quality", dest="quality",
type=int, default=-1, help="filter sites below this quality")
self.add_argument("--apply-indel-filter", dest="apply_indel_filter",
action="store_true", help="remove INDELs")
self.add_argument("--apply-dp4-filter", dest="apply_dp4_filter",
action="store_true",
help="apply DP4 filters. see online doc, vcf_filter section")
self.add_argument("--apply-af1-filter", dest="apply_af1_filter",
action="store_true",
help="apply AF1 filters. see online doc, vcf_filter section")
self.add_argument("--minimum-af1", dest="minimum_af1",
type=float, default=0.95, help="default to 0.95")
self.add_argument("--minimum-ratio", dest="minimum_ratio",
type=float, default=0.75, help="default to 0.75")
self.add_argument("--minimum-depth", dest="minimum_depth",
type=float, default=4, help="default to 4")
self.add_argument("--minimum_depth-strand", dest="minimum_depth_strand",
type=float, default=2, help="default to 2")
self.add_argument("--filter", dest="filter", action="append",
nargs=1, type=str, default=[],
help="Provide as many filters as you want. See example above ")
self.add_argument("--output", dest="output_filename",
default="remaining.vcf", type=str)
self.add_argument("--output-filtered", dest="output_filtered_filename",
default="filtered.vcf", type=str)
self.add_argument('--level', dest="level",
default="INFO", choices=["DEBUG", "INFO", "WARNING", "ERROR", "CRITICAL"])
self.add_version(self)
def main(args=None):
if args is None:
args = sys.argv[:]
print("Welcome to sequana_vcf_filter")
user_options = Options(prog="sequana_vcf_filter")
if "--version" in args:
import sequana
print(sequana.version)
sys.exit()
elif len(args) == 1 or "--help" in args:
user_options.parse_args(["prog", "--help"])
elif len(args) == 2:
class SimpleOpt():
pass
options = SimpleOpt()
options.input_filename = args[1]
else:
options = user_options.parse_args(args[1:])
# set the level
logger.level = options.level
vcf = VCF(options.input_filename)
try:
vcf.vcf.filter_dict['QUAL'] = options.quality
except:
vcf.vcf.filter_dict = {}
vcf.vcf.filter_dict['QUAL'] = options.quality
vcf.vcf.apply_indel_filter = options.apply_indel_filter
vcf.vcf.apply_dp4_filter = options.apply_dp4_filter
vcf.vcf.apply_af1_filter = options.apply_af1_filter
vcf.vcf.dp4_minimum_depth = options.minimum_depth
vcf.vcf.dp4_minimum_depth_strand = options.minimum_depth_strand
vcf.vcf.dp4_minimum_ratio = options.minimum_ratio
vcf.vcf.minimum_af1 = options.minimum_af1
vcf.vcf.filter_dict['INFO'] = {}
vcf.vcf.filter_dict['QUAL'] = options.quality
for this in options.filter:
this = this[0]
signs = [">", "<", ">=", "<="]
for sign in signs:
if sign in this:
key, value = this.split(sign, 1)
key = key.strip()
value = sign.strip() + value.strip()
vcf.vcf.filter_dict['INFO'][key] = value
break
logger.info(vcf.vcf.filter_dict)
res = vcf.vcf.filter_vcf(options.output_filename,
output_filtered=options.output_filtered_filename)
print()
#print(res)
return res
if __name__ == "__main__":
import sys
main(sys.argv)
| [
"[email protected]"
]
| |
e0fd9742097211a9a770d1cd40201f4f323955f5 | f5124a66fbd428c84599479a6fa1c12b7d9a7528 | /quantstats/version.py | 2fae51ec86747ccc5c72b384b5c6fbc4d12f8188 | [
"Apache-2.0"
]
| permissive | sovannit/quantstats | 4c5b01a8c03fae2b28dc7675b6b77385fe529e5f | 3970428493ca4dd61296342a3d44ea7d6bdfdc98 | refs/heads/main | 2023-07-29T21:17:10.317047 | 2021-09-28T09:58:23 | 2021-09-28T09:58:23 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 19 | py | version = "0.0.36"
| [
"[email protected]"
]
| |
bb7deba4e4d085d42507355673c51bbf2f4a36de | c1bd12405d244c5924a4b069286cd9baf2c63895 | /azure-mgmt-batchai/azure/mgmt/batchai/models/jobs_list_by_resource_group_options_py3.py | befaa301bc381da6dd25ca329eb37d1a97dd8402 | [
"MIT"
]
| permissive | lmazuel/azure-sdk-for-python | 972708ad5902778004680b142874582a284a8a7c | b40e0e36cc00a82b7f8ca2fa599b1928240c98b5 | refs/heads/master | 2022-08-16T02:32:14.070707 | 2018-03-29T17:16:15 | 2018-03-29T17:16:15 | 21,287,134 | 1 | 3 | MIT | 2019-10-25T15:56:00 | 2014-06-27T19:40:56 | Python | UTF-8 | Python | false | false | 1,527 | py | # coding=utf-8
# --------------------------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# Licensed under the MIT License. See License.txt in the project root for
# license information.
#
# Code generated by Microsoft (R) AutoRest Code Generator.
# Changes may cause incorrect behavior and will be lost if the code is
# regenerated.
# --------------------------------------------------------------------------
from msrest.serialization import Model
class JobsListByResourceGroupOptions(Model):
"""Additional parameters for list_by_resource_group operation.
:param filter: An OData $filter clause.. Used to filter results that are
returned in the GET respnose.
:type filter: str
:param select: An OData $select clause. Used to select the properties to
be returned in the GET respnose.
:type select: str
:param max_results: The maximum number of items to return in the response.
A maximum of 1000 files can be returned. Default value: 1000 .
:type max_results: int
"""
_attribute_map = {
'filter': {'key': '', 'type': 'str'},
'select': {'key': '', 'type': 'str'},
'max_results': {'key': '', 'type': 'int'},
}
def __init__(self, *, filter: str=None, select: str=None, max_results: int=1000, **kwargs) -> None:
super(JobsListByResourceGroupOptions, self).__init__(**kwargs)
self.filter = filter
self.select = select
self.max_results = max_results
| [
"[email protected]"
]
| |
71244379010bf6cc5b3ea22e05ebe42ed3e01507 | 55c250525bd7198ac905b1f2f86d16a44f73e03a | /Python/Apps/GUI Calculator/App.py | 567e8dad37e33764bda12b5b45f2a6eb961c6b50 | []
| no_license | NateWeiler/Resources | 213d18ba86f7cc9d845741b8571b9e2c2c6be916 | bd4a8a82a3e83a381c97d19e5df42cbababfc66c | refs/heads/master | 2023-09-03T17:50:31.937137 | 2023-08-28T23:50:57 | 2023-08-28T23:50:57 | 267,368,545 | 2 | 1 | null | 2022-09-08T15:20:18 | 2020-05-27T16:18:17 | null | UTF-8 | Python | false | false | 129 | py | version https://git-lfs.github.com/spec/v1
oid sha256:4c907f593448d1cbfbc11948da94ab550ae20556e795a8b0fe1fb45fc9d68ac7
size 2810
| [
"[email protected]"
]
| |
74de3618e035512437ee47362e4808c6dc173b16 | 929a816fc299959d0f8eb0dd51d064be2abd6b78 | /LeetCode/easy - Binary Tree/226. Invert Binary Tree/.ipynb_checkpoints/recursion-checkpoint.py | b1490441905a8905dc5b84ba3b028b65a00c088d | [
"MIT"
]
| permissive | vincent507cpu/Comprehensive-Algorithm-Solution | 27940da7bc0343921930a2eafbd649da93a5395d | 04e01e49622457f09af2e1133954f043c0c92cb9 | refs/heads/master | 2023-07-20T07:12:15.590313 | 2021-08-23T23:42:17 | 2021-08-23T23:42:17 | 258,644,691 | 4 | 0 | null | null | null | null | UTF-8 | Python | false | false | 469 | py | # Definition for a binary tree node.
# class TreeNode:
# def __init__(self, val=0, left=None, right=None):
# self.val = val
# self.left = left
# self.right = right
class Solution:
def invertTree(self, root: TreeNode) -> TreeNode:
if not root:
return root
root.left, root.right = root.right, root.left
self.invertTree(root.left)
self.invertTree(root.right)
return root | [
"[email protected]"
]
| |
9541c6ce8b6f3f4d1a1cf6a5fb8d3806eacb5b50 | 70cdf0741a22c678401a306229003bf036ffe5a6 | /ocbind/network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/__init__.py | 47a9a6db1392824e622ab0428af67e7a612c04ec | []
| no_license | zsblevins/nanog81-hackathon | 5001e034339d6b0c6452ae2474f06916bcd715cf | 1b64fd207dd69837f947094fbd6d6c1cea3a1070 | refs/heads/main | 2023-03-03T09:39:28.460000 | 2021-02-15T13:41:38 | 2021-02-15T13:41:38 | 336,698,856 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 19,894 | py | # -*- coding: utf-8 -*-
from operator import attrgetter
from pyangbind.lib.yangtypes import RestrictedPrecisionDecimalType
from pyangbind.lib.yangtypes import RestrictedClassType
from pyangbind.lib.yangtypes import TypedListType
from pyangbind.lib.yangtypes import YANGBool
from pyangbind.lib.yangtypes import YANGListType
from pyangbind.lib.yangtypes import YANGDynClass
from pyangbind.lib.yangtypes import ReferenceType
from pyangbind.lib.base import PybindBase
from collections import OrderedDict
from decimal import Decimal
from bitarray import bitarray
import six
# PY3 support of some PY2 keywords (needs improved)
if six.PY3:
import builtins as __builtin__
long = int
elif six.PY2:
import __builtin__
from . import prefix_limit
class srte_policy_ipv4(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-network-instance - based on the path /network-instances/network-instance/protocols/protocol/bgp/neighbors/neighbor/afi-safis/afi-safi/srte-policy-ipv4. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Configuration and operational state parameters relating to
the SR-TE Policy SAFI for IPv4 Unicast.
"""
__slots__ = ('_path_helper', '_extmethods', '__prefix_limit',)
_yang_name = 'srte-policy-ipv4'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return ['network-instances', 'network-instance', 'protocols', 'protocol', 'bgp', 'neighbors', 'neighbor', 'afi-safis', 'afi-safi', 'srte-policy-ipv4']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = OrderedDict([('prefix_limit', prefix_limit), ])
from . import prefix_limit
class srte_policy_ipv4(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-network-instance-l2 - based on the path /network-instances/network-instance/protocols/protocol/bgp/neighbors/neighbor/afi-safis/afi-safi/srte-policy-ipv4. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Configuration and operational state parameters relating to
the SR-TE Policy SAFI for IPv4 Unicast.
"""
__slots__ = ('_path_helper', '_extmethods', '__prefix_limit',)
_yang_name = 'srte-policy-ipv4'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return ['network-instances', 'network-instance', 'protocols', 'protocol', 'bgp', 'neighbors', 'neighbor', 'afi-safis', 'afi-safi', 'srte-policy-ipv4']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = OrderedDict([('prefix_limit', prefix_limit), ])
from . import prefix_limit
class srte_policy_ipv4(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-network-instance - based on the path /network-instances/network-instance/protocols/protocol/bgp/neighbors/neighbor/afi-safis/afi-safi/srte-policy-ipv4. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Configuration and operational state parameters relating to
the SR-TE Policy SAFI for IPv4 Unicast.
"""
__slots__ = ('_path_helper', '_extmethods', '__prefix_limit',)
_yang_name = 'srte-policy-ipv4'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return ['network-instances', 'network-instance', 'protocols', 'protocol', 'bgp', 'neighbors', 'neighbor', 'afi-safis', 'afi-safi', 'srte-policy-ipv4']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = OrderedDict([('prefix_limit', prefix_limit), ])
from . import prefix_limit
class srte_policy_ipv4(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-network-instance-l2 - based on the path /network-instances/network-instance/protocols/protocol/bgp/neighbors/neighbor/afi-safis/afi-safi/srte-policy-ipv4. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Configuration and operational state parameters relating to
the SR-TE Policy SAFI for IPv4 Unicast.
"""
__slots__ = ('_path_helper', '_extmethods', '__prefix_limit',)
_yang_name = 'srte-policy-ipv4'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return ['network-instances', 'network-instance', 'protocols', 'protocol', 'bgp', 'neighbors', 'neighbor', 'afi-safis', 'afi-safi', 'srte-policy-ipv4']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /network_instances/network_instance/protocols/protocol/bgp/neighbors/neighbor/afi_safis/afi_safi/srte_policy_ipv4/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/network-instance', defining_module='openconfig-network-instance', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = OrderedDict([('prefix_limit', prefix_limit), ])
| [
"[email protected]"
]
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.