python_code
stringlengths
0
4.04M
repo_name
stringlengths
7
58
file_path
stringlengths
5
147
checkpoint_config = dict(interval=1) # yapf:disable log_config = dict( interval=50, hooks=[ dict(type='CustomizedTextLoggerHook'), # dict(type='TensorboardLoggerHook') ]) # yapf:enable custom_hooks = [dict(type='NumClassCheckHook')] dist_params = dict(backend='nccl') log_level = 'INFO' load_from = None resume_from = None workflow = [('train', 1)]
ConvNeXt-main
object_detection/configs/_base_/default_runtime.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. # model settings model = dict( type='MaskRCNN', pretrained=None, backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.2, layer_scale_init_value=1e-6, out_indices=[0, 1, 2, 3], ), neck=dict( type='FPN', in_channels=[128, 256, 512, 1024], out_channels=256, num_outs=5), rpn_head=dict( type='RPNHead', in_channels=256, feat_channels=256, anchor_generator=dict( type='AnchorGenerator', scales=[8], ratios=[0.5, 1.0, 2.0], strides=[4, 8, 16, 32, 64]), bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[.0, .0, .0, .0], target_stds=[1.0, 1.0, 1.0, 1.0]), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=True, loss_weight=1.0), loss_bbox=dict(type='L1Loss', loss_weight=1.0)), roi_head=dict( type='StandardRoIHead', bbox_roi_extractor=dict( type='SingleRoIExtractor', roi_layer=dict(type='RoIAlign', output_size=7, sampling_ratio=0), out_channels=256, featmap_strides=[4, 8, 16, 32]), bbox_head=dict( type='Shared2FCBBoxHead', in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='L1Loss', loss_weight=1.0)), mask_roi_extractor=dict( type='SingleRoIExtractor', roi_layer=dict(type='RoIAlign', output_size=14, sampling_ratio=0), out_channels=256, featmap_strides=[4, 8, 16, 32]), mask_head=dict( type='FCNMaskHead', num_convs=4, in_channels=256, conv_out_channels=256, num_classes=80, loss_mask=dict( type='CrossEntropyLoss', use_mask=True, loss_weight=1.0))), # model training and testing settings train_cfg=dict( rpn=dict( assigner=dict( type='MaxIoUAssigner', pos_iou_thr=0.7, neg_iou_thr=0.3, min_pos_iou=0.3, match_low_quality=True, ignore_iof_thr=-1), sampler=dict( type='RandomSampler', num=256, pos_fraction=0.5, neg_pos_ub=-1, add_gt_as_proposals=False), allowed_border=-1, pos_weight=-1, debug=False), rpn_proposal=dict( nms_pre=2000, max_per_img=1000, nms=dict(type='nms', iou_threshold=0.7), min_bbox_size=0), rcnn=dict( assigner=dict( type='MaxIoUAssigner', pos_iou_thr=0.5, neg_iou_thr=0.5, min_pos_iou=0.5, match_low_quality=True, ignore_iof_thr=-1), sampler=dict( type='RandomSampler', num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), mask_size=28, pos_weight=-1, debug=False)), test_cfg=dict( rpn=dict( nms_pre=1000, max_per_img=1000, nms=dict(type='nms', iou_threshold=0.7), min_bbox_size=0), rcnn=dict( score_thr=0.05, nms=dict(type='nms', iou_threshold=0.5), max_per_img=100, mask_thr_binary=0.5)))
ConvNeXt-main
object_detection/configs/_base_/models/mask_rcnn_convnext_fpn.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. # model settings model = dict( type='CascadeRCNN', pretrained=None, backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.2, layer_scale_init_value=1e-6, out_indices=[0, 1, 2, 3], ), neck=dict( type='FPN', in_channels=[128, 256, 512, 1024], out_channels=256, num_outs=5), rpn_head=dict( type='RPNHead', in_channels=256, feat_channels=256, anchor_generator=dict( type='AnchorGenerator', scales=[8], ratios=[0.5, 1.0, 2.0], strides=[4, 8, 16, 32, 64]), bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[.0, .0, .0, .0], target_stds=[1.0, 1.0, 1.0, 1.0]), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=True, loss_weight=1.0), loss_bbox=dict(type='SmoothL1Loss', beta=1.0 / 9.0, loss_weight=1.0)), roi_head=dict( type='CascadeRoIHead', num_stages=3, stage_loss_weights=[1, 0.5, 0.25], bbox_roi_extractor=dict( type='SingleRoIExtractor', roi_layer=dict(type='RoIAlign', output_size=7, sampling_ratio=0), out_channels=256, featmap_strides=[4, 8, 16, 32]), bbox_head=[ dict( type='Shared2FCBBoxHead', in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=True, loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='SmoothL1Loss', beta=1.0, loss_weight=1.0)), dict( type='Shared2FCBBoxHead', in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=True, loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='SmoothL1Loss', beta=1.0, loss_weight=1.0)), dict( type='Shared2FCBBoxHead', in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=True, loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='SmoothL1Loss', beta=1.0, loss_weight=1.0)) ], mask_roi_extractor=dict( type='SingleRoIExtractor', roi_layer=dict(type='RoIAlign', output_size=14, sampling_ratio=0), out_channels=256, featmap_strides=[4, 8, 16, 32]), mask_head=dict( type='FCNMaskHead', num_convs=4, in_channels=256, conv_out_channels=256, num_classes=80, loss_mask=dict( type='CrossEntropyLoss', use_mask=True, loss_weight=1.0))), # model training and testing settings train_cfg = dict( rpn=dict( assigner=dict( type='MaxIoUAssigner', pos_iou_thr=0.7, neg_iou_thr=0.3, min_pos_iou=0.3, match_low_quality=True, ignore_iof_thr=-1), sampler=dict( type='RandomSampler', num=256, pos_fraction=0.5, neg_pos_ub=-1, add_gt_as_proposals=False), allowed_border=0, pos_weight=-1, debug=False), rpn_proposal=dict( nms_across_levels=False, nms_pre=2000, nms_post=2000, max_per_img=2000, nms=dict(type='nms', iou_threshold=0.7), min_bbox_size=0), rcnn=[ dict( assigner=dict( type='MaxIoUAssigner', pos_iou_thr=0.5, neg_iou_thr=0.5, min_pos_iou=0.5, match_low_quality=False, ignore_iof_thr=-1), sampler=dict( type='RandomSampler', num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), mask_size=28, pos_weight=-1, debug=False), dict( assigner=dict( type='MaxIoUAssigner', pos_iou_thr=0.6, neg_iou_thr=0.6, min_pos_iou=0.6, match_low_quality=False, ignore_iof_thr=-1), sampler=dict( type='RandomSampler', num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), mask_size=28, pos_weight=-1, debug=False), dict( assigner=dict( type='MaxIoUAssigner', pos_iou_thr=0.7, neg_iou_thr=0.7, min_pos_iou=0.7, match_low_quality=False, ignore_iof_thr=-1), sampler=dict( type='RandomSampler', num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), mask_size=28, pos_weight=-1, debug=False) ]), test_cfg = dict( rpn=dict( nms_across_levels=False, nms_pre=1000, nms_post=1000, max_per_img=1000, nms=dict(type='nms', iou_threshold=0.7), min_bbox_size=0), rcnn=dict( score_thr=0.05, nms=dict(type='nms', iou_threshold=0.5), max_per_img=100, mask_thr_binary=0.5)))
ConvNeXt-main
object_detection/configs/_base_/models/cascade_mask_rcnn_convnext_fpn.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[96, 192, 384, 768])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline)) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.95, 'decay_type': 'layer_wise', 'num_layers': 6}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
object_detection/configs/convnext/mask_rcnn_convnext_tiny_patch4_window7_mstrain_480-800_adamw_3x_coco_in1k.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/cascade_mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[96, 192, 384, 768], drop_path_rate=0.6, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[96, 192, 384, 768]), roi_head=dict( bbox_head=[ dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)) ])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline)) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0002, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.7, 'decay_type': 'layer_wise', 'num_layers': 12}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
object_detection/configs/convnext/cascade_mask_rcnn_convnext_small_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco_in1k.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/cascade_mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[192, 384, 768, 1536], drop_path_rate=0.7, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[192, 384, 768, 1536]), roi_head=dict( bbox_head=[ dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)) ])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline)) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.7, 'decay_type': 'layer_wise', 'num_layers': 12}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=False, )
ConvNeXt-main
object_detection/configs/convnext/cascade_mask_rcnn_convnext_large_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco_in22k.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/cascade_mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[128, 256, 512, 1024], drop_path_rate=0.7, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[128, 256, 512, 1024]), roi_head=dict( bbox_head=[ dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)) ])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline)) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0002, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.8, 'decay_type': 'layer_wise', 'num_layers': 12}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
object_detection/configs/convnext/cascade_mask_rcnn_convnext_base_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco_in1k.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/cascade_mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[256, 512, 1024, 2048], drop_path_rate=0.8, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[256, 512, 1024, 2048]), roi_head=dict( bbox_head=[ dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)) ])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline), samples_per_gpu=2) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.7, 'decay_type': 'layer_wise', 'num_layers': 12}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=False, )
ConvNeXt-main
object_detection/configs/convnext/cascade_mask_rcnn_convnext_xlarge_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco_in22k.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/cascade_mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[96, 192, 384, 768]), roi_head=dict( bbox_head=[ dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)) ])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline)) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0002, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.7, 'decay_type': 'layer_wise', 'num_layers': 6}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
object_detection/configs/convnext/cascade_mask_rcnn_convnext_tiny_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco_in1k.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/cascade_mask_rcnn_convnext_fpn.py', '../_base_/datasets/coco_instance.py', '../_base_/schedules/schedule_1x.py', '../_base_/default_runtime.py' ] model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[128, 256, 512, 1024], drop_path_rate=0.6, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), neck=dict(in_channels=[128, 256, 512, 1024]), roi_head=dict( bbox_head=[ dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)), dict( type='ConvFCBBoxHead', num_shared_convs=4, num_shared_fcs=1, in_channels=256, conv_out_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=80, bbox_coder=dict( type='DeltaXYWHBBoxCoder', target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067]), reg_class_agnostic=False, reg_decoded_bbox=True, norm_cfg=dict(type='SyncBN', requires_grad=True), loss_cls=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), loss_bbox=dict(type='GIoULoss', loss_weight=10.0)) ])) img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # augmentation strategy originates from DETR / Sparse RCNN train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', with_bbox=True, with_mask=True), dict(type='RandomFlip', flip_ratio=0.5), dict(type='AutoAugment', policies=[ [ dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', keep_ratio=True) ], [ dict(type='Resize', img_scale=[(400, 1333), (500, 1333), (600, 1333)], multiscale_mode='value', keep_ratio=True), dict(type='RandomCrop', crop_type='absolute_range', crop_size=(384, 600), allow_negative_crop=True), dict(type='Resize', img_scale=[(480, 1333), (512, 1333), (544, 1333), (576, 1333), (608, 1333), (640, 1333), (672, 1333), (704, 1333), (736, 1333), (768, 1333), (800, 1333)], multiscale_mode='value', override=True, keep_ratio=True) ] ]), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']), ] data = dict(train=dict(pipeline=train_pipeline)) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.8, 'decay_type': 'layer_wise', 'num_layers': 12}) lr_config = dict(step=[27, 33]) runner = dict(type='EpochBasedRunnerAmp', max_epochs=36) # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
object_detection/configs/convnext/cascade_mask_rcnn_convnext_base_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco_in22k.py
from .darknet import Darknet from .detectors_resnet import DetectoRS_ResNet from .detectors_resnext import DetectoRS_ResNeXt from .hourglass import HourglassNet from .hrnet import HRNet from .regnet import RegNet from .res2net import Res2Net from .resnest import ResNeSt from .resnet import ResNet, ResNetV1d from .resnext import ResNeXt from .ssd_vgg import SSDVGG from .trident_resnet import TridentResNet from .swin_transformer import SwinTransformer from .convnext import ConvNeXt __all__ = [ 'RegNet', 'ResNet', 'ResNetV1d', 'ResNeXt', 'SSDVGG', 'HRNet', 'Res2Net', 'HourglassNet', 'DetectoRS_ResNet', 'DetectoRS_ResNeXt', 'Darknet', 'ResNeSt', 'TridentResNet', 'SwinTransformer', 'ConvNeXt' ]
ConvNeXt-main
object_detection/mmdet/models/backbones/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from functools import partial import torch import torch.nn as nn import torch.nn.functional as F from timm.models.layers import trunc_normal_, DropPath from mmcv_custom import load_checkpoint from mmdet.utils import get_root_logger from ..builder import BACKBONES class Block(nn.Module): r""" ConvNeXt Block. There are two equivalent implementations: (1) DwConv -> LayerNorm (channels_first) -> 1x1 Conv -> GELU -> 1x1 Conv; all in (N, C, H, W) (2) DwConv -> Permute to (N, H, W, C); LayerNorm (channels_last) -> Linear -> GELU -> Linear; Permute back We use (2) as we find it slightly faster in PyTorch Args: dim (int): Number of input channels. drop_path (float): Stochastic depth rate. Default: 0.0 layer_scale_init_value (float): Init value for Layer Scale. Default: 1e-6. """ def __init__(self, dim, drop_path=0., layer_scale_init_value=1e-6): super().__init__() self.dwconv = nn.Conv2d(dim, dim, kernel_size=7, padding=3, groups=dim) # depthwise conv self.norm = LayerNorm(dim, eps=1e-6) self.pwconv1 = nn.Linear(dim, 4 * dim) # pointwise/1x1 convs, implemented with linear layers self.act = nn.GELU() self.pwconv2 = nn.Linear(4 * dim, dim) self.gamma = nn.Parameter(layer_scale_init_value * torch.ones((dim)), requires_grad=True) if layer_scale_init_value > 0 else None self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity() def forward(self, x): input = x x = self.dwconv(x) x = x.permute(0, 2, 3, 1) # (N, C, H, W) -> (N, H, W, C) x = self.norm(x) x = self.pwconv1(x) x = self.act(x) x = self.pwconv2(x) if self.gamma is not None: x = self.gamma * x x = x.permute(0, 3, 1, 2) # (N, H, W, C) -> (N, C, H, W) x = input + self.drop_path(x) return x @BACKBONES.register_module() class ConvNeXt(nn.Module): r""" ConvNeXt A PyTorch impl of : `A ConvNet for the 2020s` - https://arxiv.org/pdf/2201.03545.pdf Args: in_chans (int): Number of input image channels. Default: 3 num_classes (int): Number of classes for classification head. Default: 1000 depths (tuple(int)): Number of blocks at each stage. Default: [3, 3, 9, 3] dims (int): Feature dimension at each stage. Default: [96, 192, 384, 768] drop_path_rate (float): Stochastic depth rate. Default: 0. layer_scale_init_value (float): Init value for Layer Scale. Default: 1e-6. head_init_scale (float): Init scaling value for classifier weights and biases. Default: 1. """ def __init__(self, in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0., layer_scale_init_value=1e-6, out_indices=[0, 1, 2, 3], ): super().__init__() self.downsample_layers = nn.ModuleList() # stem and 3 intermediate downsampling conv layers stem = nn.Sequential( nn.Conv2d(in_chans, dims[0], kernel_size=4, stride=4), LayerNorm(dims[0], eps=1e-6, data_format="channels_first") ) self.downsample_layers.append(stem) for i in range(3): downsample_layer = nn.Sequential( LayerNorm(dims[i], eps=1e-6, data_format="channels_first"), nn.Conv2d(dims[i], dims[i+1], kernel_size=2, stride=2), ) self.downsample_layers.append(downsample_layer) self.stages = nn.ModuleList() # 4 feature resolution stages, each consisting of multiple residual blocks dp_rates=[x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))] cur = 0 for i in range(4): stage = nn.Sequential( *[Block(dim=dims[i], drop_path=dp_rates[cur + j], layer_scale_init_value=layer_scale_init_value) for j in range(depths[i])] ) self.stages.append(stage) cur += depths[i] self.out_indices = out_indices norm_layer = partial(LayerNorm, eps=1e-6, data_format="channels_first") for i_layer in range(4): layer = norm_layer(dims[i_layer]) layer_name = f'norm{i_layer}' self.add_module(layer_name, layer) self.apply(self._init_weights) def _init_weights(self, m): if isinstance(m, (nn.Conv2d, nn.Linear)): trunc_normal_(m.weight, std=.02) nn.init.constant_(m.bias, 0) def init_weights(self, pretrained=None): """Initialize the weights in backbone. Args: pretrained (str, optional): Path to pre-trained weights. Defaults to None. """ def _init_weights(m): if isinstance(m, nn.Linear): trunc_normal_(m.weight, std=.02) if isinstance(m, nn.Linear) and m.bias is not None: nn.init.constant_(m.bias, 0) elif isinstance(m, nn.LayerNorm): nn.init.constant_(m.bias, 0) nn.init.constant_(m.weight, 1.0) if isinstance(pretrained, str): self.apply(_init_weights) logger = get_root_logger() load_checkpoint(self, pretrained, strict=False, logger=logger) elif pretrained is None: self.apply(_init_weights) else: raise TypeError('pretrained must be a str or None') def forward_features(self, x): outs = [] for i in range(4): x = self.downsample_layers[i](x) x = self.stages[i](x) if i in self.out_indices: norm_layer = getattr(self, f'norm{i}') x_out = norm_layer(x) outs.append(x_out) return tuple(outs) def forward(self, x): x = self.forward_features(x) return x class LayerNorm(nn.Module): r""" LayerNorm that supports two data formats: channels_last (default) or channels_first. The ordering of the dimensions in the inputs. channels_last corresponds to inputs with shape (batch_size, height, width, channels) while channels_first corresponds to inputs with shape (batch_size, channels, height, width). """ def __init__(self, normalized_shape, eps=1e-6, data_format="channels_last"): super().__init__() self.weight = nn.Parameter(torch.ones(normalized_shape)) self.bias = nn.Parameter(torch.zeros(normalized_shape)) self.eps = eps self.data_format = data_format if self.data_format not in ["channels_last", "channels_first"]: raise NotImplementedError self.normalized_shape = (normalized_shape, ) def forward(self, x): if self.data_format == "channels_last": return F.layer_norm(x, self.normalized_shape, self.weight, self.bias, self.eps) elif self.data_format == "channels_first": u = x.mean(1, keepdim=True) s = (x - u).pow(2).mean(1, keepdim=True) x = (x - u) / torch.sqrt(s + self.eps) x = self.weight[:, None, None] * x + self.bias[:, None, None] return x
ConvNeXt-main
object_detection/mmdet/models/backbones/convnext.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import json from mmcv.runner import OPTIMIZER_BUILDERS, DefaultOptimizerConstructor from mmcv.runner import get_dist_info def get_num_layer_layer_wise(var_name, num_max_layer=12): if var_name in ("backbone.cls_token", "backbone.mask_token", "backbone.pos_embed"): return 0 elif var_name.startswith("backbone.downsample_layers"): stage_id = int(var_name.split('.')[2]) if stage_id == 0: layer_id = 0 elif stage_id == 1: layer_id = 2 elif stage_id == 2: layer_id = 3 elif stage_id == 3: layer_id = num_max_layer return layer_id elif var_name.startswith("backbone.stages"): stage_id = int(var_name.split('.')[2]) block_id = int(var_name.split('.')[3]) if stage_id == 0: layer_id = 1 elif stage_id == 1: layer_id = 2 elif stage_id == 2: layer_id = 3 + block_id // 3 elif stage_id == 3: layer_id = num_max_layer return layer_id else: return num_max_layer + 1 def get_num_layer_stage_wise(var_name, num_max_layer): if var_name in ("backbone.cls_token", "backbone.mask_token", "backbone.pos_embed"): return 0 elif var_name.startswith("backbone.downsample_layers"): return 0 elif var_name.startswith("backbone.stages"): stage_id = int(var_name.split('.')[2]) return stage_id + 1 else: return num_max_layer - 1 @OPTIMIZER_BUILDERS.register_module() class LearningRateDecayOptimizerConstructor(DefaultOptimizerConstructor): def add_params(self, params, module, prefix='', is_dcn_module=None): """Add all parameters of module to the params list. The parameters of the given module will be added to the list of param groups, with specific rules defined by paramwise_cfg. Args: params (list[dict]): A list of param groups, it will be modified in place. module (nn.Module): The module to be added. prefix (str): The prefix of the module is_dcn_module (int|float|None): If the current module is a submodule of DCN, `is_dcn_module` will be passed to control conv_offset layer's learning rate. Defaults to None. """ parameter_groups = {} print(self.paramwise_cfg) num_layers = self.paramwise_cfg.get('num_layers') + 2 decay_rate = self.paramwise_cfg.get('decay_rate') decay_type = self.paramwise_cfg.get('decay_type', "layer_wise") print("Build LearningRateDecayOptimizerConstructor %s %f - %d" % (decay_type, decay_rate, num_layers)) weight_decay = self.base_wd for name, param in module.named_parameters(): if not param.requires_grad: continue # frozen weights if len(param.shape) == 1 or name.endswith(".bias") or name in ('pos_embed', 'cls_token'): group_name = "no_decay" this_weight_decay = 0. else: group_name = "decay" this_weight_decay = weight_decay if decay_type == "layer_wise": layer_id = get_num_layer_layer_wise(name, self.paramwise_cfg.get('num_layers')) elif decay_type == "stage_wise": layer_id = get_num_layer_stage_wise(name, num_layers) group_name = "layer_%d_%s" % (layer_id, group_name) if group_name not in parameter_groups: scale = decay_rate ** (num_layers - layer_id - 1) parameter_groups[group_name] = { "weight_decay": this_weight_decay, "params": [], "param_names": [], "lr_scale": scale, "group_name": group_name, "lr": scale * self.base_lr, } parameter_groups[group_name]["params"].append(param) parameter_groups[group_name]["param_names"].append(name) rank, _ = get_dist_info() if rank == 0: to_display = {} for key in parameter_groups: to_display[key] = { "param_names": parameter_groups[key]["param_names"], "lr_scale": parameter_groups[key]["lr_scale"], "lr": parameter_groups[key]["lr"], "weight_decay": parameter_groups[key]["weight_decay"], } print("Param groups = %s" % json.dumps(to_display, indent=2)) params.extend(parameter_groups.values())
ConvNeXt-main
semantic_segmentation/mmcv_custom/layer_decay_optimizer_constructor.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. # -*- coding: utf-8 -*- from .checkpoint import load_checkpoint from .layer_decay_optimizer_constructor import LearningRateDecayOptimizerConstructor from .resize_transform import SETR_Resize from .apex_runner.optimizer import DistOptimizerHook from .train_api import train_segmentor from .customized_text import CustomizedTextLoggerHook __all__ = ['load_checkpoint', 'LearningRateDecayOptimizerConstructor', 'SETR_Resize', 'DistOptimizerHook', 'train_segmentor', 'CustomizedTextLoggerHook']
ConvNeXt-main
semantic_segmentation/mmcv_custom/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import datetime from collections import OrderedDict import torch import mmcv from mmcv.runner import HOOKS from mmcv.runner import TextLoggerHook @HOOKS.register_module() class CustomizedTextLoggerHook(TextLoggerHook): """Customized Text Logger hook. This logger prints out both lr and layer_0_lr. """ def _log_info(self, log_dict, runner): # print exp name for users to distinguish experiments # at every ``interval_exp_name`` iterations and the end of each epoch if runner.meta is not None and 'exp_name' in runner.meta: if (self.every_n_iters(runner, self.interval_exp_name)) or ( self.by_epoch and self.end_of_epoch(runner)): exp_info = f'Exp name: {runner.meta["exp_name"]}' runner.logger.info(exp_info) if log_dict['mode'] == 'train': lr_str = {} for lr_type in ['lr', 'layer_0_lr']: if isinstance(log_dict[lr_type], dict): lr_str[lr_type] = [] for k, val in log_dict[lr_type].items(): lr_str.append(f'{lr_type}_{k}: {val:.3e}') lr_str[lr_type] = ' '.join(lr_str) else: lr_str[lr_type] = f'{lr_type}: {log_dict[lr_type]:.3e}' # by epoch: Epoch [4][100/1000] # by iter: Iter [100/100000] if self.by_epoch: log_str = f'Epoch [{log_dict["epoch"]}]' \ f'[{log_dict["iter"]}/{len(runner.data_loader)}]\t' else: log_str = f'Iter [{log_dict["iter"]}/{runner.max_iters}]\t' log_str += f'{lr_str["lr"]}, {lr_str["layer_0_lr"]}, ' if 'time' in log_dict.keys(): self.time_sec_tot += (log_dict['time'] * self.interval) time_sec_avg = self.time_sec_tot / ( runner.iter - self.start_iter + 1) eta_sec = time_sec_avg * (runner.max_iters - runner.iter - 1) eta_str = str(datetime.timedelta(seconds=int(eta_sec))) log_str += f'eta: {eta_str}, ' log_str += f'time: {log_dict["time"]:.3f}, ' \ f'data_time: {log_dict["data_time"]:.3f}, ' # statistic memory if torch.cuda.is_available(): log_str += f'memory: {log_dict["memory"]}, ' else: # val/test time # here 1000 is the length of the val dataloader # by epoch: Epoch[val] [4][1000] # by iter: Iter[val] [1000] if self.by_epoch: log_str = f'Epoch({log_dict["mode"]}) ' \ f'[{log_dict["epoch"]}][{log_dict["iter"]}]\t' else: log_str = f'Iter({log_dict["mode"]}) [{log_dict["iter"]}]\t' log_items = [] for name, val in log_dict.items(): # TODO: resolve this hack # these items have been in log_str if name in [ 'mode', 'Epoch', 'iter', 'lr', 'layer_0_lr', 'time', 'data_time', 'memory', 'epoch' ]: continue if isinstance(val, float): val = f'{val:.4f}' log_items.append(f'{name}: {val}') log_str += ', '.join(log_items) runner.logger.info(log_str) def log(self, runner): if 'eval_iter_num' in runner.log_buffer.output: # this doesn't modify runner.iter and is regardless of by_epoch cur_iter = runner.log_buffer.output.pop('eval_iter_num') else: cur_iter = self.get_iter(runner, inner_iter=True) log_dict = OrderedDict( mode=self.get_mode(runner), epoch=self.get_epoch(runner), iter=cur_iter) # record lr and layer_0_lr cur_lr = runner.current_lr() if isinstance(cur_lr, list): log_dict['layer_0_lr'] = min(cur_lr) log_dict['lr'] = max(cur_lr) else: assert isinstance(cur_lr, dict) log_dict['lr'], log_dict['layer_0_lr'] = {}, {} for k, lr_ in cur_lr.items(): assert isinstance(lr_, list) log_dict['layer_0_lr'].update({k: min(lr_)}) log_dict['lr'].update({k: max(lr_)}) if 'time' in runner.log_buffer.output: # statistic memory if torch.cuda.is_available(): log_dict['memory'] = self._get_max_memory(runner) log_dict = dict(log_dict, **runner.log_buffer.output) self._log_info(log_dict, runner) self._dump_log(log_dict, runner) return log_dict
ConvNeXt-main
semantic_segmentation/mmcv_custom/customized_text.py
# Copyright (c) Open-MMLab. All rights reserved. import os.path as osp import time from tempfile import TemporaryDirectory import torch from torch.optim import Optimizer import mmcv from mmcv.parallel import is_module_wrapper from mmcv.runner.checkpoint import weights_to_cpu, get_state_dict try: import apex except: print('apex is not installed') def save_checkpoint(model, filename, optimizer=None, meta=None): """Save checkpoint to file. The checkpoint will have 4 fields: ``meta``, ``state_dict`` and ``optimizer``, ``amp``. By default ``meta`` will contain version and time info. Args: model (Module): Module whose params are to be saved. filename (str): Checkpoint filename. optimizer (:obj:`Optimizer`, optional): Optimizer to be saved. meta (dict, optional): Metadata to be saved in checkpoint. """ if meta is None: meta = {} elif not isinstance(meta, dict): raise TypeError(f'meta must be a dict or None, but got {type(meta)}') meta.update(mmcv_version=mmcv.__version__, time=time.asctime()) if is_module_wrapper(model): model = model.module if hasattr(model, 'CLASSES') and model.CLASSES is not None: # save class name to the meta meta.update(CLASSES=model.CLASSES) checkpoint = { 'meta': meta, 'state_dict': weights_to_cpu(get_state_dict(model)) } # save optimizer state dict in the checkpoint if isinstance(optimizer, Optimizer): checkpoint['optimizer'] = optimizer.state_dict() elif isinstance(optimizer, dict): checkpoint['optimizer'] = {} for name, optim in optimizer.items(): checkpoint['optimizer'][name] = optim.state_dict() # save amp state dict in the checkpoint # checkpoint['amp'] = apex.amp.state_dict() if filename.startswith('pavi://'): try: from pavi import modelcloud from pavi.exception import NodeNotFoundError except ImportError: raise ImportError( 'Please install pavi to load checkpoint from modelcloud.') model_path = filename[7:] root = modelcloud.Folder() model_dir, model_name = osp.split(model_path) try: model = modelcloud.get(model_dir) except NodeNotFoundError: model = root.create_training_model(model_dir) with TemporaryDirectory() as tmp_dir: checkpoint_file = osp.join(tmp_dir, model_name) with open(checkpoint_file, 'wb') as f: torch.save(checkpoint, f) f.flush() model.create_file(checkpoint_file, name=model_name) else: mmcv.mkdir_or_exist(osp.dirname(filename)) # immediately flush buffer with open(filename, 'wb') as f: torch.save(checkpoint, f) f.flush()
ConvNeXt-main
semantic_segmentation/mmcv_custom/apex_runner/checkpoint.py
# yapf:disable log_config = dict( interval=50, hooks=[ dict(type='CustomizedTextLoggerHook', by_epoch=False), # dict(type='TensorboardLoggerHook') ]) # yapf:enable dist_params = dict(backend='nccl') log_level = 'INFO' load_from = None resume_from = None workflow = [('train', 1)] cudnn_benchmark = True
ConvNeXt-main
semantic_segmentation/configs/_base_/default_runtime.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. norm_cfg = dict(type='SyncBN', requires_grad=True) model = dict( type='EncoderDecoder', pretrained=None, backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.2, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( type='UPerHead', in_channels=[128, 256, 512, 1024], in_index=[0, 1, 2, 3], pool_scales=(1, 2, 3, 6), channels=512, dropout_ratio=0.1, num_classes=19, norm_cfg=norm_cfg, align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)), auxiliary_head=dict( type='FCNHead', in_channels=384, in_index=2, channels=256, num_convs=1, concat_input=False, dropout_ratio=0.1, num_classes=19, norm_cfg=norm_cfg, align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=0.4)), # model training and testing settings train_cfg=dict(), test_cfg=dict(mode='whole'))
ConvNeXt-main
semantic_segmentation/configs/_base_/models/upernet_convnext.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k_640x640.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (640, 640) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[192, 384, 768, 1536], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[192, 384, 768, 1536], num_classes=150, ), auxiliary_head=dict( in_channels=768, num_classes=150 ), test_cfg = dict(mode='slide', crop_size=crop_size, stride=(426, 426)), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=False, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_large_640_160k_ade20k_ss.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (512, 512) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[96, 192, 384, 768], num_classes=150, ), auxiliary_head=dict( in_channels=384, num_classes=150 ), test_cfg = dict(mode='slide', crop_size=crop_size, stride=(341, 341)), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 6}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_tiny_512_160k_ade20k_ss.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (512, 512) model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[96, 192, 384, 768], drop_path_rate=0.3, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[96, 192, 384, 768], num_classes=150, ), auxiliary_head=dict( in_channels=384, num_classes=150 ), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_small_512_160k_ade20k_ms.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (512, 512) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[128, 256, 512, 1024], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[128, 256, 512, 1024], num_classes=150, ), auxiliary_head=dict( in_channels=512, num_classes=150 ), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_base_512_160k_ade20k_ms.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k_640x640.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (640, 640) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[256, 512, 1024, 2048], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[256, 512, 1024, 2048], num_classes=150, ), auxiliary_head=dict( in_channels=1024, num_classes=150 ), test_cfg = dict(mode='slide', crop_size=crop_size, stride=(426, 426)), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.00008, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=False, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_xlarge_640_160k_ade20k_ss.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k_640x640.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (640, 640) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[128, 256, 512, 1024], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[128, 256, 512, 1024], num_classes=150, ), auxiliary_head=dict( in_channels=512, num_classes=150 ), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_base_640_160k_ade20k_ms.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (512, 512) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[96, 192, 384, 768], num_classes=150, ), auxiliary_head=dict( in_channels=384, num_classes=150 ), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 6}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_tiny_512_160k_ade20k_ms.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (512, 512) model = dict( backbone=dict( in_chans=3, depths=[3, 3, 27, 3], dims=[96, 192, 384, 768], drop_path_rate=0.3, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[96, 192, 384, 768], num_classes=150, ), auxiliary_head=dict( in_channels=384, num_classes=150 ), test_cfg = dict(mode='slide', crop_size=crop_size, stride=(341, 341)), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_small_512_160k_ade20k_ss.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (512, 512) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[128, 256, 512, 1024], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[128, 256, 512, 1024], num_classes=150, ), auxiliary_head=dict( in_channels=512, num_classes=150 ), test_cfg = dict(mode='slide', crop_size=crop_size, stride=(341, 341)), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_base_512_160k_ade20k_ss.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k_640x640.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (640, 640) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[256, 512, 1024, 2048], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[256, 512, 1024, 2048], num_classes=150, ), auxiliary_head=dict( in_channels=1024, num_classes=150 ), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.00008, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=False, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_xlarge_640_160k_ade20k_ms.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k_640x640.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (640, 640) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[128, 256, 512, 1024], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[128, 256, 512, 1024], num_classes=150, ), auxiliary_head=dict( in_channels=512, num_classes=150 ), test_cfg = dict(mode='slide', crop_size=crop_size, stride=(426, 426)), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=True, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_base_640_160k_ade20k_ss.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. _base_ = [ '../_base_/models/upernet_convnext.py', '../_base_/datasets/ade20k_640x640.py', '../_base_/default_runtime.py', '../_base_/schedules/schedule_160k.py' ] crop_size = (640, 640) model = dict( backbone=dict( type='ConvNeXt', in_chans=3, depths=[3, 3, 27, 3], dims=[192, 384, 768, 1536], drop_path_rate=0.4, layer_scale_init_value=1.0, out_indices=[0, 1, 2, 3], ), decode_head=dict( in_channels=[192, 384, 768, 1536], num_classes=150, ), auxiliary_head=dict( in_channels=768, num_classes=150 ), ) optimizer = dict(constructor='LearningRateDecayOptimizerConstructor', _delete_=True, type='AdamW', lr=0.0001, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg={'decay_rate': 0.9, 'decay_type': 'stage_wise', 'num_layers': 12}) lr_config = dict(_delete_=True, policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-6, power=1.0, min_lr=0.0, by_epoch=False) # By default, models are trained on 8 GPUs with 2 images per GPU data=dict(samples_per_gpu=2) runner = dict(type='IterBasedRunnerAmp') # do not use mmdet version fp16 fp16 = None optimizer_config = dict( type="DistOptimizerHook", update_interval=1, grad_clip=None, coalesce=True, bucket_size_mb=-1, use_fp16=False, )
ConvNeXt-main
semantic_segmentation/configs/convnext/upernet_convnext_large_640_160k_ade20k_ms.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from functools import partial import torch import torch.nn as nn import torch.nn.functional as F from timm.models.layers import trunc_normal_, DropPath from mmcv_custom import load_checkpoint from mmseg.utils import get_root_logger from mmseg.models.builder import BACKBONES class Block(nn.Module): r""" ConvNeXt Block. There are two equivalent implementations: (1) DwConv -> LayerNorm (channels_first) -> 1x1 Conv -> GELU -> 1x1 Conv; all in (N, C, H, W) (2) DwConv -> Permute to (N, H, W, C); LayerNorm (channels_last) -> Linear -> GELU -> Linear; Permute back We use (2) as we find it slightly faster in PyTorch Args: dim (int): Number of input channels. drop_path (float): Stochastic depth rate. Default: 0.0 layer_scale_init_value (float): Init value for Layer Scale. Default: 1e-6. """ def __init__(self, dim, drop_path=0., layer_scale_init_value=1e-6): super().__init__() self.dwconv = nn.Conv2d(dim, dim, kernel_size=7, padding=3, groups=dim) # depthwise conv self.norm = LayerNorm(dim, eps=1e-6) self.pwconv1 = nn.Linear(dim, 4 * dim) # pointwise/1x1 convs, implemented with linear layers self.act = nn.GELU() self.pwconv2 = nn.Linear(4 * dim, dim) self.gamma = nn.Parameter(layer_scale_init_value * torch.ones((dim)), requires_grad=True) if layer_scale_init_value > 0 else None self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity() def forward(self, x): input = x x = self.dwconv(x) x = x.permute(0, 2, 3, 1) # (N, C, H, W) -> (N, H, W, C) x = self.norm(x) x = self.pwconv1(x) x = self.act(x) x = self.pwconv2(x) if self.gamma is not None: x = self.gamma * x x = x.permute(0, 3, 1, 2) # (N, H, W, C) -> (N, C, H, W) x = input + self.drop_path(x) return x @BACKBONES.register_module() class ConvNeXt(nn.Module): r""" ConvNeXt A PyTorch impl of : `A ConvNet for the 2020s` - https://arxiv.org/pdf/2201.03545.pdf Args: in_chans (int): Number of input image channels. Default: 3 num_classes (int): Number of classes for classification head. Default: 1000 depths (tuple(int)): Number of blocks at each stage. Default: [3, 3, 9, 3] dims (int): Feature dimension at each stage. Default: [96, 192, 384, 768] drop_path_rate (float): Stochastic depth rate. Default: 0. layer_scale_init_value (float): Init value for Layer Scale. Default: 1e-6. head_init_scale (float): Init scaling value for classifier weights and biases. Default: 1. """ def __init__(self, in_chans=3, depths=[3, 3, 9, 3], dims=[96, 192, 384, 768], drop_path_rate=0., layer_scale_init_value=1e-6, out_indices=[0, 1, 2, 3], ): super().__init__() self.downsample_layers = nn.ModuleList() # stem and 3 intermediate downsampling conv layers stem = nn.Sequential( nn.Conv2d(in_chans, dims[0], kernel_size=4, stride=4), LayerNorm(dims[0], eps=1e-6, data_format="channels_first") ) self.downsample_layers.append(stem) for i in range(3): downsample_layer = nn.Sequential( LayerNorm(dims[i], eps=1e-6, data_format="channels_first"), nn.Conv2d(dims[i], dims[i+1], kernel_size=2, stride=2), ) self.downsample_layers.append(downsample_layer) self.stages = nn.ModuleList() # 4 feature resolution stages, each consisting of multiple residual blocks dp_rates=[x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))] cur = 0 for i in range(4): stage = nn.Sequential( *[Block(dim=dims[i], drop_path=dp_rates[cur + j], layer_scale_init_value=layer_scale_init_value) for j in range(depths[i])] ) self.stages.append(stage) cur += depths[i] self.out_indices = out_indices norm_layer = partial(LayerNorm, eps=1e-6, data_format="channels_first") for i_layer in range(4): layer = norm_layer(dims[i_layer]) layer_name = f'norm{i_layer}' self.add_module(layer_name, layer) self.apply(self._init_weights) def _init_weights(self, m): if isinstance(m, (nn.Conv2d, nn.Linear)): trunc_normal_(m.weight, std=.02) nn.init.constant_(m.bias, 0) def init_weights(self, pretrained=None): """Initialize the weights in backbone. Args: pretrained (str, optional): Path to pre-trained weights. Defaults to None. """ def _init_weights(m): if isinstance(m, nn.Linear): trunc_normal_(m.weight, std=.02) if isinstance(m, nn.Linear) and m.bias is not None: nn.init.constant_(m.bias, 0) elif isinstance(m, nn.LayerNorm): nn.init.constant_(m.bias, 0) nn.init.constant_(m.weight, 1.0) if isinstance(pretrained, str): self.apply(_init_weights) logger = get_root_logger() load_checkpoint(self, pretrained, strict=False, logger=logger) elif pretrained is None: self.apply(_init_weights) else: raise TypeError('pretrained must be a str or None') def forward_features(self, x): outs = [] for i in range(4): x = self.downsample_layers[i](x) x = self.stages[i](x) if i in self.out_indices: norm_layer = getattr(self, f'norm{i}') x_out = norm_layer(x) outs.append(x_out) return tuple(outs) def forward(self, x): x = self.forward_features(x) return x class LayerNorm(nn.Module): r""" LayerNorm that supports two data formats: channels_last (default) or channels_first. The ordering of the dimensions in the inputs. channels_last corresponds to inputs with shape (batch_size, height, width, channels) while channels_first corresponds to inputs with shape (batch_size, channels, height, width). """ def __init__(self, normalized_shape, eps=1e-6, data_format="channels_last"): super().__init__() self.weight = nn.Parameter(torch.ones(normalized_shape)) self.bias = nn.Parameter(torch.zeros(normalized_shape)) self.eps = eps self.data_format = data_format if self.data_format not in ["channels_last", "channels_first"]: raise NotImplementedError self.normalized_shape = (normalized_shape, ) def forward(self, x): if self.data_format == "channels_last": return F.layer_norm(x, self.normalized_shape, self.weight, self.bias, self.eps) elif self.data_format == "channels_first": u = x.mean(1, keepdim=True) s = (x - u).pow(2).mean(1, keepdim=True) x = (x - u) / torch.sqrt(s + self.eps) x = self.weight[:, None, None] * x + self.bias[:, None, None] return x
ConvNeXt-main
semantic_segmentation/backbone/convnext.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import argparse import torch from util import str2bool parser = argparse.ArgumentParser(description='RL') # PPO & other optimization arguments. parser.add_argument( '--algo', type=str, default='ppo', choices=['ppo', 'a2c', 'acktr', 'ucb', 'mixreg'], help='Which RL algorithm to use.') parser.add_argument( '--lr', type=float, default=1e-4, help='Learning rate') parser.add_argument( '--eps', type=float, default=1e-5, help='RMSprop optimizer epsilon.') parser.add_argument( '--alpha', type=float, default=0.99, help='RMSprop optimizer alpha.') parser.add_argument( '--gamma', type=float, default=0.995, help='Discount factor for rewards.') parser.add_argument( '--use_gae', type=str2bool, nargs='?', const=True, default=True, help='Use generalized advantage estimator.') parser.add_argument( '--gae_lambda', type=float, default=0.95, help='GAE lambda parameter.') parser.add_argument( '--entropy_coef', type=float, default=0.0, help='Entropy bonus coefficient for student.') parser.add_argument( '--adv_entropy_coef', type=float, default=0.0, help='Entropy bonus coefficient for teacher.') parser.add_argument( '--value_loss_coef', type=float, default=0.5, help='Value loss coefficient.') parser.add_argument( '--max_grad_norm', type=float, default=0.5, help='Max norm of student gradients.') parser.add_argument( '--adv_max_grad_norm', type=float, default=0.5, help='Max norm of teacher gradients.') parser.add_argument( '--normalize_returns', type=str2bool, nargs='?', const=True, default=False, help='Whether to normalize student returns.') parser.add_argument( '--adv_normalize_returns', type=str2bool, nargs='?', const=True, default=False, help='Whether to normalize teacher returns.') parser.add_argument( '--use_popart', type=str2bool, nargs='?', const=True, default=False, help='Whether to normalize student values via PopArt.') parser.add_argument( '--adv_use_popart', type=str2bool, nargs='?', const=True, default=False, help='Whether to normalize teacher values using PopArt.') parser.add_argument( '--seed', type=int, default=1, help='Experiment random seed.') parser.add_argument( '--num_processes', type=int, default=32, help='How many training CPU processes to use for experience collection.') parser.add_argument( '--num_steps', type=int, default=256, help='Rollout horizon for A2C-style algorithms.') parser.add_argument( '--ppo_epoch', type=int, default=5, help='Number of PPO epochs.') parser.add_argument( '--adv_ppo_epoch', type=int, default=5, help='Number of PPO epochs used by teacher.') parser.add_argument( '--num_mini_batch', type=int, default=1, help='Number of batches for PPO for student.') parser.add_argument( '--adv_num_mini_batch', type=int, default=1, help='Number of batches for PPO for teacher.') parser.add_argument( '--clip_param', type=float, default=0.2, help='PPO advantage clipping.') parser.add_argument( '--clip_value_loss', type=str2bool, default=True, help='PPO value loss clipping.') parser.add_argument( '--clip_reward', type=float, default=None, help="Amount to clip student rewards. By default no clipping.") parser.add_argument( '--adv_clip_reward', type=float, default=None, help="Amount to clip teacher rewards. By default no clipping.") parser.add_argument( '--num_env_steps', type=int, default=500000, help='Number of environment steps for training.') # Architecture arguments. parser.add_argument( '--recurrent_arch', type=str, default='lstm', choices=['gru', 'lstm'], help='RNN architecture for student and teacher.') parser.add_argument( '--recurrent_agent', type=str2bool, nargs='?', const=True, default=True, help='Use a RNN architecture for student.') parser.add_argument( '--recurrent_adversary_env', type=str2bool, nargs='?', const=True, default=False, help='Use a RNN architecture for teacher.') parser.add_argument( '--recurrent_hidden_size', type=int, default=256, help='Recurrent hidden state size.') # === UED arguments === parser.add_argument( '--ued_algo', type=str, default='paired', choices=['domain_randomization', 'minimax', 'paired', 'flexible_paired', 'alp_gmm'], help='UED algorithm') parser.add_argument( '--protagonist_plr', type=str2bool, nargs='?', const=True, default=False, help="PLR via protagonist's trajectories.") parser.add_argument( '--antagonist_plr', type=str2bool, nargs='?', const=True, default=False, help="PLR via antagonist's lotrajectoriesss. If protagonist_plr is True, each agent trains using their own.") parser.add_argument( '--use_reset_random_dr', type=str2bool, nargs='?', const=True, default=False, help=''' Domain randomization (DR) resets using reset random. If False, DR resets using a uniformly random adversary policy. Defaults to False for legacy reasons.''') # PLR arguments. parser.add_argument( "--use_plr", type=str2bool, nargs='?', const=True, default=False, help='Whether to use PLR.' ) parser.add_argument( "--level_replay_strategy", type=str, default='value_l1', choices=['off', 'random', 'uniform', 'sequential', 'policy_entropy', 'least_confidence', 'min_margin', 'gae', 'value_l1', 'signed_value_loss', 'positive_value_loss', 'grounded_signed_value_loss', 'grounded_positive_value_loss', 'one_step_td_error', 'alt_advantage_abs', 'tscl_window'], help="PLR score function.") parser.add_argument( "--level_replay_eps", type=float, default=0.05, help="PLR epsilon for eps-greedy sampling. (Not typically used.)") parser.add_argument( "--level_replay_score_transform", type=str, default='rank', choices=['constant', 'max', 'eps_greedy', 'rank', 'power', 'softmax', 'match', 'match_rank'], help="PLR score transform.") parser.add_argument( "--level_replay_temperature", type=float, default=0.1, help="PLR replay distribution temperature.") parser.add_argument( "--level_replay_schedule", type=str, default='proportionate', help="PLR schedule for annealing the replay rate.") parser.add_argument( "--level_replay_rho", type=float, default=1.0, help="Minimum fill ratio for PLR buffer before sampling replays.") parser.add_argument( "--level_replay_prob", type=float, default=0., help="Probability of sampling a replay level instead of a new level.") parser.add_argument( "--level_replay_alpha", type=float, default=1.0, help="PLR level score EWA smoothing factor.") parser.add_argument( "--staleness_coef", type=float, default=0.3, help="Staleness-sampling weighting.") parser.add_argument( "--staleness_transform", type=str, default='power', choices=['max', 'eps_greedy', 'rank', 'power', 'softmax'], help="Staleness score transform.") parser.add_argument( "--staleness_temperature", type=float, default=1.0, help="Staleness distribution temperature.") parser.add_argument( "--train_full_distribution", type=str2bool, nargs='?', const=True, default=True, help='Train on the full distribution of levels.') parser.add_argument( "--level_replay_seed_buffer_size", type=int, default=4000, help="Size of PLR level buffer.") parser.add_argument( "--level_replay_seed_buffer_priority", type=str, default='replay_support', choices=['score', 'replay_support'], help="How to prioritize level buffer members when capacity is reached.") parser.add_argument( "--reject_unsolvable_seeds", type=str2bool, nargs='?', const=True, default=False, help='Do not add unsolvable seeds to the PLR buffer.') parser.add_argument( "--no_exploratory_grad_updates", type=str2bool, nargs='?', const=True, default=False, help='Turns on Robust PLR: Only perform gradient updates for episodes on replay levels.' ) # ACCEL arguments. parser.add_argument( "--use_editor", type=str2bool, nargs='?', const=True, default=False, help='Turns on ACCEL: Evaluate mutated replay levels for entry in PLR buffer.') parser.add_argument( "--level_editor_prob", type=float, default=0., help="Probability of mutating a replayed level under PLR.") parser.add_argument( "--level_editor_method", type=str, default='random', choices=['random'], help="Method for mutating levels. ACCEL simply uses random mutations.") parser.add_argument( "--base_levels", type=str, default='batch', choices=['batch', 'easy'], help="What kind of replayed level under PLR do we edit?") parser.add_argument( "--num_edits", type=int, default=0., help="Number of edits to make each time a level is mutated.") # Fine-tuning arguments. parser.add_argument( '--xpid_finetune', default=None, help='Checkpoint directory containing model for fine-tuning.') parser.add_argument( '--model_finetune', default='model', help='Name of .tar to load for fine-tuning.') # Hardware arguments. parser.add_argument( '--no_cuda', type=str2bool, nargs='?', const=True, default=False, help='Disables CUDA training.') # Logging arguments. parser.add_argument( '--xpid', default='latest', help='Name for the training run. Used for the name of the output results directory.') parser.add_argument( '--log_dir', default='~/logs/dcd/', help='Directory in which to save experimental outputs.') parser.add_argument( '--log_interval', type=int, default=1, help='Log training stats every this many updates.') parser.add_argument( "--checkpoint_interval", type=int, default=100, help="Save model every this many updates.") parser.add_argument( "--archive_interval", type=int, default=0, help="Save an archived checkpoint every this many updates.") parser.add_argument( "--checkpoint_basis", type=str, default="num_updates", choices=["num_updates", "student_grad_updates"], help=f'''Archive interval basis. num_updates: By # update cycles (full rollout cycle across all agents); student_grad_updates: By # grad updates performed by the student agent.''') parser.add_argument( "--weight_log_interval", type=int, default=0, help="Save level weights every this many updates. *Only for PLR with a fixed level buffer.*") parser.add_argument( "--screenshot_interval", type=int, default=5000, help="Save screenshot of the training environment every this many updates.") parser.add_argument( "--screenshot_batch_size", type=int, default=1, help="Number of training environments to screenshot each screenshot_interval.") parser.add_argument( '--render', type=str2bool, nargs='?', const=True, default=False, help='Render to environment to screen.') parser.add_argument( "--checkpoint", type=str2bool, nargs='?', const=True, default=False, help="Begin training from checkpoint. Needed for preemptible training on clusters.") parser.add_argument( "--disable_checkpoint", type=str2bool, nargs='?', const=True, default=False, help="Disable checkpointing.") parser.add_argument( '--log_grad_norm', type=str2bool, nargs='?', const=True, default=False, help="Log the gradient norm of the actor-critic.") parser.add_argument( '--log_action_complexity', type=str2bool, nargs='?', const=True, default=False, help="Log action-trajectory complexity metrics throughout training.") parser.add_argument( '--log_replay_complexity', type=str2bool, nargs='?', const=True, default=False, help="Log complexity metrics of replay levels.") parser.add_argument( '--log_plr_buffer_stats', type=str2bool, nargs='?', const=True, default=False, help="Log PLR buffer stats.") parser.add_argument( "--verbose", type=str2bool, nargs='?', const=True, default=False, help="Whether to print logs to stdout.") # Evaluation arguments. parser.add_argument( '--test_interval', type=int, default=250, help='Evaluate on test environments every this many updates.') parser.add_argument( '--test_num_episodes', type=int, default=10, help='Number of test episodes per environment.') parser.add_argument( '--test_num_processes', type=int, default=2, help='Number of test processes per environment.') parser.add_argument( '--test_env_names', type=str, default='MultiGrid-SixteenRooms-v0,MultiGrid-Labyrinth-v0,MultiGrid-Maze-v0', help='CSV string of test environments for evaluation during training.') # Environment arguments. parser.add_argument( '--env_name', type=str, default='MultiGrid-GoalLastAdversarial-v0', help='Environment to train on.') parser.add_argument( '--handle_timelimits', type=str2bool, nargs='?', const=True, default=False, help="Bootstrap off of early termination states. Requires env to be wrapped by envs.wrappers.TimeLimit.") parser.add_argument( '--singleton_env', type=str2bool, nargs='?', const=True, default=False, help="When using a fixed env, whether the same environment should also be reused across workers.") parser.add_argument( '--use_global_critic', type=str2bool, nargs='?', const=True, default=False, help="Student's critic is fully observable. *Only for MultiGrid.*") parser.add_argument( '--use_global_policy', type=str2bool, nargs='?', const=True, default=False, help="Student's policy is fully observable. *Only for MultiGrid.*") # CarRacing-specific arguments. parser.add_argument( '--grayscale', type=str2bool, nargs='?', const=True, default=False, help="Convert observations to grayscale for CarRacing.") parser.add_argument( '--crop_frame', type=str2bool, nargs='?', const=True, default=False, help="Convert observations to grayscale for CarRacing.") parser.add_argument( '--reward_shaping', type=str2bool, nargs='?', const=True, default=False, help="Use custom shaped rewards for CarRacing.") parser.add_argument( '--num_action_repeat', type=int, default=1, help="Repeat actions this many times for CarRacing.") parser.add_argument( '--frame_stack', type=int, default=1, help="Number of observation frames to stack for CarRacing.") parser.add_argument( '--num_control_points', type=int, default=12, help="Number of bezier control points for CarRacing-Bezier environments.") parser.add_argument( '--min_rad_ratio', type=float, default=0.333333333, help="Default minimum radius ratio for CarRacing-Classic (polar coordinates).") parser.add_argument( '--max_rad_ratio', type=float, default=1.0, help="Default minimum radius ratio for CarRacing-Classic (polar coordinates).") parser.add_argument( '--use_skip', type=str2bool, nargs='?', const=True, default=False, help="CarRacing teacher can use a skip action.") parser.add_argument( '--choose_start_pos', type=str2bool, nargs='?', const=True, default=False, help="CarRacing teacher also chooses the start position.") parser.add_argument( '--use_sketch', type=str2bool, nargs='?', const=True, default=True, help="CarRacing teacher designs tracks on a downsampled grid.") parser.add_argument( '--use_categorical_adv', type=str2bool, nargs='?', const=True, default=False, help="CarRacing teacher uses a categorical policy.") parser.add_argument( '--sparse_rewards', type=str2bool, nargs='?', const=True, default=False, help="Use sparse rewards + goal placement for CarRacing.") parser.add_argument( '--num_goal_bins', type=int, default=1, help="Number of goal bins when using sparse rewards for CarRacing.")
dcd-main
arguments.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import sys import os import time import timeit import logging from arguments import parser import torch import gym import matplotlib as mpl import matplotlib.pyplot as plt from baselines.logger import HumanOutputFormat display = None if sys.platform.startswith('linux'): print('Setting up virtual display') import pyvirtualdisplay display = pyvirtualdisplay.Display(visible=0, size=(1400, 900), color_depth=24) display.start() from envs.multigrid import * from envs.multigrid.adversarial import * from envs.box2d import * from envs.bipedalwalker import * from envs.runners.adversarial_runner import AdversarialRunner from util import make_agent, FileWriter, safe_checkpoint, create_parallel_env, make_plr_args, save_images from eval import Evaluator if __name__ == '__main__': os.environ["OMP_NUM_THREADS"] = "1" args = parser.parse_args() # === Configure logging == if args.xpid is None: args.xpid = "lr-%s" % time.strftime("%Y%m%d-%H%M%S") log_dir = os.path.expandvars(os.path.expanduser(args.log_dir)) filewriter = FileWriter( xpid=args.xpid, xp_args=args.__dict__, rootdir=log_dir ) screenshot_dir = os.path.join(log_dir, args.xpid, 'screenshots') if not os.path.exists(screenshot_dir): os.makedirs(screenshot_dir, exist_ok=True) def log_stats(stats): filewriter.log(stats) if args.verbose: HumanOutputFormat(sys.stdout).writekvs(stats) if args.verbose: logging.getLogger().setLevel(logging.INFO) else: logging.disable(logging.CRITICAL) # === Determine device ==== args.cuda = not args.no_cuda and torch.cuda.is_available() device = torch.device("cuda:0" if args.cuda else "cpu") if 'cuda' in device.type: torch.backends.cudnn.benchmark = True print('Using CUDA\n') # === Create parallel envs === venv, ued_venv = create_parallel_env(args) is_training_env = args.ued_algo in ['paired', 'flexible_paired', 'minimax'] is_paired = args.ued_algo in ['paired', 'flexible_paired'] agent = make_agent(name='agent', env=venv, args=args, device=device) adversary_agent, adversary_env = None, None if is_paired: adversary_agent = make_agent(name='adversary_agent', env=venv, args=args, device=device) if is_training_env: adversary_env = make_agent(name='adversary_env', env=venv, args=args, device=device) if args.ued_algo == 'domain_randomization' and args.use_plr and not args.use_reset_random_dr: adversary_env = make_agent(name='adversary_env', env=venv, args=args, device=device) adversary_env.random() # === Create runner === plr_args = None if args.use_plr: plr_args = make_plr_args(args, venv.observation_space, venv.action_space) train_runner = AdversarialRunner( args=args, venv=venv, agent=agent, ued_venv=ued_venv, adversary_agent=adversary_agent, adversary_env=adversary_env, flexible_protagonist=False, train=True, plr_args=plr_args, device=device) # === Configure checkpointing === timer = timeit.default_timer initial_update_count = 0 last_logged_update_at_restart = -1 checkpoint_path = os.path.expandvars( os.path.expanduser("%s/%s/%s" % (log_dir, args.xpid, "model.tar")) ) ## This is only used for the first iteration of finetuning if args.xpid_finetune: model_fname = f'{args.model_finetune}.tar' base_checkpoint_path = os.path.expandvars( os.path.expanduser("%s/%s/%s" % (log_dir, args.xpid_finetune, model_fname)) ) def checkpoint(index=None): if args.disable_checkpoint: return safe_checkpoint({'runner_state_dict': train_runner.state_dict()}, checkpoint_path, index=index, archive_interval=args.archive_interval) logging.info("Saved checkpoint to %s", checkpoint_path) # === Load checkpoint === if args.checkpoint and os.path.exists(checkpoint_path): checkpoint_states = torch.load(checkpoint_path, map_location=lambda storage, loc: storage) last_logged_update_at_restart = filewriter.latest_tick() # ticks are 0-indexed updates train_runner.load_state_dict(checkpoint_states['runner_state_dict']) initial_update_count = train_runner.num_updates logging.info(f"Resuming preempted job after {initial_update_count} updates\n") # 0-indexed next update elif args.xpid_finetune and not os.path.exists(checkpoint_path): checkpoint_states = torch.load(base_checkpoint_path) state_dict = checkpoint_states['runner_state_dict'] agent_state_dict = state_dict.get('agent_state_dict') optimizer_state_dict = state_dict.get('optimizer_state_dict') train_runner.agents['agent'].algo.actor_critic.load_state_dict(agent_state_dict['agent']) train_runner.agents['agent'].algo.optimizer.load_state_dict(optimizer_state_dict['agent']) # === Set up Evaluator === evaluator = None if args.test_env_names: evaluator = Evaluator( args.test_env_names.split(','), num_processes=args.test_num_processes, num_episodes=args.test_num_episodes, frame_stack=args.frame_stack, grayscale=args.grayscale, num_action_repeat=args.num_action_repeat, use_global_critic=args.use_global_critic, use_global_policy=args.use_global_policy, device=device) # === Train === last_checkpoint_idx = getattr(train_runner, args.checkpoint_basis) update_start_time = timer() num_updates = int(args.num_env_steps) // args.num_steps // args.num_processes for j in range(initial_update_count, num_updates): stats = train_runner.run() # === Perform logging === if train_runner.num_updates <= last_logged_update_at_restart: continue log = (j % args.log_interval == 0) or j == num_updates - 1 save_screenshot = \ args.screenshot_interval > 0 and \ (j % args.screenshot_interval == 0) if log: # Eval test_stats = {} if evaluator is not None and (j % args.test_interval == 0 or j == num_updates - 1): test_stats = evaluator.evaluate(train_runner.agents['agent']) stats.update(test_stats) else: stats.update({k:None for k in evaluator.get_stats_keys()}) update_end_time = timer() num_incremental_updates = 1 if j == 0 else args.log_interval sps = num_incremental_updates*(args.num_processes * args.num_steps) / (update_end_time - update_start_time) update_start_time = update_end_time stats.update({'sps': sps}) stats.update(test_stats) # Ensures sps column is always before test stats log_stats(stats) checkpoint_idx = getattr(train_runner, args.checkpoint_basis) if checkpoint_idx != last_checkpoint_idx: is_last_update = j == num_updates - 1 if is_last_update or \ (train_runner.num_updates > 0 and checkpoint_idx % args.checkpoint_interval == 0): checkpoint(checkpoint_idx) logging.info(f"\nSaved checkpoint after update {j}") logging.info(f"\nLast update: {is_last_update}") elif train_runner.num_updates > 0 and args.archive_interval > 0 \ and checkpoint_idx % args.archive_interval == 0: checkpoint(checkpoint_idx) logging.info(f"\nArchived checkpoint after update {j}") if save_screenshot: level_info = train_runner.sampled_level_info if args.env_name.startswith('BipedalWalker'): encodings = venv.get_level() df = bipedalwalker_df_from_encodings(args.env_name, encodings) if args.use_editor and level_info: df.to_csv(os.path.join( screenshot_dir, f"update{j}-replay{level_info['level_replay']}-n_edits{level_info['num_edits'][0]}.csv")) else: df.to_csv(os.path.join( screenshot_dir, f'update{j}.csv')) else: venv.reset_agent() images = venv.get_images() if args.use_editor and level_info: save_images( images[:args.screenshot_batch_size], os.path.join( screenshot_dir, f"update{j}-replay{level_info['level_replay']}-n_edits{level_info['num_edits'][0]}.png"), normalize=True, channels_first=False) else: save_images( images[:args.screenshot_batch_size], os.path.join(screenshot_dir, f'update{j}.png'), normalize=True, channels_first=False) plt.close() evaluator.close() venv.close() if display: display.stop()
dcd-main
train.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import sys import os import csv import json import argparse import fnmatch import re from collections import defaultdict import numpy as np import torch from baselines.common.vec_env import DummyVecEnv from baselines.logger import HumanOutputFormat from tqdm import tqdm import os import matplotlib as mpl import matplotlib.pyplot as plt from envs.registration import make as gym_make from envs.multigrid.maze import * from envs.multigrid.crossing import * from envs.multigrid.fourrooms import * from envs.multigrid.mst_maze import * from envs.box2d import * from envs.bipedalwalker import * from envs.wrappers import VecMonitor, VecPreprocessImageWrapper, ParallelAdversarialVecEnv, \ MultiGridFullyObsWrapper, VecFrameStack, CarRacingWrapper from util import DotDict, str2bool, make_agent, create_parallel_env, is_discrete_actions from arguments import parser """ Example usage: python -m eval \ --env_name=MultiGrid-SixteenRooms-v0 \ --xpid=<xpid> \ --base_path="~/logs/dcd" \ --result_path="eval_results/" --verbose """ def parse_args(): parser = argparse.ArgumentParser(description='Eval') parser.add_argument( '--base_path', type=str, default='~/logs/dcd', help='Base path to experiment results directories.') parser.add_argument( '--xpid', type=str, default='latest', help='Experiment ID (result directory name) for evaluation.') parser.add_argument( '--prefix', type=str, default=None, help='Experiment ID prefix for evaluation (evaluate all matches).' ) parser.add_argument( '--env_names', type=str, default='MultiGrid-Labyrinth-v0', help='CSV string of evaluation environments.') parser.add_argument( '--result_path', type=str, default='eval_results/', help='Relative path to evaluation results directory.') parser.add_argument( '--benchmark', type=str, default=None, choices=['maze', 'f1', 'bipedal', 'poetrose'], help="Name of benchmark for evaluation.") parser.add_argument( '--accumulator', type=str, default=None, help="Function for accumulating across multiple evaluation runs.") parser.add_argument( '--singleton_env', type=str2bool, nargs='?', const=True, default=False, help="When using a fixed env, whether the same environment should also be reused across workers.") parser.add_argument( '--seed', type=int, default=1, help='Random seed.') parser.add_argument( '--max_seeds', type=int, default=None, help='Maximum number of matched experiment IDs to evaluate.') parser.add_argument( '--num_processes', type=int, default=2, help='Number of CPU processes to use.') parser.add_argument( '--max_num_processes', type=int, default=10, help='Maximum number of CPU processes to use.') parser.add_argument( '--num_episodes', type=int, default=100, help='Number of evaluation episodes per xpid per environment.') parser.add_argument( '--model_tar', type=str, default='model', help='Name of .tar to evaluate.') parser.add_argument( '--model_name', type=str, default='agent', choices=['agent', 'adversary_agent'], help='Which agent to evaluate.') parser.add_argument( '--deterministic', type=str2bool, nargs='?', const=True, default=False, help="Evaluate policy greedily.") parser.add_argument( '--verbose', type=str2bool, nargs='?', const=True, default=False, help="Show logging messages in stdout") parser.add_argument( '--render', type=str2bool, nargs='?', const=True, default=False, help="Render environment in first evaluation process to screen.") parser.add_argument( '--record_video', type=str2bool, nargs='?', const=True, default=False, help="Record video of first environment evaluation process.") return parser.parse_args() class Evaluator(object): def __init__(self, env_names, num_processes, num_episodes=10, record_video=False, device='cpu', **kwargs): self.kwargs = kwargs # kwargs for env wrappers self._init_parallel_envs( env_names, num_processes, device=device, record_video=record_video, **kwargs) self.num_episodes = num_episodes if 'Bipedal' in env_names[0]: self.solved_threshold = 230 else: self.solved_threshold = 0 def get_stats_keys(self): keys = [] for env_name in self.env_names: keys += [f'solved_rate:{env_name}', f'test_returns:{env_name}'] return keys @staticmethod def make_env(env_name, record_video=False, **kwargs): if env_name in ['BipedalWalker-v3', 'BipedalWalkerHardcore-v3']: env = gym.make(env_name) else: env = gym_make(env_name) is_multigrid = env_name.startswith('MultiGrid') is_car_racing = env_name.startswith('CarRacing') if is_car_racing: grayscale = kwargs.get('grayscale', False) num_action_repeat = kwargs.get('num_action_repeat', 8) nstack = kwargs.get('frame_stack', 4) crop = kwargs.get('crop_frame', False) env = CarRacingWrapper( env=env, grayscale=grayscale, reward_shaping=False, num_action_repeat=num_action_repeat, nstack=nstack, crop=crop, eval_=True) if record_video: from gym.wrappers.monitor import Monitor env = Monitor(env, "videos/", force=True) print('Recording video!', flush=True) if is_multigrid and kwargs.get('use_global_policy'): env = MultiGridFullyObsWrapper(env, is_adversarial=False) return env @staticmethod def wrap_venv(venv, env_name, device='cpu'): is_multigrid = env_name.startswith('MultiGrid') or env_name.startswith('MiniGrid') is_car_racing = env_name.startswith('CarRacing') is_bipedal = env_name.startswith('BipedalWalker') obs_key = None scale = None if is_multigrid: obs_key = 'image' scale = 10.0 # Channels first transpose_order = [2,0,1] if is_bipedal: transpose_order = None venv = VecMonitor(venv=venv, filename=None, keep_buf=100) venv = VecPreprocessImageWrapper(venv=venv, obs_key=obs_key, transpose_order=transpose_order, scale=scale, device=device) return venv def _init_parallel_envs(self, env_names, num_processes, device=None, record_video=False, **kwargs): self.env_names = env_names self.num_processes = num_processes self.device = device self.venv = {env_name:None for env_name in env_names} make_fn = [] for env_name in env_names: make_fn = [lambda: Evaluator.make_env(env_name, record_video, **kwargs)]*self.num_processes venv = ParallelAdversarialVecEnv(make_fn, adversary=False, is_eval=True) venv = Evaluator.wrap_venv(venv, env_name, device=device) self.venv[env_name] = venv self.is_discrete_actions = is_discrete_actions(self.venv[env_names[0]]) def close(self): for _, venv in self.venv.items(): venv.close() def evaluate(self, agent, deterministic=False, show_progress=False, render=False, accumulator='mean'): # Evaluate agent for N episodes venv = self.venv env_returns = {} env_solved_episodes = {} for env_name, venv in self.venv.items(): returns = [] solved_episodes = 0 obs = venv.reset() recurrent_hidden_states = torch.zeros( self.num_processes, agent.algo.actor_critic.recurrent_hidden_state_size, device=self.device) if agent.algo.actor_critic.is_recurrent and agent.algo.actor_critic.rnn.arch == 'lstm': recurrent_hidden_states = (recurrent_hidden_states, torch.zeros_like(recurrent_hidden_states)) masks = torch.ones(self.num_processes, 1, device=self.device) pbar = None if show_progress: pbar = tqdm(total=self.num_episodes) while len(returns) < self.num_episodes: # Sample actions with torch.no_grad(): _, action, _, recurrent_hidden_states = agent.act( obs, recurrent_hidden_states, masks, deterministic=deterministic) # Observe reward and next obs action = action.cpu().numpy() if not self.is_discrete_actions: action = agent.process_action(action) obs, reward, done, infos = venv.step(action) masks = torch.tensor( [[0.0] if done_ else [1.0] for done_ in done], dtype=torch.float32, device=self.device) for i, info in enumerate(infos): if 'episode' in info.keys(): returns.append(info['episode']['r']) if returns[-1] > self.solved_threshold: solved_episodes += 1 if pbar: pbar.update(1) # zero hidden states if agent.is_recurrent: recurrent_hidden_states[0][i].zero_() recurrent_hidden_states[1][i].zero_() if len(returns) >= self.num_episodes: break if render: venv.render_to_screen() if pbar: pbar.close() env_returns[env_name] = returns env_solved_episodes[env_name] = solved_episodes stats = {} for env_name in self.env_names: if accumulator == 'mean': stats[f"solved_rate:{env_name}"] = env_solved_episodes[env_name]/self.num_episodes if accumulator == 'mean': stats[f"test_returns:{env_name}"] = np.mean(env_returns[env_name]) else: stats[f"test_returns:{env_name}"] = env_returns[env_name] return stats def _get_f1_env_names(): env_names = [f'CarRacingF1-{name}-v0' for name, cls in formula1.__dict__.items() if isinstance(cls, RaceTrack)] env_names.remove('CarRacingF1-LagunaSeca-v0') return env_names def _get_zs_minigrid_env_names(): env_names = [ 'MultiGrid-SixteenRooms-v0', 'MultiGrid-SixteenRoomsFewerDoors-v0' 'MultiGrid-Labyrinth-v0', 'MultiGrid-Labyrinth2-v0', 'MultiGrid-Maze-v0', 'MultiGrid-Maze2-v0', "MultiGrid-LargeCorridor-v0", "MultiGrid-PerfectMazeMedium-v0", "MultiGrid-PerfectMazeLarge-v0", "MultiGrid-PerfectMazeXL-v0", ] return env_names def _get_bipedal_env_names(): env_names = [ "BipedalWalker-v3", "BipedalWalkerHardcore-v3", "BipedalWalker-Med-Stairs-v0", "BipedalWalker-Med-PitGap-v0", "BipedalWalker-Med-StumpHeight-v0", "BipedalWalker-Med-Roughness-v0", ] return env_names def _get_poet_rose_env_names(): env_names = [f'BipedalWalker-POET-Rose-{id}-v0' for id in ['1a', '1b', '2a', '2b', '3a', '3b']] return env_names if __name__ == '__main__': os.environ["OMP_NUM_THREADS"] = "1" display = None if sys.platform.startswith('linux'): print('Setting up virtual display') import pyvirtualdisplay display = pyvirtualdisplay.Display(visible=0, size=(1400, 900), color_depth=24) display.start() args = DotDict(vars(parse_args())) args.num_processes = min(args.num_processes, args.num_episodes) # === Determine device ==== device = 'cpu' # === Load checkpoint === # Load meta.json into flags object base_path = os.path.expandvars(os.path.expanduser(args.base_path)) xpids = [args.xpid] if args.prefix is not None: all_xpids = fnmatch.filter(os.listdir(base_path), f"{args.prefix}*") filter_re = re.compile('.*_[0-9]*$') xpids = [x for x in all_xpids if filter_re.match(x)] # Set up results management os.makedirs(args.result_path, exist_ok=True) if args.prefix is not None: result_fname = args.prefix else: result_fname = args.xpid result_fname = f"{result_fname}-{args.model_tar}-{args.model_name}" result_fpath = os.path.join(args.result_path, result_fname) if os.path.exists(f'{result_fpath}.csv'): result_fpath = os.path.join(args.result_path, f'{result_fname}_redo') result_fpath = f'{result_fpath}.csv' csvout = open(result_fpath, 'w', newline='') csvwriter = csv.writer(csvout) env_results = defaultdict(list) # Get envs if args.benchmark == 'maze': env_names = _get_zs_minigrid_env_names() elif args.benchmark == 'f1': env_names = _get_f1_env_names() elif args.benchmark == 'bipedal': env_names = _get_bipedal_env_names() elif args.benchmark == 'poetrose': env_names = _get_poet_rose_env_names() else: env_names = args.env_names.split(',') num_envs = len(env_names) if num_envs*args.num_processes > args.max_num_processes: chunk_size = args.max_num_processes//args.num_processes else: chunk_size = num_envs num_chunks = int(np.ceil(num_envs/chunk_size)) if args.record_video: num_chunks = 1 chunk_size = 1 args.num_processes = 1 num_seeds = 0 for xpid in xpids: if args.max_seeds is not None and num_seeds >= args.max_seeds: break xpid_dir = os.path.join(base_path, xpid) meta_json_path = os.path.join(xpid_dir, 'meta.json') model_tar = f'{args.model_tar}.tar' checkpoint_path = os.path.join(xpid_dir, model_tar) if os.path.exists(checkpoint_path): meta_json_file = open(meta_json_path) xpid_flags = DotDict(json.load(meta_json_file)['args']) make_fn = [lambda: Evaluator.make_env(env_names[0])] dummy_venv = ParallelAdversarialVecEnv(make_fn, adversary=False, is_eval=True) dummy_venv = Evaluator.wrap_venv(dummy_venv, env_name=env_names[0], device=device) # Load the agent agent = make_agent(name='agent', env=dummy_venv, args=xpid_flags, device=device) try: checkpoint = torch.load(checkpoint_path, map_location='cpu') except: continue model_name = args.model_name if 'runner_state_dict' in checkpoint: agent.algo.actor_critic.load_state_dict(checkpoint['runner_state_dict']['agent_state_dict'][model_name]) else: agent.algo.actor_critic.load_state_dict(checkpoint) num_seeds += 1 # Evaluate environment batch in increments of chunk size for i in range(num_chunks): start_idx = i*chunk_size env_names_ = env_names[start_idx:start_idx+chunk_size] # Evaluate the model xpid_flags.update(args) xpid_flags.update({"use_skip": False}) evaluator = Evaluator(env_names_, num_processes=args.num_processes, num_episodes=args.num_episodes, frame_stack=xpid_flags.frame_stack, grayscale=xpid_flags.grayscale, use_global_critic=xpid_flags.use_global_critic, record_video=args.record_video) stats = evaluator.evaluate(agent, deterministic=args.deterministic, show_progress=args.verbose, render=args.render, accumulator=args.accumulator) for k,v in stats.items(): if args.accumulator: env_results[k].append(v) else: env_results[k] += v evaluator.close() else: print(f'No model path {checkpoint_path}') output_results = {} for k,_ in stats.items(): results = env_results[k] output_results[k] = f'{np.mean(results):.2f} +/- {np.std(results):.2f}' q1 = np.percentile(results, 25, interpolation='midpoint') q3 = np.percentile(results, 75, interpolation='midpoint') median = np.median(results) output_results[f'iq_{k}'] = f'{q1:.2f}--{median:.2f}--{q3:.2f}' print(f"{k}: {output_results[k]}") HumanOutputFormat(sys.stdout).writekvs(output_results) if args.accumulator: csvwriter.writerow(['metric',] + [x for x in range(num_seeds)]) else: csvwriter.writerow(['metric',] + [x for x in range(num_seeds*args.num_episodes)]) for k,v in env_results.items(): row = [k,] + v csvwriter.writerow(row) if display: display.stop()
dcd-main
eval.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from algos import PPO, RolloutStorage, ACAgent from models import \ MultigridNetwork, MultigridGlobalCriticNetwork, \ CarRacingNetwork, \ CarRacingBezierAdversaryEnvNetwork, \ BipedalWalkerStudentPolicy, \ BipedalWalkerAdversaryPolicy def model_for_multigrid_agent( env, agent_type='agent', recurrent_arch=None, recurrent_hidden_size=256, use_global_critic=False, use_global_policy=False): if agent_type == 'adversary_env': adversary_observation_space = env.adversary_observation_space adversary_action_space = env.adversary_action_space adversary_max_timestep = adversary_observation_space['time_step'].high[0] + 1 adversary_random_z_dim = adversary_observation_space['random_z'].shape[0] model = MultigridNetwork( observation_space=adversary_observation_space, action_space=adversary_action_space, conv_filters=128, scalar_fc=10, scalar_dim=adversary_max_timestep, random_z_dim=adversary_random_z_dim, recurrent_arch=recurrent_arch, recurrent_hidden_size=recurrent_hidden_size) else: observation_space = env.observation_space action_space = env.action_space num_directions = observation_space['direction'].high[0] + 1 model_kwargs = dict( observation_space=observation_space, action_space=action_space, scalar_fc=5, scalar_dim=num_directions, recurrent_arch=recurrent_arch, recurrent_hidden_size=recurrent_hidden_size) model_constructor = MultigridNetwork if use_global_critic: model_constructor = MultigridGlobalCriticNetwork if use_global_policy: model_kwargs.update({'use_global_policy': True}) model = model_constructor(**model_kwargs) return model def model_for_car_racing_agent( env, agent_type='agent', use_skip=False, choose_start_pos=False, use_popart=False, adv_use_popart=False, use_categorical_adv=False, use_goal=False, num_goal_bins=1): if agent_type == 'adversary_env': adversary_observation_space = env.adversary_observation_space adversary_action_space = env.adversary_action_space model = CarRacingBezierAdversaryEnvNetwork( observation_space=adversary_observation_space, action_space=adversary_action_space, use_categorical=use_categorical_adv, use_skip=use_skip, choose_start_pos=choose_start_pos, use_popart=adv_use_popart, use_goal=use_goal, num_goal_bins=num_goal_bins) else: action_space = env.action_space obs_shape = env.observation_space.shape model = CarRacingNetwork( obs_shape=obs_shape, action_space = action_space, hidden_size=100, use_popart=use_popart) return model def model_for_bipedalwalker_agent( env, agent_type='agent', recurrent_arch=False): if 'adversary_env' in agent_type: adversary_observation_space = env.adversary_observation_space adversary_action_space = env.adversary_action_space model = BipedalWalkerAdversaryPolicy( observation_space=adversary_observation_space, action_space=adversary_action_space) else: model = BipedalWalkerStudentPolicy( obs_shape=env.observation_space.shape, action_space=env.action_space, recurrent=recurrent_arch) return model def model_for_env_agent( env_name, env, agent_type='agent', recurrent_arch=None, recurrent_hidden_size=256, use_global_critic=False, use_global_policy=False, use_skip=False, choose_start_pos=False, use_popart=False, adv_use_popart=False, use_categorical_adv=False, use_goal=False, num_goal_bins=1): assert agent_type in ['agent', 'adversary_agent', 'adversary_env'] if env_name.startswith('MultiGrid'): model = model_for_multigrid_agent( env=env, agent_type=agent_type, recurrent_arch=recurrent_arch, recurrent_hidden_size=recurrent_hidden_size, use_global_critic=use_global_critic, use_global_policy=use_global_policy) elif env_name.startswith('CarRacing'): model = model_for_car_racing_agent( env=env, agent_type=agent_type, use_skip=use_skip, choose_start_pos=choose_start_pos, use_popart=use_popart, adv_use_popart=adv_use_popart, use_categorical_adv=use_categorical_adv, use_goal=use_goal, num_goal_bins=num_goal_bins) elif env_name.startswith('BipedalWalker'): model = model_for_bipedalwalker_agent( env=env, agent_type=agent_type, recurrent_arch=recurrent_arch) else: raise ValueError(f'Unsupported environment {env_name}.') return model def make_agent(name, env, args, device='cpu'): # Create model instance is_adversary_env = 'env' in name if is_adversary_env: observation_space = env.adversary_observation_space action_space = env.adversary_action_space num_steps = observation_space['time_step'].high[0] recurrent_arch = args.recurrent_adversary_env and args.recurrent_arch entropy_coef = args.adv_entropy_coef ppo_epoch = args.adv_ppo_epoch num_mini_batch = args.adv_num_mini_batch max_grad_norm = args.adv_max_grad_norm use_popart = vars(args).get('adv_use_popart', False) else: observation_space = env.observation_space action_space = env.action_space num_steps = args.num_steps recurrent_arch = args.recurrent_agent and args.recurrent_arch entropy_coef = args.entropy_coef ppo_epoch = args.ppo_epoch num_mini_batch = args.num_mini_batch max_grad_norm = args.max_grad_norm use_popart = vars(args).get('use_popart', False) recurrent_hidden_size = args.recurrent_hidden_size actor_critic = model_for_env_agent( args.env_name, env, name, recurrent_arch=recurrent_arch, recurrent_hidden_size=recurrent_hidden_size, use_global_critic=args.use_global_critic, use_global_policy=vars(args).get('use_global_policy', False), use_skip=vars(args).get('use_skip', False), choose_start_pos=vars(args).get('choose_start_pos', False), use_popart=vars(args).get('use_popart', False), adv_use_popart=vars(args).get('adv_use_popart', False), use_categorical_adv=vars(args).get('use_categorical_adv', False), use_goal=vars(args).get('sparse_rewards', False), num_goal_bins=vars(args).get('num_goal_bins', 1)) algo = None storage = None agent = None use_proper_time_limits = \ hasattr(env, 'get_max_episode_steps') \ and env.get_max_episode_steps() is not None \ and vars(args).get('handle_timelimits', False) if args.algo == 'ppo': # Create PPO algo = PPO( actor_critic=actor_critic, clip_param=args.clip_param, ppo_epoch=ppo_epoch, num_mini_batch=num_mini_batch, value_loss_coef=args.value_loss_coef, entropy_coef=entropy_coef, lr=args.lr, eps=args.eps, max_grad_norm=max_grad_norm, clip_value_loss=args.clip_value_loss, log_grad_norm=args.log_grad_norm ) # Create storage storage = RolloutStorage( model=actor_critic, num_steps=num_steps, num_processes=args.num_processes, observation_space=observation_space, action_space=action_space, recurrent_hidden_state_size=args.recurrent_hidden_size, recurrent_arch=args.recurrent_arch, use_proper_time_limits=use_proper_time_limits, use_popart=use_popart ) agent = ACAgent(algo=algo, storage=storage).to(device) else: raise ValueError(f'Unsupported RL algorithm {algo}.') return agent
dcd-main
util/make_agent.py
# Copyright (c) 2015 Peter Onrejka # # Licensed under the GNU General Public License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/gpl-license # # This file is a modified version of # https://github.com/sical/polygons_complexity/blob/master/complexity.py # which itself is based on # https://github.com/pondrejk/PolygonComplexity/blob/master/PolygonComplexity.py import math import os import pandas as pd import geopandas as gpd import shapely def get_notches(poly): """ Determine the number of notches in a polygon object and calculate normalized notches of polygon Based on: "Measuring the Complexity of Polygonal Objects" (Thomas Brinkhoff, Hans-Peter Kriegel, Ralf Schneider, Alexander Braun) http://citeseerx.ist.psu.edu/viewdoc/download?doi=10.1.1.73.1045&rep=rep1&type=pdf https://github.com/pondrejk/PolygonComplexity/blob/master/PolygonComplexity.py @poly (Shapely Polygon object) Returns normalized notches """ notches = 0 coords = list(poly.exterior.coords) for i, pt in enumerate(coords[:-1]): x_diff = coords[i+1][0] - pt[0] y_diff = coords[i+1][1] - pt[1] angle = math.atan2(y_diff, x_diff) if angle < 0: angle += 2*math.pi if angle > math.pi: notches += 1 if notches != 0: notches_norm = notches / (len(coords)-3) else: notches_norm = 0 return notches_norm def get_stats(gdf, coeff_ampl, coeff_conv): """ Get polygon's amplitude of vibration: ampl(pol) = (boundary(pol) - boundary(convexhull(pol))) / boundary(pol) Get deviation from convex hull: conv(pol) = (area(convexhull(pol)) - area(pol)) / area(convexhull(pol)) Measure complexity Based on: "Measuring the Complexity of Polygonal Objects" (Thomas Brinkhoff, Hans-Peter Kriegel, Ralf Schneider, Alexander Braun) http://citeseerx.ist.psu.edu/viewdoc/download?doi=10.1.1.73.1045&rep=rep1&type=pdf https://github.com/pondrejk/PolygonComplexity/blob/master/PolygonComplexity.py Get area, centroid, distance from each others, boudary, convex hull, perimeter, number of vertices. Returns tuple with dict of stats values and GeoDataframe with stats """ nb = gdf['geometry'].count() gdf['area'] = gdf['geometry'].area tot_area = gdf['area'].sum() gdf['centroid'] = gdf['geometry'].centroid gdf['boundary'] = gdf['geometry'].boundary gdf['convex_hull'] = gdf['geometry'].convex_hull gdf['convex_boundary'] = gdf['geometry'].convex_hull.boundary gdf['convex_area'] = gdf['geometry'].convex_hull.area gdf['nbvertices'] = gdf['geometry'].apply(lambda x: len(list(x.exterior.coords))) gdf['notches'] = gdf['geometry'].apply(lambda x: get_notches(x)) gdf['amplitude'] = gdf.apply( lambda x:( x['boundary'].length - x['convex_boundary'].length ) / (x['boundary'].length + 1e-3), axis=1) gdf['convex'] = gdf.apply( lambda x: ( x['convex_area'] - x['area'] ) / (x['convex_area'] + 1e-3), axis=1) gdf['complexity'] = gdf.apply( lambda x: coeff_ampl*x['amplitude'] * x['notches'] + coeff_conv * x['convex'], axis=1 ) mean_amplitude = gdf['amplitude'].mean() mean_convex = gdf['convex'].mean() mean_norm_notches = gdf['notches'].mean() mean_complexity = gdf['complexity'].mean() gdf['perimeter'] = gdf['geometry'].length tot_perimeter = gdf['perimeter'].sum() if ("lat" in gdf.columns) or ("lon" in gdf.columns): columns_drop = ["boundary", "convex_hull", "convex_boundary", "convex_area", "centroid", "lat", "lon"] else: columns_drop = ["boundary", "convex_hull", "convex_boundary", "convex_area", "centroid"] gdf = gdf.drop(columns_drop, axis=1) gdf = gdf.reset_index() if nb > 1: gdf = gdf.sort_values(by='perimeter', ascending=False) gdf = gdf.iloc[[0]] return { 'area':tot_area, 'perimeter':tot_perimeter, 'amplitude': mean_amplitude, 'convex': mean_convex, 'notches': mean_norm_notches, 'complexity': mean_complexity }, gdf def complexity(points, coeff_ampl=0.8, coeff_conv=0.2): polygon = shapely.geometry.Polygon(points) gdf = gpd.GeoDataFrame(geometry=gpd.GeoSeries([polygon])) dict_complexity, gdf = get_stats(gdf, coeff_ampl, coeff_conv) return dict_complexity
dcd-main
util/geo_complexity.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import glob import os import shutil import collections import timeit import random import numpy as np import torch from torchvision import utils as vutils from envs.registration import make as gym_make from .make_agent import make_agent from .filewriter import FileWriter from envs.wrappers import ParallelAdversarialVecEnv, VecMonitor, VecNormalize, \ VecPreprocessImageWrapper, VecFrameStack, MultiGridFullyObsWrapper, CarRacingWrapper, TimeLimit class DotDict(dict): __getattr__ = dict.__getitem__ __setattr__ = dict.__setitem__ __delattr__ = dict.__delitem__ def __init__(self, dct): for key, value in dct.items(): if hasattr(value, 'keys'): value = DotDict(value) self[key] = value def __getstate__(self): return self def __setstate__(self, state): self.update(state) self.__dict__ = self def array_to_csv(a): return ','.join([str(v) for v in a]) def cprint(condition, *args, **kwargs): if condition: print(*args, **kwargs) def init(module, weight_init, bias_init, gain=1): weight_init(module.weight.data, gain=gain) bias_init(module.bias.data) return module def safe_checkpoint(state_dict, path, index=None, archive_interval=None): filename, ext = os.path.splitext(path) path_tmp = f'{filename}_tmp{ext}' torch.save(state_dict, path_tmp) os.replace(path_tmp, path) if index is not None and archive_interval is not None and archive_interval > 0: if index % archive_interval == 0: archive_path = f'{filename}_{index}{ext}' shutil.copy(path, archive_path) def cleanup_log_dir(log_dir, pattern='*'): try: os.makedirs(log_dir) except OSError: files = glob.glob(os.path.join(log_dir, pattern)) for f in files: os.remove(f) def seed(seed): random.seed(seed) np.random.seed(seed) torch.manual_seed(seed) if torch.cuda.is_available(): torch.cuda.manual_seed_all(seed) def str2bool(v): if isinstance(v, bool): return v if v.lower() in ('yes', 'true', 't', 'y', '1'): return True elif v.lower() in ('no', 'false', 'f', 'n', '0'): return False else: raise argparse.ArgumentTypeError('Boolean value expected.') def save_images(images, path=None, normalize=False, channels_first=False): if path is None: return if isinstance(images, (list, tuple)): images = torch.tensor(np.stack(images), dtype=torch.float) elif isinstance(images, np.ndarray): images = torch.tensor(images, dtype=torch.float) if normalize: images = images/255 if not channels_first: if len(images.shape) == 4: images = images.permute(0,3,1,2) else: images = images.permute(2,0,1) grid = vutils.make_grid(images) vutils.save_image(grid, path) def get_obs_at_index(obs, i): if isinstance(obs, dict): return {k: obs[k][i] for k in obs.keys()} else: return obs[i] def set_obs_at_index(obs, obs_, i): if isinstance(obs, dict): for k in obs.keys(): obs[k][i] = obs_[k].squeeze(0) else: obs[i] = obs_[0].squeeze(0) def is_discrete_actions(env, adversary=False): if adversary: return env.adversary_action_space.__class__.__name__ == 'Discrete' else: return env.action_space.__class__.__name__ == 'Discrete' def _make_env(args): env_kwargs = {'seed': args.seed} if args.singleton_env: env_kwargs.update({ 'fixed_environment': True}) if args.env_name.startswith('CarRacing'): env_kwargs.update({ 'n_control_points': args.num_control_points, 'min_rad_ratio': args.min_rad_ratio, 'max_rad_ratio': args.max_rad_ratio, 'use_categorical': args.use_categorical_adv, 'use_sketch': args.use_sketch, 'clip_reward': args.clip_reward, 'sparse_rewards': args.sparse_rewards, 'num_goal_bins': args.num_goal_bins, }) if args.env_name.startswith('CarRacing'): # Hack: This TimeLimit sandwich allows truncated obs to be passed # up the hierarchy with all necessary preprocessing. env = gym_make(args.env_name, **env_kwargs) max_episode_steps = env._max_episode_steps reward_shaping = args.reward_shaping and not args.sparse_rewards assert max_episode_steps % args.num_action_repeat == 0 return TimeLimit(CarRacingWrapper(env, grayscale=args.grayscale, reward_shaping=reward_shaping, num_action_repeat=args.num_action_repeat, nstack=args.frame_stack, crop=args.crop_frame), max_episode_steps=max_episode_steps//args.num_action_repeat) elif args.env_name.startswith('MultiGrid'): env = gym_make(args.env_name, **env_kwargs) if args.use_global_critic or args.use_global_policy: max_episode_steps = env._max_episode_steps env = TimeLimit(MultiGridFullyObsWrapper(env), max_episode_steps=max_episode_steps) return env else: return gym_make(args.env_name, **env_kwargs) def create_parallel_env(args, adversary=True): is_multigrid = args.env_name.startswith('MultiGrid') is_car_racing = args.env_name.startswith('CarRacing') is_bipedalwalker = args.env_name.startswith('BipedalWalker') make_fn = lambda: _make_env(args) venv = ParallelAdversarialVecEnv([make_fn]*args.num_processes, adversary=adversary) venv = VecMonitor(venv=venv, filename=None, keep_buf=100) venv = VecNormalize(venv=venv, ob=False, ret=args.normalize_returns) obs_key = None scale = None transpose_order = [2,0,1] # Channels first if is_multigrid: obs_key = 'image' scale = 10.0 if is_car_racing: ued_venv = VecPreprocessImageWrapper(venv=venv) # move to tensor if is_bipedalwalker: transpose_order = None venv = VecPreprocessImageWrapper(venv=venv, obs_key=obs_key, transpose_order=transpose_order, scale=scale) if is_multigrid or is_bipedalwalker: ued_venv = venv if args.singleton_env: seeds = [args.seed]*args.num_processes else: seeds = [i for i in range(args.num_processes)] venv.set_seed(seeds) return venv, ued_venv def is_dense_reward_env(env_name): if env_name.startswith('CarRacing'): return True else: return False def make_plr_args(args, obs_space, action_space): return dict( seeds=[], obs_space=obs_space, action_space=action_space, num_actors=args.num_processes, strategy=args.level_replay_strategy, replay_schedule=args.level_replay_schedule, score_transform=args.level_replay_score_transform, temperature=args.level_replay_temperature, eps=args.level_replay_eps, rho=args.level_replay_rho, replay_prob=args.level_replay_prob, alpha=args.level_replay_alpha, staleness_coef=args.staleness_coef, staleness_transform=args.staleness_transform, staleness_temperature=args.staleness_temperature, sample_full_distribution=args.train_full_distribution, seed_buffer_size=args.level_replay_seed_buffer_size, seed_buffer_priority=args.level_replay_seed_buffer_priority, use_dense_rewards=is_dense_reward_env(args.env_name), gamma=args.gamma )
dcd-main
util/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # # 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 copy import csv import datetime import json import logging import os import time from typing import Dict import numpy as np def gather_metadata() -> Dict: date_start = datetime.datetime.now().strftime("%Y-%m-%d %H:%M:%S.%f") # Gathering git metadata. try: import git try: repo = git.Repo(search_parent_directories=True) git_sha = repo.commit().hexsha git_data = dict( commit=git_sha, branch=None if repo.head.is_detached else repo.active_branch.name, is_dirty=repo.is_dirty(), path=repo.git_dir, ) except git.InvalidGitRepositoryError: git_data = None except ImportError: git_data = None # Gathering slurm metadata. if "SLURM_JOB_ID" in os.environ: slurm_env_keys = [k for k in os.environ if k.startswith("SLURM")] slurm_data = {} for k in slurm_env_keys: d_key = k.replace("SLURM_", "").replace("SLURMD_", "").lower() slurm_data[d_key] = os.environ[k] else: slurm_data = None return dict( date_start=date_start, date_end=None, successful=False, git=git_data, slurm=slurm_data, env=os.environ.copy(), ) class FileWriter: def __init__( self, xpid: str = None, xp_args: dict = None, rootdir: str = "~/logs", symlink_to_latest: bool = True, seeds=None, ): if not xpid: # Make unique id. xpid = "{proc}_{unixtime}".format( proc=os.getpid(), unixtime=int(time.time()) ) self.xpid = xpid self._tick = 0 # Metadata gathering. if xp_args is None: xp_args = {} self.metadata = gather_metadata() # We need to copy the args, otherwise when we close the file writer # (and rewrite the args) we might have non-serializable objects (or # other unwanted side-effects). self.metadata["args"] = copy.deepcopy(xp_args) self.metadata["xpid"] = self.xpid formatter = logging.Formatter("%(message)s") self._logger = logging.getLogger("logs/out") train_full_distribution = xp_args.get('train_full_distribution', False) seed_buffer_size = xp_args.get('level_replay_seed_buffer_size', 0) self.record_seed_diffs = \ train_full_distribution and seed_buffer_size > 0 self.seeds = None if not self.record_seed_diffs and seeds: self.seeds = [str(seed) for seed in seeds] # To stdout handler. shandle = logging.StreamHandler() shandle.setFormatter(formatter) self._logger.addHandler(shandle) self._logger.setLevel(logging.INFO) rootdir = os.path.expandvars(os.path.expanduser(rootdir)) # To file handler. self.basepath = os.path.join(rootdir, self.xpid) if not os.path.exists(self.basepath): self._logger.info("Creating log directory: %s", self.basepath) os.makedirs(self.basepath, exist_ok=True) else: self._logger.info("Found log directory: %s", self.basepath) if symlink_to_latest: # Add 'latest' as symlink unless it exists and is no symlink. symlink = os.path.join(rootdir, "latest") try: if os.path.islink(symlink): os.remove(symlink) if not os.path.exists(symlink): os.symlink(self.basepath, symlink) self._logger.info("Symlinked log directory: %s", symlink) except OSError: # os.remove() or os.symlink() raced. Don't do anything. pass self.paths = dict( msg="{base}/out.log".format(base=self.basepath), logs="{base}/logs.csv".format(base=self.basepath), fields="{base}/fields.csv".format(base=self.basepath), meta="{base}/meta.json".format(base=self.basepath), level_weights="{base}/level_weights.csv".format(base=self.basepath), level_seeds="{base}/level_seeds.csv".format(base=self.basepath), final_test_eval="{base}/final_test_eval.csv".format(base=self.basepath) ) self._logger.info("Saving arguments to %s", self.paths["meta"]) if os.path.exists(self.paths["meta"]): self._logger.warning( "Path to meta file already exists. " "Not overriding meta." ) else: self._save_metadata() self._logger.info("Saving messages to %s", self.paths["msg"]) if os.path.exists(self.paths["msg"]): self._logger.warning( "Path to message file already exists. " "New data will be appended." ) fhandle = logging.FileHandler(self.paths["msg"]) fhandle.setFormatter(formatter) self._logger.addHandler(fhandle) self._logger.info("Saving logs data to %s", self.paths["logs"]) self._logger.info("Saving logs' fields to %s", self.paths["fields"]) self.fieldnames = ["_tick", "_time"] self.final_test_eval_fieldnames = ['num_test_seeds', 'mean_episode_return', 'median_episode_return'] self.level_seeds_fieldnames = ['new_seeds', 'new_seed_indices'] if os.path.exists(self.paths["logs"]): self._logger.warning( "Path to log file already exists. " "New data will be appended." ) # Override default fieldnames. with open(self.paths["fields"], "r") as csvfile: reader = csv.reader(csvfile) lines = list(reader) if len(lines) > 0: self.fieldnames = lines[-1] # Override default tick: use the last tick from the logs file plus 1. with open(self.paths["logs"], "r") as csvfile: reader = csv.reader(csvfile) lines = list(reader) # Need at least two lines in order to read the last tick: # the first is the csv header and the second is the first line # of data. if len(lines) > 1: self._tick = int(lines[-1][0]) + 1 self._fieldfile = open(self.paths["fields"], "a") self._fieldwriter = csv.writer(self._fieldfile) self._logfile = open(self.paths["logs"], "a") self._logwriter = csv.DictWriter(self._logfile, fieldnames=self.fieldnames) self._levelweightsfile = open(self.paths["level_weights"], "a") self._levelweightswriter = csv.writer(self._levelweightsfile) self._levelseedsfile = open(self.paths["level_seeds"], "a") self._levelseedswriter = csv.DictWriter(self._levelseedsfile, fieldnames=self.level_seeds_fieldnames) self._finaltestfile = open(self.paths["final_test_eval"], "a") self._finaltestwriter = csv.DictWriter(self._finaltestfile, fieldnames=self.final_test_eval_fieldnames) if self.seeds and not self.record_seed_diffs: self._levelweightsfile.write("# %s\n" % ",".join(self.seeds)) self._levelweightsfile.flush() self._finaltestwriter.writeheader() self._finaltestfile.flush() def log(self, to_log: Dict, tick: int = None, verbose: bool = False) -> None: if tick is not None: raise NotImplementedError else: to_log["_tick"] = self._tick self._tick += 1 to_log["_time"] = time.time() old_len = len(self.fieldnames) for k in to_log: if k not in self.fieldnames: self.fieldnames.append(k) if old_len != len(self.fieldnames): self._fieldwriter.writerow(self.fieldnames) self._logger.info("Updated log fields: %s", self.fieldnames) if to_log["_tick"] == 0: self._logfile.write("# %s\n" % ",".join(self.fieldnames)) if verbose: self._logger.info( "LOG | %s", ", ".join(["{}: {}".format(k, to_log[k]) for k in sorted(to_log)]), ) self._logwriter.writerow(to_log) self._logfile.flush() def log_level_weights(self, weights, seeds=None): if self.record_seed_diffs: if self.seeds is None: self.seeds = seeds.copy() level_seed_log = { 'new_seeds': " ".join([str(s) for s in self.seeds]), 'new_seed_indices': " ".join([str(i) for i in range(len(self.seeds))]), } else: new_seed_indices = np.nonzero(self.seeds - seeds)[0] new_seeds = seeds[new_seed_indices] self.seeds = seeds.copy() level_seed_log = { 'new_seeds': " ".join([str(s) for s in new_seeds]), 'new_seed_indices': " ".join([str(i) for i in new_seed_indices]), } self._levelseedswriter.writerow(level_seed_log) self._levelseedsfile.flush() self._levelweightswriter.writerow(weights) self._levelweightsfile.flush() def log_final_test_eval(self, to_log): self._finaltestwriter.writerow(to_log) self._finaltestfile.flush() def close(self, successful: bool = True) -> None: self.metadata["date_end"] = datetime.datetime.now().strftime( "%Y-%m-%d %H:%M:%S.%f" ) self.metadata["successful"] = successful self._save_metadata() for f in [self._logfile, self._fieldfile]: f.close() def _save_metadata(self) -> None: with open(self.paths["meta"], "w") as jsonfile: json.dump(self.metadata, jsonfile, indent=4, sort_keys=True) def latest_tick(self): with open(self.paths["logs"], "r") as logsfile: csvreader = csv.reader(logsfile) for row in csvreader: pass if row: return int(row[0]) else: return 0
dcd-main
util/filewriter.py
# Copyright (c) 2017 Debajyoti Nandi # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is taken from # https://github.com/deehzee/unionfind/blob/master/unionfind.py """ A union-find disjoint set data structure. """ # Third-party libraries import numpy as np class UnionFind(object): """Union-find disjoint sets datastructure. Union-find is a data structure that maintains disjoint set (called connected components or components in short) membership, and makes it easier to merge (union) two components, and to find if two elements are connected (i.e., belong to the same component). This implements the "weighted-quick-union-with-path-compression" union-find algorithm. Only works if elements are immutable objects. Worst case for union and find: :math:`(N + M \log^* N)`, with :math:`N` elements and :math:`M` unions. The function :math:`\log^*` is the number of times needed to take :math:`\log` of a number until reaching 1. In practice, the amortized cost of each operation is nearly linear [1]_. Terms ----- Component Elements belonging to the same disjoint set Connected Two elements are connected if they belong to the same component. Union The operation where two components are merged into one. Root An internal representative of a disjoint set. Find The operation to find the root of a disjoint set. Parameters ---------- elements : NoneType or container, optional, default: None The initial list of elements. Attributes ---------- n_elts : int Number of elements. n_comps : int Number of distjoint sets or components. Implements ---------- __len__ Calling ``len(uf)`` (where ``uf`` is an instance of ``UnionFind``) returns the number of elements. __contains__ For ``uf`` an instance of ``UnionFind`` and ``x`` an immutable object, ``x in uf`` returns ``True`` if ``x`` is an element in ``uf``. __getitem__ For ``uf`` an instance of ``UnionFind`` and ``i`` an integer, ``res = uf[i]`` returns the element stored in the ``i``-th index. If ``i`` is not a valid index an ``IndexError`` is raised. __setitem__ For ``uf`` and instance of ``UnionFind``, ``i`` an integer and ``x`` an immutable object, ``uf[i] = x`` changes the element stored at the ``i``-th index. If ``i`` is not a valid index an ``IndexError`` is raised. .. [1] http://algs4.cs.princeton.edu/lectures/ """ def __init__(self, elements=None): self.n_elts = 0 # current num of elements self.n_comps = 0 # the number of disjoint sets or components self._next = 0 # next available id self._elts = [] # the elements self._indx = {} # dict mapping elt -> index in _elts self._par = [] # parent: for the internal tree structure self._siz = [] # size of the component - correct only for roots if elements is None: elements = [] for elt in elements: self.add(elt) def __repr__(self): return ( '<UnionFind:\n\telts={},\n\tsiz={},\n\tpar={},\nn_elts={},n_comps={}>' .format( self._elts, self._siz, self._par, self.n_elts, self.n_comps, )) def __len__(self): return self.n_elts def __contains__(self, x): return x in self._indx def __getitem__(self, index): if index < 0 or index >= self._next: raise IndexError('index {} is out of bound'.format(index)) return self._elts[index] def __setitem__(self, index, x): if index < 0 or index >= self._next: raise IndexError('index {} is out of bound'.format(index)) self._elts[index] = x def add(self, x): """Add a single disjoint element. Parameters ---------- x : immutable object Returns ------- None """ if x in self: return self._elts.append(x) self._indx[x] = self._next self._par.append(self._next) self._siz.append(1) self._next += 1 self.n_elts += 1 self.n_comps += 1 def find(self, x): """Find the root of the disjoint set containing the given element. Parameters ---------- x : immutable object Returns ------- int The (index of the) root. Raises ------ ValueError If the given element is not found. """ if x not in self._indx: raise ValueError('{} is not an element'.format(x)) p = self._indx[x] while p != self._par[p]: # path compression q = self._par[p] self._par[p] = self._par[q] p = q return p def connected(self, x, y): """Return whether the two given elements belong to the same component. Parameters ---------- x : immutable object y : immutable object Returns ------- bool True if x and y are connected, false otherwise. """ return self.find(x) == self.find(y) def union(self, x, y): """Merge the components of the two given elements into one. Parameters ---------- x : immutable object y : immutable object Returns ------- None """ # Initialize if they are not already in the collection for elt in [x, y]: if elt not in self: self.add(elt) xroot = self.find(x) yroot = self.find(y) if xroot == yroot: return if self._siz[xroot] < self._siz[yroot]: self._par[xroot] = yroot self._siz[yroot] += self._siz[xroot] else: self._par[yroot] = xroot self._siz[xroot] += self._siz[yroot] self.n_comps -= 1 def component(self, x): """Find the connected component containing the given element. Parameters ---------- x : immutable object Returns ------- set Raises ------ ValueError If the given element is not found. """ if x not in self: raise ValueError('{} is not an element'.format(x)) elts = np.array(self._elts) vfind = np.vectorize(self.find) roots = vfind(elts) return set(elts[roots == self.find(x)]) def components(self): """Return the list of connected components. Returns ------- list A list of sets. """ elts = np.array(self._elts) vfind = np.vectorize(self.find) roots = vfind(elts) distinct_roots = set(roots) return [set(elts[roots == root]) for root in distinct_roots] # comps = [] # for root in distinct_roots: # mask = (roots == root) # comp = set(elts[mask]) # comps.append(comp) # return comps def component_mapping(self): """Return a dict mapping elements to their components. The returned dict has the following semantics: `elt -> component containing elt` If x, y belong to the same component, the comp(x) and comp(y) are the same objects (i.e., share the same reference). Changing comp(x) will reflect in comp(y). This is done to reduce memory. But this behaviour should not be relied on. There may be inconsitency arising from such assumptions or lack thereof. If you want to do any operation on these sets, use caution. For example, instead of :: s = uf.component_mapping()[item] s.add(stuff) # This will have side effect in other sets do :: s = set(uf.component_mapping()[item]) # or s = uf.component_mapping()[item].copy() s.add(stuff) or :: s = uf.component_mapping()[item] s = s | {stuff} # Now s is different Returns ------- dict A dict with the semantics: `elt -> component contianing elt`. """ elts = np.array(self._elts) vfind = np.vectorize(self.find) roots = vfind(elts) distinct_roots = set(roots) comps = {} for root in distinct_roots: mask = (roots == root) comp = set(elts[mask]) comps.update({x: comp for x in comp}) # Change ^this^, if you want a different behaviour: # If you don't want to share the same set to different keys: # comps.update({x: set(comp) for x in comp}) return comps
dcd-main
util/unionfind.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .level_sampler import LevelSampler from .level_store import LevelStore
dcd-main
level_replay/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from collections import namedtuple, defaultdict, deque import numpy as np import torch INT32_MAX = 2147483647 class LevelStore(object): """ Manages a mapping between level index --> level, where the level may be represented by any arbitrary data structure. Typically, we can represent any given level as a string. """ def __init__(self, max_size=None, data_info={}): self.max_size = max_size self.seed2level = defaultdict() self.level2seed = defaultdict() self.seed2parent = defaultdict() self.next_seed = 1 self.levels = set() self.data_info = data_info def __len__(self): return len(self.levels) def _insert(self, level, parent_seed=None): if level is None: return None if level not in self.levels: # FIFO if max size constraint if self.max_size is not None: while len(self.levels) >= self.max_size: first_idx = list(self.seed2level)[0] self._remove(first_idx) seed = self.next_seed self.seed2level[seed] = level if parent_seed is not None: self.seed2parent[seed] = \ self.seed2parent[parent_seed] + [self.seed2level[parent_seed]] else: self.seed2parent[seed] = [] self.level2seed[level] = seed self.levels.add(level) self.next_seed += 1 return seed else: return self.level2seed[level] def insert(self, level, parent_seeds=None): if hasattr(level, '__iter__'): idx = [] for i, l in enumerate(level): ps = None if parent_seeds is not None: ps = parent_seeds[i] idx.append(self._insert(l, ps)) return idx else: return self._insert(level) def _remove(self, level_seed): if level_seed is None or level_seed < 0: return level = self.seed2level[level_seed] self.levels.remove(level) del self.seed2level[level_seed] del self.level2seed[level] del self.seed2parent[level_seed] def remove(self, level_seed): if hasattr(level_seed, '__iter__'): for i in level_seed: self._remove(i) else: self._remove(level_seed) def reconcile_seeds(self, level_seeds): old_seeds = set(self.seed2level) new_seeds = set(level_seeds) # Don't update if empty seeds if len(new_seeds) == 1 and -1 in new_seeds: return ejected_seeds = old_seeds - new_seeds for seed in ejected_seeds: self._remove(seed) def get_level(self, level_seed): level = self.seed2level[level_seed] if self.data_info: if self.data_info.get('numpy', False): dtype = self.data_info['dtype'] shape = self.data_info['shape'] level = np.frombuffer(level, dtype=dtype).reshape(*shape) return level
dcd-main
level_replay/level_store.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from collections import namedtuple, defaultdict, deque import queue import numpy as np import torch INT32_MAX = 2147483647 np.seterr(all='raise') class LevelSampler(): def __init__( self, seeds, obs_space, action_space, num_actors=1, strategy='random', max_score_coef=0.0, replay_schedule='fixed', score_transform='power', temperature=1.0, eps=0.05, rho=1.0, replay_prob=0.95, alpha=1.0, staleness_coef=0, staleness_transform='power', staleness_temperature=1.0, sample_full_distribution=False, seed_buffer_size=0, seed_buffer_priority='replay_support', use_dense_rewards=False, tscl_window_size=0, gamma=0.999): """ Inputs: seeds: List, Seeds that can be sampled. rho: float, Minimum probability of sampling a replay level. Note math.round(rho * len(seeds)) will first be sampled before sampling replay levels. alpha: Smoothing factor for updating scores using an exponential weighted average. obs_space: Gym env observation space. action_space: Gym env action space. strategy: Sampling strategy (random, sequential, policy entropy). """ self.obs_space = obs_space self.action_space = action_space self.num_actors = num_actors self.strategy = strategy self.max_score_coef = max_score_coef self.replay_schedule = replay_schedule self.score_transform = score_transform self.temperature = temperature self.eps = eps self.rho = rho self.replay_prob = replay_prob # replay prob self.alpha = alpha self.staleness_coef = staleness_coef self.staleness_transform = staleness_transform self.staleness_temperature = staleness_temperature self.gamma = gamma self.use_dense_rewards = use_dense_rewards # Track seeds and scores as in np arrays backed by shared memory self.seed_buffer_size = seed_buffer_size if not seeds else len(seeds) N = self.seed_buffer_size self._init_seed_index(seeds) self.unseen_seed_weights = np.array([1.]*N) self.seed_scores = np.array([0.]*N, dtype=np.float) self.partial_seed_scores = np.zeros((num_actors, N), dtype=np.float) self.partial_seed_max_scores = np.ones((num_actors, N), dtype=np.float)*float('-inf') self.partial_seed_steps = np.zeros((num_actors, N), dtype=np.int32) self.seed_staleness = np.array([0.]*N, dtype=np.float) self.running_sample_count = 0 self.next_seed_index = 0 # Only used for sequential strategy self.track_solvable = False # Handle grounded value losses self.grounded_values = None if self.strategy.startswith('grounded'): self.grounded_values = np.array([np.NINF]*N, dtype=np.float) # Only used for infinite seed setting self.sample_full_distribution = sample_full_distribution if self.sample_full_distribution: self.seed2actor = defaultdict(set) self.working_seed_buffer_size = 0 self.seed_buffer_priority = seed_buffer_priority self.staging_seed_set = set() self.working_seed_set = set() self.seed2timestamp_buffer = {} # Buffer seeds are unique across actors self.partial_seed_scores_buffer = [{} for _ in range(num_actors)] self.partial_seed_max_scores_buffer = [{} for _ in range(num_actors)] self.partial_seed_steps_buffer = [{} for _ in range(num_actors)] # TSCL specific data structures if self.strategy.startswith('tscl'): self.tscl_window_size = tscl_window_size self.tscl_return_window = [deque(maxlen=self.tscl_window_size) for _ in range(N)] self.tscl_episode_window = [deque(maxlen=self.tscl_window_size) for _ in range(N)] self.unseen_seed_weights = np.zeros(N) # Force uniform distribution over seeds def seed_range(self): if not self.sample_full_distribution: return (int(min(self.seeds)), int(max(self.seeds))) else: return (0, INT32_MAX) def _init_seed_index(self, seeds): if seeds: self.seeds = np.array(seeds, dtype=np.int64) self.seed2index = {seed: i for i, seed in enumerate(seeds)} else: self.seeds = np.zeros(self.seed_buffer_size, dtype=np.int64) - 1 self.seed2index = {} def _init_solvable_tracking(self): """ Prepare data structures for tracking seed solvability. Currently only used with externally observed seeds. """ self.track_solvable = True self.staging_seed2solvable = {} self.seed_solvable = np.ones(self.seed_buffer_size, dtype=np.bool) @property def _proportion_filled(self): if self.sample_full_distribution: return self.working_seed_buffer_size/self.seed_buffer_size else: num_unseen = (self.unseen_seed_weights > 0).sum() proportion_seen = (len(self.seeds) - num_unseen)/len(self.seeds) return proportion_seen def update_with_rollouts(self, rollouts): if self.strategy in ['random', 'off']: return # Update with a RolloutStorage object if self.strategy == 'uniform': score_function = self._uniform elif self.strategy == 'policy_entropy': score_function = self._average_entropy elif self.strategy == 'least_confidence': score_function = self._average_least_confidence elif self.strategy == 'min_margin': score_function = self._average_min_margin elif self.strategy == 'gae': score_function = self._average_gae elif self.strategy == 'value_l1': score_function = self._average_value_l1 elif self.strategy == 'signed_value_loss': score_function = self._average_signed_value_loss elif self.strategy == 'positive_value_loss': score_function = self._average_positive_value_loss elif self.strategy == 'grounded_signed_value_loss': score_function = self._average_grounded_signed_value_loss elif self.strategy == 'grounded_positive_value_loss': score_function = self._average_grounded_positive_value_loss elif self.strategy == 'one_step_td_error': score_function = self._one_step_td_error elif self.strategy == 'alt_advantage_abs': score_function = self._average_alt_advantage_abs elif self.strategy == 'tscl_window': score_function = self._tscl_window else: raise ValueError(f'Unsupported strategy, {self.strategy}') self._update_with_rollouts(rollouts, score_function) def update_seed_score(self, actor_index, seed, score, max_score, num_steps): if self.sample_full_distribution and seed in self.staging_seed_set: score, seed_idx = self._partial_update_seed_score_buffer(actor_index, seed, score, num_steps, done=True) else: score, seed_idx = self._partial_update_seed_score(actor_index, seed, score, max_score, num_steps, done=True) return score, seed_idx def _partial_update_seed_score(self, actor_index, seed, score, max_score, num_steps, done=False): seed_idx = self.seed2index.get(seed, -1) if seed_idx < 0: return 0, None partial_score = self.partial_seed_scores[actor_index][seed_idx] partial_max_score = self.partial_seed_max_scores[actor_index][seed_idx] partial_num_steps = self.partial_seed_steps[actor_index][seed_idx] running_num_steps = partial_num_steps + num_steps merged_score = partial_score + (score - partial_score)*num_steps/float(running_num_steps) merged_max_score = max(partial_max_score, max_score) if done: self.partial_seed_scores[actor_index][seed_idx] = 0. # zero partial score, partial num_steps self.partial_seed_max_scores[actor_index][seed_idx] = float('-inf') self.partial_seed_steps[actor_index][seed_idx] = 0 self.unseen_seed_weights[seed_idx] = 0. # No longer unseen old_score = self.seed_scores[seed_idx] total_score = self.max_score_coef*merged_max_score + (1 - self.max_score_coef)*merged_score self.seed_scores[seed_idx] = (1 - self.alpha)*old_score + self.alpha*total_score else: self.partial_seed_scores[actor_index][seed_idx] = merged_score self.partial_seed_max_scores[actor_index][seed_idx] = merged_max_score self.partial_seed_steps[actor_index][seed_idx] = running_num_steps return merged_score, seed_idx @property def _next_buffer_index(self): if self._proportion_filled < 1.0: return self.working_seed_buffer_size else: if self.seed_buffer_priority == 'replay_support': return self.sample_weights().argmin() else: return self.seed_scores.argmin() def _partial_update_seed_score_buffer(self, actor_index, seed, score, num_steps, done=False): seed_idx = -1 self.seed2actor[seed].add(actor_index) partial_score = self.partial_seed_scores_buffer[actor_index].get(seed, 0) partial_num_steps = self.partial_seed_steps_buffer[actor_index].get(seed, 0) running_num_steps = partial_num_steps + num_steps merged_score = partial_score + (score - partial_score)*num_steps/float(running_num_steps) if done: # Move seed into working seed data structures seed_idx = self._next_buffer_index if self.seed_scores[seed_idx] <= merged_score or self.unseen_seed_weights[seed_idx] > 0: self.unseen_seed_weights[seed_idx] = 0. # Unmask this index self.working_seed_set.discard(self.seeds[seed_idx]) self.working_seed_set.add(seed) self.seeds[seed_idx] = seed self.seed2index[seed] = seed_idx self.seed_scores[seed_idx] = merged_score self.partial_seed_scores[:,seed_idx] = 0. self.partial_seed_steps[:,seed_idx] = 0 self.seed_staleness[seed_idx] = self.running_sample_count - self.seed2timestamp_buffer[seed] self.working_seed_buffer_size = min(self.working_seed_buffer_size + 1, self.seed_buffer_size) if self.track_solvable: self.seed_solvable[seed_idx] = self.staging_seed2solvable.get(seed, True) else: seed_idx = None # Zero partial score, partial num_steps, remove seed from staging data structures for a in self.seed2actor[seed]: self.partial_seed_scores_buffer[a].pop(seed, None) self.partial_seed_steps_buffer[a].pop(seed, None) del self.seed2timestamp_buffer[seed] del self.seed2actor[seed] self.staging_seed_set.remove(seed) if self.track_solvable: del self.staging_seed2solvable[seed] else: self.partial_seed_scores_buffer[actor_index][seed] = merged_score self.partial_seed_steps_buffer[actor_index][seed] = running_num_steps return merged_score, seed_idx def _uniform(self, **kwargs): return 1.0,1.0 def _average_entropy(self, **kwargs): episode_logits = kwargs['episode_logits'] num_actions = self.action_space.n max_entropy = -(1./num_actions)*np.log(1./num_actions)*num_actions scores = -torch.exp(episode_logits)*episode_logits.sum(-1)/max_entropy mean_score = scores.mean().item() max_score = scores.max().item() return mean_score, max_score def _average_least_confidence(self, **kwargs): episode_logits = kwargs['episode_logits'] scores = 1 - torch.exp(episode_logits.max(-1, keepdim=True)[0]) mean_score = scores.mean().item() max_score = scores.max().item() return mean_score, max_score def _average_min_margin(self, **kwargs): episode_logits = kwargs['episode_logits'] top2_confidence = torch.exp(episode_logits.topk(2, dim=-1)[0]) scores = top2_confidence[:,0] - top2_confidence[:,1] mean_score = 1 - scores.mean().item() max_score = 1 - scores.min().item() return mean_score, max_score def _average_gae(self, **kwargs): returns = kwargs['returns'] value_preds = kwargs['value_preds'] advantages = returns - value_preds mean_score = advantages.mean().item() max_score = advantages.max().item() return mean_score, max_score def _average_value_l1(self, **kwargs): returns = kwargs['returns'] value_preds = kwargs['value_preds'] abs_advantages = (returns - value_preds).abs() mean_score = abs_advantages.mean().item() max_score = abs_advantages.max().item() return mean_score, max_score def _average_signed_value_loss(self, **kwargs): returns = kwargs['returns'] value_preds = kwargs['value_preds'] advantages = returns - value_preds mean_score = advantages.mean().item() max_score = advantages.max().item() return mean_score, max_score def _average_positive_value_loss(self, **kwargs): returns = kwargs['returns'] value_preds = kwargs['value_preds'] clipped_advantages = (returns - value_preds).clamp(0) mean_score = clipped_advantages.mean().item() max_score = clipped_advantages.max().item() return mean_score, max_score def _average_grounded_signed_value_loss(self, **kwargs): """ Currently assumes sparse reward s.t. reward is 0 everywhere except final step """ seed = kwargs['seed'] seed_idx = self.seed2index.get(seed, None) actor_idx= kwargs['actor_index'] done = kwargs['done'] value_preds = kwargs['value_preds'] episode_logits = kwargs['episode_logits'] partial_steps = 0 if self.sample_full_distribution and seed in self.partial_seed_steps_buffer[actor_idx]: partial_steps = self.partial_seed_steps_buffer[actor_idx][seed] elif seed_idx is not None: partial_steps = self.partial_seed_steps[actor_idx][seed_idx] else: partial_steps = 0 new_steps = len(episode_logits) total_steps = partial_steps + new_steps grounded_value = kwargs.get('grounded_value', None) if done and grounded_value is not None: if self.use_dense_rewards: advantages = grounded_value - value_preds[0] else: advantages = grounded_value - value_preds mean_score = (total_steps/new_steps)*advantages.mean().item() max_score = advantages.max().item() else: mean_score, max_score = 0,0 return mean_score, max_score def _average_grounded_positive_value_loss(self, **kwargs): """ Currently assumes sparse reward s.t. reward is 0 everywhere except final step """ seed = kwargs['seed'] seed_idx = self.seed2index.get(seed, None) actor_idx= kwargs['actor_index'] done = kwargs['done'] value_preds = kwargs['value_preds'] episode_logits = kwargs['episode_logits'] partial_steps = 0 if self.sample_full_distribution and seed in self.partial_seed_steps_buffer[actor_idx]: partial_steps = self.partial_seed_steps_buffer[actor_idx][seed] elif seed_idx is not None: partial_steps = self.partial_seed_steps[actor_idx][seed_idx] else: partial_steps = 0 new_steps = len(episode_logits) total_steps = partial_steps + new_steps grounded_value = kwargs.get('grounded_value', None) if done and grounded_value is not None: if self.use_dense_rewards: advantages = grounded_value - value_preds[0] else: advantages = grounded_value - value_preds advantages = advantages.clamp(0) mean_score = (total_steps/new_steps)*advantages.mean().item() max_score = advantages.max().item() else: mean_score, max_score = 0,0 return mean_score, max_score def _one_step_td_error(self, **kwargs): rewards = kwargs['rewards'] value_preds = kwargs['value_preds'] max_t = len(rewards) if max_t > 1: td_errors = (rewards[:-1] + self.gamma*value_preds[1:max_t] - value_preds[:max_t-1]).abs() else: td_errors = rewards[0] - value_preds[0] mean_score = td_errors.mean().item() max_score = td_errors.max().item() return mean_score, max_score def _average_alt_advantage_abs(self, **kwargs): returns = kwargs['alt_returns'] value_preds = kwargs['value_preds'] abs_advantages = (returns - value_preds).abs() mean_score = abs_advantages.mean().item() max_score = abs_advantages.max().item() return mean_score, max_score def _tscl_window(self, **kwargs): rewards = kwargs['rewards'] seed = kwargs['seed'] seed_idx = self.seed2index.get(seed, -1) assert(seed_idx >= 0) # add rewards to the seed window episode_total_reward = rewards.sum().item() self.tscl_return_window[seed_idx].append(episode_total_reward) self.tscl_episode_window[seed_idx].append(self.running_sample_count) # compute linear regression coeficient in the window x = self.tscl_episode_window[seed] y = self.tscl_return_window[seed] A = np.vstack([x, np.ones(len(x))]).T c,_ = np.linalg.lstsq(A, y, rcond=None)[0] c = abs(c) return c, c @property def requires_value_buffers(self): return self.strategy in [ 'gae', 'value_l1', 'signed_value_loss', 'positive_value_loss', 'grounded_signed_value_loss', 'grounded_positive_value_loss', 'one_step_td_error', 'alt_advantage_abs', 'tscl_window'] @property def _has_working_seed_buffer(self): return not self.sample_full_distribution or (self.sample_full_distribution and self.seed_buffer_size > 0) def _update_with_rollouts(self, rollouts, score_function): if not self._has_working_seed_buffer: return level_seeds = rollouts.level_seeds policy_logits = rollouts.action_log_dist total_steps, num_actors = policy_logits.shape[:2] done = ~(rollouts.masks > 0) # early_done = ~(rollouts.bad_masks > 0) cliffhanger = ~(rollouts.cliffhanger_masks > 0) for actor_index in range(num_actors): start_t = 0 done_steps = done[:,actor_index].nonzero()[:,0] for t in done_steps: if not start_t < total_steps: break if t == 0: # if t is 0, then this done step caused a full update of previous seed last cycle continue seed_t = level_seeds[start_t,actor_index].item() score_function_kwargs = {} score_function_kwargs['actor_index'] = actor_index score_function_kwargs['done'] = True episode_logits = policy_logits[start_t:t,actor_index] score_function_kwargs['episode_logits'] = torch.log_softmax(episode_logits, -1) score_function_kwargs['seed'] = seed_t if self.requires_value_buffers: score_function_kwargs['returns'] = rollouts.returns[start_t:t,actor_index] if self.strategy == 'alt_advantage_abs': score_function_kwargs['alt_returns'] = rollouts.alt_returns[start_t:t,actor_index] score_function_kwargs['rewards'] = rollouts.rewards[start_t:t,actor_index] if rollouts.use_popart: score_function_kwargs['value_preds'] = rollouts.denorm_value_preds[start_t:t,actor_index] else: score_function_kwargs['value_preds'] = rollouts.value_preds[start_t:t,actor_index] # Only perform score updates on non-cliffhanger episodes ending in 'done' if not cliffhanger[t,actor_index]: # Update grounded values (highest achieved return per seed) grounded_value = None if self.grounded_values is not None: seed_idx = self.seed2index.get(seed_t, None) score_function_kwargs['seed_idx'] = seed_idx grounded_value_ = rollouts.rewards[start_t:t].sum(0)[actor_index] if seed_idx is not None: grounded_value = max(self.grounded_values[seed_idx], grounded_value_) else: grounded_value = grounded_value_ # Should this be discounted? score_function_kwargs['grounded_value'] = grounded_value score, max_score = score_function(**score_function_kwargs) num_steps = len(episode_logits) _, seed_idx = self.update_seed_score(actor_index, seed_t, score, max_score, num_steps) # Track grounded value for future reference if seed_idx is not None and self.grounded_values is not None and grounded_value is not None: self.grounded_values[seed_idx] = grounded_value start_t = t.item() if start_t < total_steps: seed_t = level_seeds[start_t,actor_index].item() score_function_kwargs = {} score_function_kwargs['actor_index'] = actor_index score_function_kwargs['done'] = False episode_logits = policy_logits[start_t:,actor_index] score_function_kwargs['episode_logits'] = torch.log_softmax(episode_logits, -1) score_function_kwargs['seed'] = seed_t if self.requires_value_buffers: score_function_kwargs['returns'] = rollouts.returns[start_t:,actor_index] if self.strategy == 'alt_advantage_abs': score_function_kwargs['alt_returns'] = rollouts.alt_returns[start_t:,actor_index] score_function_kwargs['rewards'] = rollouts.rewards[start_t:,actor_index] if rollouts.use_popart: score_function_kwargs['value_preds'] = rollouts.denorm_value_preds[start_t:t,actor_index] else: score_function_kwargs['value_preds'] = rollouts.value_preds[start_t:,actor_index] score, max_score = score_function(**score_function_kwargs) num_steps = len(episode_logits) if self.sample_full_distribution and seed_t in self.staging_seed_set: self._partial_update_seed_score_buffer(actor_index, seed_t, score, num_steps) else: self._partial_update_seed_score(actor_index, seed_t, score, max_score, num_steps) def after_update(self): if not self._has_working_seed_buffer: return # Reset partial updates, since weights have changed, and thus logits are now stale for actor_index in range(self.partial_seed_scores.shape[0]): for seed_idx in range(self.partial_seed_scores.shape[1]): if self.partial_seed_scores[actor_index][seed_idx] != 0: self.update_seed_score(actor_index, self.seeds[seed_idx], 0, float('-inf'), 0) self.partial_seed_scores.fill(0) self.partial_seed_steps.fill(0) # Likewise, reset partial update buffers if self.sample_full_distribution: for actor_index in range(self.num_actors): actor_staging_seeds = list(self.partial_seed_scores_buffer[actor_index].keys()) for seed in actor_staging_seeds: if self.partial_seed_scores_buffer[actor_index][seed] > 0: self.update_seed_score(actor_index, seed, 0, float('-inf'), 0) def _update_staleness(self, selected_idx): if self.staleness_coef > 0: self.seed_staleness = self.seed_staleness + 1 self.seed_staleness[selected_idx] = 0 def sample_replay_decision(self): if self.sample_full_distribution: proportion_filled = self._proportion_filled if self.seed_buffer_size > 0: if self.replay_schedule == 'fixed': if proportion_filled >= self.rho and np.random.rand() < self.replay_prob: return True else: return False else: if proportion_filled >= self.rho and np.random.rand() < min(proportion_filled, self.replay_prob): return True else: return False else: # If seed buffer has length 0, then just sample new random seed each time return False elif self.replay_schedule == 'fixed': proportion_seen = self._proportion_filled if proportion_seen >= self.rho: # Sample replay level with fixed replay_prob OR if all levels seen if np.random.rand() < self.replay_prob or not proportion_seen < 1.0: return True # Otherwise, sample a new level return False else: # Default to proportionate schedule proportion_seen = self._proportion_filled if proportion_seen >= self.rho and np.random.rand() < proportion_seen: return True else: return False @property def is_warm(self): return self._proportion_filled >= self.rho def observe_external_unseen_sample(self, seeds, solvable=None): for i, seed in enumerate(seeds): self.running_sample_count += 1 if not (seed in self.staging_seed_set or seed in self.working_seed_set): self.seed2timestamp_buffer[seed] = self.running_sample_count self.staging_seed_set.add(seed) if solvable is not None: if not self.track_solvable: # lazy init of solvable tracking self._init_solvable_tracking() self.staging_seed2solvable[seed] = solvable[i] else: seed_idx = self.seed2index.get(seed, None) if seed_idx is not None: self._update_staleness(seed_idx) def sample_replay_level(self, update_staleness=True): return self._sample_replay_level(update_staleness=update_staleness) def _sample_replay_level(self, update_staleness=True): sample_weights = self.sample_weights() if np.isclose(np.sum(sample_weights), 0): sample_weights = np.ones_like(self.seeds, dtype=np.float)/len(self.seeds) sample_weights = sample_weights*(1-self.unseen_seed_weights) sample_weights /= np.sum(sample_weights) elif np.sum(sample_weights, 0) != 1.0: sample_weights = sample_weights/np.sum(sample_weights,0) seed_idx = np.random.choice(range(len(self.seeds)), 1, p=sample_weights)[0] seed = self.seeds[seed_idx] if update_staleness: self._update_staleness(seed_idx) return int(seed) def _sample_unseen_level(self): if self.sample_full_distribution: seed = int(np.random.randint(1,INT32_MAX)) # Ensure unique new seed outside of working and staging set while seed in self.staging_seed_set or seed in self.working_seed_set: seed = int(np.random.randint(1,INT32_MAX)) self.seed2timestamp_buffer[seed] = self.running_sample_count self.staging_seed_set.add(seed) else: sample_weights = self.unseen_seed_weights/self.unseen_seed_weights.sum() seed_idx = np.random.choice(range(len(self.seeds)), 1, p=sample_weights)[0] seed = self.seeds[seed_idx] self._update_staleness(seed_idx) return int(seed) def sample(self, strategy=None): if strategy == 'full_distribution': raise ValueError('One-off sampling via full_distribution strategy is not supported.') self.running_sample_count += 1 if not strategy: strategy = self.strategy if not self.sample_full_distribution: if strategy == 'random': seed_idx = np.random.choice(range((len(self.seeds)))) seed = self.seeds[seed_idx] return int(seed) if strategy == 'sequential': seed_idx = self.next_seed_index self.next_seed_index = (self.next_seed_index + 1) % len(self.seeds) seed = self.seeds[seed_idx] return int(seed) replay_decision = self.sample_replay_decision() if replay_decision: return self._sample_replay_level() else: return self._sample_unseen_level() def sample_weights(self): weights = self._score_transform(self.score_transform, self.temperature, self.seed_scores) weights = weights * (1-self.unseen_seed_weights) # zero out unseen levels z = np.sum(weights) if z > 0: weights /= z else: weights = np.ones_like(weights, dtype=np.float)/len(weights) weights = weights * (1-self.unseen_seed_weights) weights /= np.sum(weights) staleness_weights = 0 if self.staleness_coef > 0: staleness_weights = self._score_transform(self.staleness_transform, self.staleness_temperature, self.seed_staleness) staleness_weights = staleness_weights * (1-self.unseen_seed_weights) z = np.sum(staleness_weights) if z > 0: staleness_weights /= z else: staleness_weights = 1./len(staleness_weights)*(1-self.unseen_seed_weights) weights = (1 - self.staleness_coef)*weights + self.staleness_coef*staleness_weights return weights def _score_transform(self, transform, temperature, scores): if transform == 'constant': weights = np.ones_like(scores) if transform == 'max': weights = np.zeros_like(scores) scores = scores[:] scores[self.unseen_seed_weights > 0] = -float('inf') # only argmax over seen levels argmax = np.random.choice(np.flatnonzero(np.isclose(scores, scores.max()))) weights[argmax] = 1. elif transform == 'eps_greedy': weights = np.zeros_like(scores) weights[scores.argmax()] = 1. - self.eps weights += self.eps/len(self.seeds) elif transform == 'rank': temp = np.flip(scores.argsort()) ranks = np.empty_like(temp) ranks[temp] = np.arange(len(temp)) + 1 weights = 1/ranks ** (1./temperature) elif transform == 'power': eps = 0 if self.staleness_coef > 0 else 1e-3 weights = (np.array(scores).clip(0) + eps) ** (1./temperature) elif transform == 'softmax': weights = np.exp(np.array(scores)/temperature) elif transform == 'match': weights = np.array([(1-score)*score for score in scores]) weights = weights ** (1./temperature) elif transform == 'match_rank': weights = np.array([(1-score)*score for score in scores]) temp = np.flip(weights.argsort()) ranks = np.empty_like(temp) ranks[temp] = np.arange(len(temp)) + 1 weights = 1/ranks ** (1./temperature) return weights @property def solvable_mass(self): if self.track_solvable: sample_weights = self.sample_weights() return np.sum(sample_weights[self.seed_solvable]) else: return 1. @property def max_score(self): return max(self.seed_scores)
dcd-main
level_replay/level_sampler.py
# Copyright (c) 2020 Tianshou contributors # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a modified version of # https://github.com/marlbenchmark/on-policy/blob/0fc8a9355bb7ce2589716eeb543f498edcc91dc6/onpolicy/algorithms/utils/popart.py import math import numpy as np import torch import torch.nn as nn import torch.nn.functional as F from .common import DeviceAwareModule class PopArt(DeviceAwareModule): def __init__(self, input_shape, output_shape, norm_axes=1, beta=0.99999, epsilon=1e-5): super(PopArt, self).__init__() self.beta = beta self.epsilon = epsilon self.norm_axes = norm_axes self.input_shape = input_shape self.output_shape = output_shape self.weight = nn.Parameter(torch.Tensor(output_shape, input_shape)) self.bias = nn.Parameter(torch.Tensor(output_shape)) self.stddev = nn.Parameter(torch.ones(output_shape), requires_grad=False) self.mean = nn.Parameter(torch.zeros(output_shape), requires_grad=False) self.mean_sq = nn.Parameter(torch.zeros(output_shape), requires_grad=False) self.debiasing_term = nn.Parameter(torch.tensor(0.0), requires_grad=False) self.reset_parameters() def reset_parameters(self): torch.nn.init.kaiming_uniform_(self.weight, a=math.sqrt(5)) if self.bias is not None: fan_in, _ = torch.nn.init._calculate_fan_in_and_fan_out(self.weight) bound = 1 / math.sqrt(fan_in) torch.nn.init.uniform_(self.bias, -bound, bound) self.mean.zero_() self.mean_sq.zero_() self.debiasing_term.zero_() def forward(self, input_vector): if type(input_vector) == np.ndarray: input_vector = torch.from_numpy(input_vector) input_vector = input_vector.to(self.device) return F.linear(input_vector, self.weight, self.bias) @torch.no_grad() def update(self, input_vector): if type(input_vector) == np.ndarray: input_vector = torch.from_numpy(input_vector) input_vector = input_vector.to(self.device) old_mean, old_stddev = self.mean, self.stddev batch_mean = input_vector.mean(dim=tuple(range(self.norm_axes))) batch_sq_mean = (input_vector ** 2).mean(dim=tuple(range(self.norm_axes))) self.mean.mul_(self.beta).add_(batch_mean * (1.0 - self.beta)) self.mean_sq.mul_(self.beta).add_(batch_sq_mean * (1.0 - self.beta)) self.debiasing_term.mul_(self.beta).add_(1.0 * (1.0 - self.beta)) self.stddev.data = (self.mean_sq - self.mean ** 2).sqrt().clamp(min=1e-4) self.weight.data = self.weight * old_stddev / self.stddev self.bias.data = (old_stddev * self.bias + old_mean - self.mean) / self.stddev def debiased_mean_var(self): debiased_mean = self.mean / self.debiasing_term.clamp(min=self.epsilon) debiased_mean_sq = self.mean_sq / self.debiasing_term.clamp(min=self.epsilon) debiased_var = (debiased_mean_sq - debiased_mean ** 2).clamp(min=1e-2) return debiased_mean, debiased_var def normalize(self, input_vector): if type(input_vector) == np.ndarray: input_vector = torch.from_numpy(input_vector) input_vector = input_vector.to(self.device) mean, var = self.debiased_mean_var() out = (input_vector - mean) / torch.sqrt(var) return out def denormalize(self, input_vector): if type(input_vector) == np.ndarray: input_vector = torch.from_numpy(input_vector) input_vector = input_vector.to(self.device) mean, var = self.debiased_mean_var() out = input_vector * torch.sqrt(var) + mean return out
dcd-main
models/popart.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import numpy as np import torch import torch.nn as nn import torch.nn.functional as F from .distributions import Categorical from .common import * class MultigridNetwork(DeviceAwareModule): """ Actor-Critic module """ def __init__(self, observation_space, action_space, actor_fc_layers=(32, 32), value_fc_layers=(32, 32), conv_filters=16, conv_kernel_size=3, scalar_fc=5, scalar_dim=4, random_z_dim=0, xy_dim=0, recurrent_arch='lstm', recurrent_hidden_size=256, random=False): super(MultigridNetwork, self).__init__() self.random = random self.action_space = action_space num_actions = action_space.n # Image embeddings obs_shape = observation_space['image'].shape m = obs_shape[-2] # x input dim n = obs_shape[-1] # y input dim c = obs_shape[-3] # channel input dim self.image_conv = nn.Sequential( Conv2d_tf(3, conv_filters, kernel_size=conv_kernel_size, stride=1, padding='valid'), nn.Flatten(), nn.ReLU() ) self.image_embedding_size = (n-conv_kernel_size+1)*(m-conv_kernel_size+1)*conv_filters self.preprocessed_input_size = self.image_embedding_size # x, y positional embeddings self.xy_embed = None self.xy_dim = xy_dim if xy_dim: self.preprocessed_input_size += 2*xy_dim # Scalar embedding self.scalar_embed = None self.scalar_dim = scalar_dim if scalar_dim: self.scalar_embed = nn.Linear(scalar_dim, scalar_fc) self.preprocessed_input_size += scalar_fc self.preprocessed_input_size += random_z_dim self.base_output_size = self.preprocessed_input_size # RNN self.rnn = None if recurrent_arch: self.rnn = RNN( input_size=self.preprocessed_input_size, hidden_size=recurrent_hidden_size, arch=recurrent_arch) self.base_output_size = recurrent_hidden_size # Policy head self.actor = nn.Sequential( make_fc_layers_with_hidden_sizes(actor_fc_layers, input_size=self.base_output_size), Categorical(actor_fc_layers[-1], num_actions) ) # Value head self.critic = nn.Sequential( make_fc_layers_with_hidden_sizes(value_fc_layers, input_size=self.base_output_size), init_(nn.Linear(value_fc_layers[-1], 1)) ) apply_init_(self.modules()) self.train() @property def is_recurrent(self): return self.rnn is not None @property def recurrent_hidden_state_size(self): # """Size of rnn_hx.""" if self.rnn is not None: return self.rnn.recurrent_hidden_state_size else: return 0 def forward(self, inputs, rnn_hxs, masks): raise NotImplementedError def _forward_base(self, inputs, rnn_hxs, masks): # Unpack input key values image = inputs.get('image') scalar = inputs.get('direction') if scalar is None: scalar = inputs.get('time_step') x = inputs.get('x') y = inputs.get('y') in_z = inputs.get('random_z', torch.tensor([], device=self.device)) in_image = self.image_conv(image) if self.xy_embed: x = one_hot(self.xy_dim, x, device=self.device) y = one_hot(self.xy_dim, y, device=self.device) in_x = self.xy_embed(x) in_y = self.xy_embed(y) else: in_x = torch.tensor([], device=self.device) in_y = torch.tensor([], device=self.device) if self.scalar_embed: in_scalar = one_hot(self.scalar_dim, scalar).to(self.device) in_scalar = self.scalar_embed(in_scalar) else: in_scalar = torch.tensor([], device=self.device) in_embedded = torch.cat((in_image, in_x, in_y, in_scalar, in_z), dim=-1) if self.rnn is not None: core_features, rnn_hxs = self.rnn(in_embedded, rnn_hxs, masks) else: core_features = in_embedded return core_features, rnn_hxs def act(self, inputs, rnn_hxs, masks, deterministic=False): if self.random: B = inputs['image'].shape[0] action = torch.zeros((B,1), dtype=torch.int64, device=self.device) values = torch.zeros((B,1), device=self.device) action_log_dist = torch.ones(B, self.action_space.n, device=self.device) for b in range(B): action[b] = self.action_space.sample() return values, action, action_log_dist, rnn_hxs core_features, rnn_hxs = self._forward_base(inputs, rnn_hxs, masks) dist = self.actor(core_features) value = self.critic(core_features) if deterministic: action = dist.mode() else: action = dist.sample() action_log_dist = dist.logits return value, action, action_log_dist, rnn_hxs def get_value(self, inputs, rnn_hxs, masks): core_features, rnn_hxs = self._forward_base(inputs, rnn_hxs, masks) return self.critic(core_features) def evaluate_actions(self, inputs, rnn_hxs, masks, action): core_features, rnn_hxs = self._forward_base(inputs, rnn_hxs, masks) dist = self.actor(core_features) value = self.critic(core_features) action_log_probs = dist.log_probs(action) dist_entropy = dist.entropy().mean() return value, action_log_probs, dist_entropy, rnn_hxs
dcd-main
models/multigrid_models.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .multigrid_models import MultigridNetwork from .multigrid_global_critic_models import MultigridGlobalCriticNetwork from .car_racing_models import CarRacingNetwork, CarRacingBezierAdversaryEnvNetwork from .walker_models import BipedalWalkerStudentPolicy, BipedalWalkerAdversaryPolicy
dcd-main
models/__init__.py
# Copyright (c) 2017 Roberta Raileanu # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a modified version of: # https://github.com/rraileanu/auto-drac/blob/master/ucb_rl2_meta/model.py import math import torch import torch.nn as nn from .common import init class FixedCategorical(torch.distributions.Categorical): """ Categorical distribution object """ def sample(self): return super().sample().unsqueeze(-1) def log_probs(self, actions): return ( super() .log_prob(actions.squeeze(-1)) .view(actions.size(0), -1) .sum(-1) .unsqueeze(-1) ) def mode(self): return self.probs.argmax(dim=-1, keepdim=True) class Categorical(nn.Module): """ Categorical distribution (NN module) """ def __init__(self, num_inputs, num_outputs): super(Categorical, self).__init__() init_ = lambda m: init( m, nn.init.orthogonal_, lambda x: nn.init.constant_(x, 0), gain=0.01) self.linear = init_(nn.Linear(num_inputs, num_outputs)) def forward(self, x): x = self.linear(x) return FixedCategorical(logits=x)
dcd-main
models/distributions.py
# Copyright (c) 2017 Ilya Kostrikov # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a modified version of # https://github.com/ikostrikov/pytorch-a2c-ppo-acktr-gail/blob/master/a2c_ppo_acktr/model.py import numpy as np import torch import torch.nn as nn import torch.nn.functional as F def init(module, weight_init, bias_init, gain=1): weight_init(module.weight.data, gain=gain) bias_init(module.bias.data) return module init_ = lambda m: init(m, nn.init.orthogonal_, lambda x: nn.init. constant_(x, 0)) init_relu_ = lambda m: init(m, nn.init.orthogonal_, lambda x: nn.init. constant_(x, 0), nn.init.calculate_gain('relu')) init_tanh_ = lambda m: init(m, nn.init.orthogonal_, lambda x: nn.init. constant_(x, 0), np.sqrt(2)) def apply_init_(modules, gain=None): """ Initialize NN modules """ for m in modules: if isinstance(m, nn.Conv2d): if gain: nn.init.xavier_uniform_(m.weight, gain=gain) else: nn.init.xavier_uniform_(m.weight) if m.bias is not None: nn.init.constant_(m.bias, 0) elif isinstance(m, (nn.BatchNorm2d, nn.GroupNorm)): nn.init.constant_(m.weight, 1) if m.bias is not None: nn.init.constant_(m.bias, 0) class Flatten(nn.Module): """ Flatten a tensor """ def forward(self, x): return x.reshape(x.size(0), -1) class DeviceAwareModule(nn.Module): @property def device(self): return next(self.parameters()).device class Conv2d_tf(nn.Conv2d): """ Conv2d with the padding behavior from TF """ def __init__(self, *args, **kwargs): super(Conv2d_tf, self).__init__(*args, **kwargs) self.padding = kwargs.get("padding", "same") def _compute_padding(self, input, dim): input_size = input.size(dim + 2) filter_size = self.weight.size(dim + 2) effective_filter_size = (filter_size - 1) * self.dilation[dim] + 1 out_size = (input_size + self.stride[dim] - 1) // self.stride[dim] total_padding = max( 0, (out_size - 1) * self.stride[dim] + effective_filter_size - input_size ) additional_padding = int(total_padding % 2 != 0) return additional_padding, total_padding def forward(self, input): if self.padding == "valid": return F.conv2d( input, self.weight, self.bias, self.stride, padding=0, dilation=self.dilation, groups=self.groups, ) rows_odd, padding_rows = self._compute_padding(input, dim=0) cols_odd, padding_cols = self._compute_padding(input, dim=1) if rows_odd or cols_odd: input = F.pad(input, [0, cols_odd, 0, rows_odd]) return F.conv2d( input, self.weight, self.bias, self.stride, padding=(padding_rows // 2, padding_cols // 2), dilation=self.dilation, groups=self.groups, ) class RNN(nn.Module): """ Actor-Critic network (base class) """ def __init__(self, input_size, hidden_size=128, arch='lstm'): super().__init__() self.arch = arch self.is_lstm = arch == 'lstm' self._hidden_size = hidden_size if arch == 'gru': self.rnn = nn.GRU(input_size, hidden_size) elif arch == 'lstm': self.rnn = nn.LSTM(input_size, hidden_size) else: raise ValueError(f'Unsupported RNN architecture {arch}.') for name, param in self.rnn.named_parameters(): if 'bias' in name: nn.init.constant_(param, 0) elif 'weight' in name: nn.init.orthogonal_(param) @property def recurrent_hidden_state_size(self): return self._hidden_size @property def output_size(self): return self._hidden_size def forward(self, x, hxs, masks): if self.is_lstm: # Since nn.LSTM defaults to all zero states if passed None state hidden_batch_size = x.size(0) if hxs is None else hxs[0].size(0) else: hidden_batch_size = hxs.size(0) if x.size(0) == hidden_batch_size: masked_hxs = tuple((h*masks).unsqueeze(0) for h in hxs) if self.is_lstm \ else (hxs*masks).unsqueeze(0) x, hxs = self.rnn(x.unsqueeze(0), masked_hxs) x = x.squeeze(0) hxs = tuple(h.squeeze(0) for h in hxs) if self.is_lstm else hxs.squeeze(0) else: # x is a (T, N, -1) tensor that has been flatten to (T * N, -1) N = hxs[0].size(0) if self.is_lstm else hxs.size(0) T = int(x.size(0) / N) # unflatten x = x.view(T, N, x.size(1)) # Same deal with masks masks = masks.view(T, N) # Let's figure out which steps in the sequence have a zero for any agent # We will always assume t=0 has a zero in it as that makes the logic cleaner has_zeros = ((masks[1:] == 0.0) \ .any(dim=-1) .nonzero() .squeeze() .cpu()) # +1 to correct the masks[1:] if has_zeros.dim() == 0: # Deal with scalar has_zeros = [has_zeros.item() + 1] else: has_zeros = (has_zeros + 1).numpy().tolist() # add t=0 and t=T to the list has_zeros = [0] + has_zeros + [T] hxs = (h.unsqueeze(0) for h in hxs) if self.is_lstm else hxs.unsqueeze(0) outputs = [] for i in range(len(has_zeros) - 1): # We can now process steps that don't have any zeros in masks together! # This is much faster start_idx = has_zeros[i] end_idx = has_zeros[i + 1] masked_hxs = tuple(h*masks[start_idx].view(1, -1, 1) for h in hxs) if self.is_lstm \ else hxs*masks[start_idx].view(1, -1, 1) rnn_scores, hxs = self.rnn( x[start_idx:end_idx], masked_hxs) outputs.append(rnn_scores) # assert len(outputs) == T # x is a (T, N, -1) tensor x = torch.cat(outputs, dim=0) # flatten x = x.view(T * N, -1) hxs = tuple(h.squeeze(0) for h in hxs) if self.is_lstm else hxs.squeeze(0) return x, hxs def one_hot(dim, inputs, device='cpu'): one_hot = torch.nn.functional.one_hot(inputs.long(), dim).squeeze(1).float() return one_hot def make_fc_layers_with_hidden_sizes(sizes, input_size): fc_layers = [] for i, layer_size in enumerate(sizes[:-1]): input_size = input_size if i == 0 else sizes[0] output_size = sizes[i+1] fc_layers.append(init_tanh_(nn.Linear(input_size, output_size))) fc_layers.append(nn.Tanh()) return nn.Sequential( *fc_layers )
dcd-main
models/common.py
# Copyright (c) 2017 Ilya Kostrikov # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a modified version code found in # https://github.com/ikostrikov/pytorch-a2c-ppo-acktr-gail/ import numpy as np import torch import torch.nn as nn import torch.nn.functional as F from torch.distributions import Beta from gym.spaces import MultiDiscrete from collections import namedtuple from .common import * from torch.distributions.normal import Normal from .popart import PopArt # Necessary for my KFAC implementation. class AddBias(nn.Module): def __init__(self, bias): super(AddBias, self).__init__() self._bias = nn.Parameter(bias.unsqueeze(1)) def forward(self, x): if x.dim() == 2: bias = self._bias.t().view(1, -1) else: bias = self._bias.t().view(1, -1, 1, 1) return x + bias # Normal class FixedNormal(torch.distributions.Normal): def log_probs(self, actions): return super().log_prob(actions).sum(-1, keepdim=True) def entropy(self): return super().entropy().sum(-1) def mode(self): return self.mean class DiagGaussian(DeviceAwareModule): def __init__(self, num_inputs, num_outputs): super(DiagGaussian, self).__init__() init_ = lambda m: init(m, nn.init.orthogonal_, lambda x: nn.init. constant_(x, 0)) self.fc_mean = init_(nn.Linear(num_inputs, num_outputs)) self.logstd = AddBias(torch.zeros(num_outputs)) def forward(self, x): action_mean = self.fc_mean(x) # An ugly hack for my KFAC implementation. zeros = torch.zeros(action_mean.size()) if x.is_cuda: zeros = zeros.cuda() action_logstd = self.logstd(zeros) return FixedNormal(action_mean, action_logstd.exp()) class FixedCategorical(torch.distributions.Categorical): def sample(self): return super().sample().unsqueeze(-1) def log_probs(self, actions): return ( super() .log_prob(actions.squeeze(-1)) .view(actions.size(0), -1) .sum(-1) .unsqueeze(-1) ) def mode(self): return self.probs.argmax(dim=-1, keepdim=True) class Categorical(nn.Module): def __init__(self, num_inputs, num_outputs): super(Categorical, self).__init__() init_ = lambda m: init( m, nn.init.orthogonal_, lambda x: nn.init.constant_(x, 0), gain=0.01) self.linear = init_(nn.Linear(num_inputs, num_outputs)) def forward(self, x): x = self.linear(x) return FixedCategorical(logits=x) def init(module, weight_init, bias_init, gain=1): weight_init(module.weight.data, gain=gain) bias_init(module.bias.data) return module ## Policy from https://github.com/ikostrikov/pytorch-a2c-ppo-acktr-gail/blob/master/a2c_ppo_acktr/model.py class Flatten(nn.Module): def forward(self, x): return x.view(x.size(0), -1) class BipedalWalkerStudentPolicy(DeviceAwareModule): def __init__(self, obs_shape, action_space, recurrent=False,base_kwargs=None): super(BipedalWalkerStudentPolicy, self).__init__() if base_kwargs is None: base_kwargs = {} self.base = MLPBase(obs_shape[0], recurrent=recurrent, **base_kwargs) num_outputs = action_space.shape[0] self.dist = DiagGaussian(self.base.output_size, num_outputs) if recurrent: RNN = namedtuple("RNN", 'arch') self.rnn = RNN('gru') @property def is_recurrent(self): return self.base.is_recurrent @property def recurrent_hidden_state_size(self): """Size of rnn_hx.""" return self.base.recurrent_hidden_state_size def forward(self, inputs): value, action, action_log_probs, rnn_hxs = self.act(inputs, rnn_hxs=None, masks=None, deterministic=False) return action def act(self, inputs, rnn_hxs, masks, deterministic=False): value, actor_features, rnn_hxs = self.base(inputs, rnn_hxs, masks) dist = self.dist(actor_features) if deterministic: action = dist.mode() else: action = dist.sample() action_log_probs = dist.log_probs(action) dist_entropy = dist.entropy().mean() return value, action, action_log_probs, rnn_hxs def get_value(self, inputs, rnn_hxs, masks): value, _, _ = self.base(inputs, rnn_hxs, masks) return value def evaluate_actions(self, inputs, rnn_hxs, masks, action): value, actor_features, rnn_hxs = self.base(inputs, rnn_hxs, masks) dist = self.dist(actor_features) action_log_probs = dist.log_probs(action) dist_entropy = dist.entropy().mean() return value, action_log_probs, dist_entropy, rnn_hxs class BipedalWalkerAdversaryPolicy(DeviceAwareModule): def __init__(self, observation_space, action_space, editor=False, random=False, base_kwargs=None): super(BipedalWalkerAdversaryPolicy, self).__init__() if base_kwargs is None: base_kwargs = {} self.random = random self.design_dim = observation_space['image'].shape[0] self.random_z_dim = observation_space['random_z'].shape[0] obs_dim = self.design_dim + self.random_z_dim + 1 self.base = MLPBase(obs_dim, **base_kwargs) self.editor = editor self.action_dim = action_space.shape[0] if self.editor: self.dist = [Categorical(self.base.output_size, x) for x in action_space.nvec] self.action_space = action_space else: self.dist = DiagGaussian(self.base.output_size, self.action_dim) @property def is_recurrent(self): return self.base.is_recurrent @property def recurrent_hidden_state_size(self): """Size of rnn_hx.""" return self.base.recurrent_hidden_state_size def preprocess(self, inputs): obs = torch.cat([inputs['image'], inputs['random_z'], inputs['time_step']], axis=1) return obs def act(self, inputs, rnn_hxs, masks, deterministic=False): inputs = self.preprocess(inputs) if self.random: if self.editor: B = inputs.shape[0] action = torch.zeros((B, 2), dtype=torch.int64, device=self.device) action_log_dist = torch.ones(B, self.action_space.nvec[0] + self.action_space.nvec[1], device=self.device) for b in range(B): action[b] = torch.tensor(self.action_space.sample()).to(self.device) else: action = torch.tensor(np.random.uniform(-1,1, inputs.shape[0]), device=self.device).reshape(-1,1) action_log_dist = torch.ones(inputs.shape[0], self.action_dim, device=self.device) values = torch.zeros(inputs.shape[0], 1, device=self.device) return values, action, action_log_dist, rnn_hxs value, actor_features, rnn_hxs = self.base(inputs, rnn_hxs, masks) if self.editor: dist = [fwd(actor_features) for fwd in self.dist] else: dist = self.dist(actor_features) if deterministic: action = dist.mode() else: action = dist.sample() action = F.tanh(action) action_log_probs = dist.log_probs(action) dist_entropy = dist.entropy().mean() return value, action, action_log_probs, rnn_hxs def get_value(self, inputs, rnn_hxs, masks): inputs = self.preprocess(inputs) value, _, _ = self.base(inputs, rnn_hxs, masks) return value def evaluate_actions(self, inputs, rnn_hxs, masks, action): inputs = self.preprocess(inputs) value, actor_features, rnn_hxs = self.base(inputs, rnn_hxs, masks) dist = self.dist(actor_features) action_log_probs = dist.log_probs(action) dist_entropy = dist.entropy().mean() return value, action_log_probs, dist_entropy, rnn_hxs class NNBase(nn.Module): def __init__(self, recurrent, recurrent_input_size, hidden_size): super(NNBase, self).__init__() self._hidden_size = hidden_size self._recurrent = recurrent if recurrent: self.rnn = nn.GRU(recurrent_input_size, hidden_size) for name, param in self.rnn.named_parameters(): if 'bias' in name: nn.init.constant_(param, 0) elif 'weight' in name: nn.init.orthogonal_(param) @property def is_recurrent(self): return self._recurrent @property def recurrent_hidden_state_size(self): if self._recurrent: return self._hidden_size return 1 @property def output_size(self): return self._hidden_size def _forward_gru(self, x, hxs, masks): if x.size(0) == hxs.size(0): x, hxs = self.rnn(x.unsqueeze(0), (hxs * masks).unsqueeze(0)) x = x.squeeze(0) hxs = hxs.squeeze(0) else: # x is a (T, N, -1) tensor that has been flatten to (T * N, -1) N = hxs.size(0) T = int(x.size(0) / N) # unflatten x = x.view(T, N, x.size(1)) # Same deal with masks masks = masks.view(T, N) # Let's figure out which steps in the sequence have a zero for any agent # We will always assume t=0 has a zero in it as that makes the logic cleaner has_zeros = ((masks[1:] == 0.0) \ .any(dim=-1) .nonzero() .squeeze() .cpu()) # +1 to correct the masks[1:] if has_zeros.dim() == 0: # Deal with scalar has_zeros = [has_zeros.item() + 1] else: has_zeros = (has_zeros + 1).numpy().tolist() # add t=0 and t=T to the list has_zeros = [0] + has_zeros + [T] hxs = hxs.unsqueeze(0) outputs = [] for i in range(len(has_zeros) - 1): # We can now process steps that don't have any zeros in masks together! # This is much faster start_idx = has_zeros[i] end_idx = has_zeros[i + 1] rnn_scores, hxs = self.rnn( x[start_idx:end_idx], hxs * masks[start_idx].view(1, -1, 1)) outputs.append(rnn_scores) # assert len(outputs) == T # x is a (T, N, -1) tensor x = torch.cat(outputs, dim=0) # flatten x = x.view(T * N, -1) hxs = hxs.squeeze(0) return x, hxs class MLPBase(NNBase): def __init__(self, num_inputs, recurrent=False, hidden_size=64): super(MLPBase, self).__init__(recurrent, num_inputs, hidden_size) if recurrent: num_inputs = hidden_size init_ = lambda m: init(m, nn.init.orthogonal_, lambda x: nn.init. constant_(x, 0), np.sqrt(2)) self.actor = nn.Sequential( init_(nn.Linear(num_inputs, hidden_size)), nn.Tanh(), init_(nn.Linear(hidden_size, hidden_size)), nn.Tanh()) self.critic = nn.Sequential( init_(nn.Linear(num_inputs, hidden_size)), nn.Tanh(), init_(nn.Linear(hidden_size, hidden_size)), nn.Tanh()) self.critic_linear = init_(nn.Linear(hidden_size, 1)) self.train() def forward(self, inputs, rnn_hxs, masks): x = inputs if self.is_recurrent: x, rnn_hxs = self._forward_gru(x, rnn_hxs, masks) hidden_critic = self.critic(x) hidden_actor = self.actor(x) return self.critic_linear(hidden_critic), hidden_actor, rnn_hxs
dcd-main
models/walker_models.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import numpy as np import torch import torch.nn as nn import torch.nn.functional as F from torch.distributions import Beta from .common import * from .distributions import FixedCategorical, Categorical from .popart import PopArt class CarRacingNetwork(DeviceAwareModule): def __init__(self, obs_shape, action_space, hidden_size=100, crop=False, use_popart=False): super(CarRacingNetwork, self).__init__() m = obs_shape[-2] # x input dim n = obs_shape[-1] # y input dim c = obs_shape[-3] # channel input dim self.action_low = np.array(action_space.low, dtype=np.float32) self.action_high = np.array(action_space.high, dtype=np.float32) self.action_dim = action_space.shape[0] self.crop = crop if self.crop: self.image_embed = nn.Sequential( # input shape (4, 84, 84) nn.Conv2d(c, 8, kernel_size=2, stride=2), nn.ReLU(), # activation nn.Conv2d(8, 16, kernel_size=2, stride=2), # (8, 42, 42) nn.ReLU(), # activation nn.Conv2d(16, 32, kernel_size=2, stride=2), # (16, 21, 21) nn.ReLU(), # activation nn.Conv2d(32, 64, kernel_size=2, stride=2), # (32, 10, 10) nn.ReLU(), # activation nn.Conv2d(64, 128, kernel_size=3, stride=1), # (64, 5, 5) nn.ReLU(), # activation nn.Conv2d(128, 256, kernel_size=3, stride=1), # (128, 3, 3) nn.ReLU(), # activation ) # output shape (256, 1, 1) else: self.image_embed = nn.Sequential( # input shape (4, 96, 96) nn.Conv2d(c, 8, kernel_size=4, stride=2), nn.ReLU(), # activation nn.Conv2d(8, 16, kernel_size=3, stride=2), # (8, 47, 47) nn.ReLU(), # activation nn.Conv2d(16, 32, kernel_size=3, stride=2), # (16, 23, 23) nn.ReLU(), # activation nn.Conv2d(32, 64, kernel_size=3, stride=2), # (32, 11, 11) nn.ReLU(), # activation nn.Conv2d(64, 128, kernel_size=3, stride=1), # (64, 5, 5) nn.ReLU(), # activation nn.Conv2d(128, 256, kernel_size=3, stride=1), # (128, 3, 3) nn.ReLU(), # activation ) # output shape (256, 1, 1) self.image_embedding_size = 256 # # Policy head self.actor_fc = nn.Sequential( init_relu_(nn.Linear(self.image_embedding_size, hidden_size)), nn.ReLU(), ) self.actor_alpha = nn.Sequential( init_relu_(nn.Linear(hidden_size, self.action_dim)), nn.Softplus(), ) self.actor_beta = nn.Sequential( init_relu_(nn.Linear(hidden_size, self.action_dim)), nn.Softplus(), ) # Value head if use_popart: value_out = init_(PopArt(hidden_size, 1)) self.popart = value_out else: value_out = init_(nn.Linear(hidden_size, 1)) self.popart = None self.critic = nn.Sequential( init_relu_(nn.Linear(self.image_embedding_size, hidden_size)), nn.ReLU(), value_out ) # apply_init_(self.modules(), gain=nn.init.calculate_gain('relu')) self.apply(self._weights_init) self.train() @staticmethod def _weights_init(m): if isinstance(m, nn.Conv2d): nn.init.xavier_uniform_(m.weight, gain=nn.init.calculate_gain('relu')) nn.init.constant_(m.bias, 0.1) @property def is_recurrent(self): return False @property def recurrent_hidden_state_size(self): # """Size of rnn_hx.""" return 1 def forward(self, inputs, rnn_hxs, masks): raise NotImplementedError def process_action(self, action): return action*(self.action_high - self.action_low) + self.action_low def act(self, inputs, rnn_hxs, masks, deterministic=False): image_embedding = self.image_embed(inputs).squeeze() actor_fc_embed = self.actor_fc(image_embedding) alpha = 1 + self.actor_alpha(actor_fc_embed) beta = 1 + self.actor_beta(actor_fc_embed) dist = Beta(alpha, beta) # action = alpha/(alpha + beta) action = dist.sample() # For continuous action spaces, we just return dirac delta over # sampled action tuple action_log_dist = dist.log_prob(action).sum(dim=-1).unsqueeze(-1) value = self.critic(image_embedding) if inputs.shape[0] == 1: action = action.unsqueeze(0) return value, action, action_log_dist, rnn_hxs def get_value(self, inputs, rnn_hxs, masks): image_embedding = self.image_embed(inputs).squeeze() return self.critic(image_embedding) def evaluate_actions(self, inputs, rnn_hxs, masks, action): image_embedding = self.image_embed(inputs).squeeze() actor_fc_embed = self.actor_fc(image_embedding) alpha = self.actor_alpha(actor_fc_embed) + 1 beta = self.actor_beta(actor_fc_embed) + 1 a_range = (torch.min(alpha).item(), torch.max(alpha).item()) b_range = (torch.min(beta).item(), torch.max(beta).item()) dist = Beta(alpha, beta) action_log_probs = dist.log_prob(action).sum(dim=-1).unsqueeze(-1) dist_entropy = dist.entropy().mean() value = self.critic(image_embedding) return value, action_log_probs, dist_entropy, rnn_hxs class CarRacingBezierAdversaryEnvNetwork(DeviceAwareModule): def __init__(self, observation_space, action_space, scalar_fc=8, use_categorical=False, use_skip=False, choose_start_pos=False, use_popart=False, set_start_pos=False, use_goal=False, num_goal_bins=1): super().__init__() self.sketch_dim = observation_space['control_points'].shape self.random_z_dim = observation_space['random_z'].shape[0] self.total_time_steps = observation_space['time_step'].high[0] self.time_step_dim = self.total_time_steps + 1 # Handles terminal time step if use_goal: self.goal_bin_dim = observation_space['goal_bin'].high[0] self.scalar_fc = scalar_fc self.set_start_pos = set_start_pos self.use_categorical = use_categorical self.use_skip = use_skip self.use_goal = use_goal self.num_goal_bins = num_goal_bins self.random = False self.action_space = action_space self.n_control_points = self.time_step_dim if self.use_goal: self.n_control_points -= 1 if self.set_start_pos: self.n_control_points -= 1 if use_categorical: self.action_dim = np.prod(self.sketch_dim) + 1 # +1 for skip action else: self.action_dim = action_space.shape[0] if self.use_goal: self.action_dim -= 1 # Sinc we don't learn Beta for goal prefix self.sketch_embedding = nn.Sequential( Conv2d_tf(1, 8, kernel_size=2, stride=1, padding='valid'), # (8, 9, 9) Conv2d_tf(8, 16, kernel_size=2, stride=1, padding='valid'), # (16, 8, 8) nn.Flatten(), nn.ReLU() # output is 1024 dimensions ) self.sketch_embed_dim = 1024 # Time step embedding self.ts_embedding = nn.Linear(self.time_step_dim, scalar_fc) self.base_output_size = self.sketch_embed_dim + \ self.scalar_fc + self.random_z_dim if use_goal: self.goal_bin_embedding = nn.Linear(num_goal_bins + 1, self.scalar_fc) self.base_output_size += self.scalar_fc # Value head self.critic = init_(nn.Linear(self.base_output_size, 1)) # Value head if use_popart: self.critic = init_(PopArt(self.base_output_size, 1)) self.popart = self.critic else: self.critic = init_(nn.Linear(self.base_output_size, 1)) self.popart = None # Policy heads if self.use_categorical: self.actor = nn.Sequential( init_(nn.Linear(self.base_output_size, 256)), nn.ReLU(), init_(nn.Linear(256, self.action_dim)), ) else: self.fc_alpha = nn.Sequential( init_relu_(nn.Linear(self.base_output_size, self.action_dim)), nn.Softplus() ) self.fc_beta = nn.Sequential( init_relu_(nn.Linear(self.base_output_size, self.action_dim)), nn.Softplus() ) # Create a policy head to select a goal bin if use_goal: self.goal_head = nn.Sequential( init_(nn.Linear(self.base_output_size, 256)), nn.ReLU(), init_(nn.Linear(256, num_goal_bins)), ) apply_init_(self.modules()) self.train() @property def is_recurrent(self): return False @property def recurrent_hidden_state_size(self): # """Size of rnn_hx.""" return 1 def forward(self, inputs, rnn_hxs, masks): raise NotImplementedError def _forward_base(self, inputs, rnn_hxs, masks): sketch = inputs['control_points'] time_step = inputs['time_step'] in_z = inputs['random_z'] in_sketch = self.sketch_embedding(sketch) in_time_step = one_hot(self.time_step_dim, time_step).to(self.device) in_time_step = self.ts_embedding(in_time_step) if self.use_goal: goal_bin = inputs['goal_bin'] in_goal_bin = one_hot(self.goal_bin_dim, goal_bin).to(self.device) in_goal_bin = self.goal_bin_embedding(in_goal_bin) in_embedded = torch.cat((in_sketch, in_time_step, in_z, in_goal_bin), dim=-1) else: in_embedded = torch.cat((in_sketch, in_time_step, in_z), dim=-1) return in_embedded def process_action(self, action): if self.use_goal: if action[0][0]: # Check if it's a goal step action_ = action[:,1] return action_ else: action = action[:,1:] if self.use_categorical: x = ((action - 1.) % self.sketch_dim[-1])/self.sketch_dim[-1] y = ((action - 1.) // self.sketch_dim[-2])/self.sketch_dim[-2] skip_action = (action == 0).float() action_ = torch.cat((x,y,skip_action), dim=-1) else: xy_action = action[:,:-1] skip_logits = torch.log(action[:,-1] + 1e-5) # ensure > 0 skip_action = F.gumbel_softmax(skip_logits, tau=1, hard=True).unsqueeze(-1) action_ = torch.cat((xy_action, skip_action), dim=-1) return action_ def _sketch_to_mask(self, sketch): mask = torch.cat((torch.zeros(sketch.shape[0],1, dtype=torch.bool, device=self.device), (sketch.flatten(1).bool())), dim=-1) return mask def _is_goal_step(self, t): if self.use_goal: return t == self.total_time_steps - 1 # since time_step is +1 total time steps else: return False def _is_start_pos_step(self, t): if self.set_start_pos: return t == self.n_control_points else: return False def act_random(self, inputs, rnn_hxs): time_step = inputs['time_step'][0] is_goal_step = self._is_goal_step(time_step) B = inputs['time_step'].shape[0] values = torch.zeros((B,1), device=self.device) action_log_dist = torch.ones((B,1), device=self.device) action_shape = self.action_space.shape if self.use_goal: action_shape = (action_shape[0] - 1,) # import pdb; pdb.set_trace() if is_goal_step: # random goal bin action = torch.zeros((B,1), dtype=torch.int64, device=self.device) for b in range(B): action[b] = np.random.randint(self.num_goal_bins) else: action = torch.zeros(B, *action_shape, dtype=torch.int64, device=self.device) if self.use_categorical: action_high = self.action_space.high[1] if self.use_goal \ else self.action_space.high[0] for b in range(B): action[b] = np.random.randint(1, action_high) # avoid skip action 0 else: for b in range(B): action[b] = np.random.rand(self.action_shape) if self.use_goal: if is_goal_step: prefix = torch.ones_like(action[:,0].unsqueeze(-1)) else: prefix = torch.zeros_like(action[:,0].unsqueeze(-1)) action = torch.cat((prefix, action), dim=-1) return values, action, action_log_dist, rnn_hxs def act(self, inputs, rnn_hxs, masks, deterministic=False): if self.random: return self.act_random(inputs, rnn_hxs) in_embedded = self._forward_base(inputs, rnn_hxs, masks) value = self.critic(in_embedded) time_step = inputs['time_step'][0] is_goal_step = self._is_goal_step(time_step) if is_goal_step: # generate goal bin action logits = self.goal_head(in_embedded) dist = FixedCategorical(logits=logits) action = dist.sample() action_log_probs = dist.log_probs(action) else: if self.use_categorical: logits = self.actor(in_embedded) mask = self._sketch_to_mask(inputs['control_points']) # Conditionally mask out skip action if self.use_skip: if self._is_start_pos_step(time_step): mask[:,0] = True # Can't skip setting start pos if necessary else: mask[mask.sum(-1) < 3,0] = True else: mask[:,0] = True logits[mask] = torch.finfo(logits.dtype).min dist = FixedCategorical(logits=logits) action = dist.sample() action_log_probs = dist.log_probs(action) else: # All B x 3 alpha = 1 + self.fc_alpha(in_embedded) beta = 1 + self.fc_beta(in_embedded) dist = Beta(alpha, beta) action = dist.sample() action_log_probs = dist.log_prob(action).sum(dim=1).unsqueeze(1) # Hack: Just set action log dist to action log probs, since it's not used. action_log_dist = action_log_probs # Append [0] or [1] prefix to actions to signal goal step if self.use_goal: if is_goal_step: prefix = torch.ones_like(action[:,0].unsqueeze(-1)) else: prefix = torch.zeros_like(action[:,0].unsqueeze(-1)) action = torch.cat((prefix, action), dim=-1) return value, action, action_log_dist, rnn_hxs def get_value(self, inputs, rnn_hxs, masks): in_embedded = self._forward_base(inputs, rnn_hxs, masks) return self.critic(in_embedded) def evaluate_actions(self, inputs, rnn_hxs, masks, action): B = len(inputs['time_step']) in_embedded = self._forward_base(inputs, rnn_hxs, masks) value = self.critic(in_embedded) time_steps = inputs['time_step'] mask = self._sketch_to_mask(inputs['control_points']) if self.use_goal: action = action[:,1:] # Need to mask out both selectively goal_steps = self._is_goal_step(time_steps) if self.use_goal: goal_steps = goal_steps.flatten() has_goal_steps = goal_steps.any() has_nongoal_steps = (~goal_steps).any() else: has_goal_steps = False has_nongoal_steps = True if has_goal_steps: # Get logits for goal actions goal_in_embed = in_embedded[goal_steps] action_in_embed = in_embedded[~goal_steps] mask = mask[~goal_steps] goal_actions = action[goal_steps][0] goal_logits = self.goal_head(goal_in_embed) action = action[~goal_steps] goal_dist = FixedCategorical(logits=goal_logits) goal_action_log_probs = goal_dist.log_probs(goal_actions) else: action_in_embed = in_embedded if has_nongoal_steps: if self.use_categorical: logits = self.actor(action_in_embed) if self.use_skip: start_pos_steps = self._is_start_pos_step(time_steps[~goal_steps]) mask[mask.sum(-1) < 3,0] = True logits[start_pos_steps] = torch.finfo(logits.dtype).min else: mask[:,0] = True logits[mask] = torch.finfo(logits.dtype).min dist = FixedCategorical(logits=logits) action_log_probs = dist.log_probs(action) else: # All B x 3 alpha = 1 + self.fc_alpha(action_in_embed) beta = 1 + self.fc_beta(action_in_embed) dist = Beta(alpha, beta) action_log_probs = dist.log_prob(action).sum(dim=1).unsqueeze(1) if self.use_goal: combined_log_probs = torch.zeros((B,1), dtype=torch.float, device=self.device) mean_entropy = 0 if goal_steps.any(): combined_log_probs[goal_steps] = goal_action_log_probs mean_entropy += goal_dist.entropy().sum() if (~goal_steps).any(): combined_log_probs[~goal_steps] = action_log_probs mean_entropy += dist.entropy().sum() action_log_probs = combined_log_probs dist_entropy = mean_entropy/B else: dist_entropy = dist.entropy().mean() return value, action_log_probs, dist_entropy, rnn_hxs
dcd-main
models/car_racing_models.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import numpy as np import torch import torch.nn as nn import torch.nn.functional as F from .distributions import Categorical from .common import * class MultigridGlobalCriticNetwork(DeviceAwareModule): """ Actor-Critic module """ def __init__(self, observation_space, action_space, actor_fc_layers=(32, 32), value_fc_layers=(32, 32), conv_filters=16, conv_kernel_size=3, scalar_fc=5, scalar_dim=4, random_z_dim=0, xy_dim=0, recurrent_arch='lstm', recurrent_hidden_size=256, use_global_policy=False): super(MultigridGlobalCriticNetwork, self).__init__() num_actions = action_space.n self.use_global_policy = use_global_policy # Image embedding obs_shape = observation_space['image'].shape m = obs_shape[-2] # x input dim n = obs_shape[-1] # y input dim c = obs_shape[-3] # channel input dim # Full obs embedding full_obs_shape = observation_space['full_obs'].shape global_m = full_obs_shape[-2] global_n = full_obs_shape[-1] global_c = full_obs_shape[-3] self.global_image_conv = nn.Sequential( Conv2d_tf(3, 8, kernel_size=2, stride=2, padding='VALID'), nn.ReLU(), Conv2d_tf(8, 16, kernel_size=3, stride=1, padding='VALID'), nn.Flatten(), ) self.global_image_embedding_size = (((((global_n-2)//2)+1)-3)+1)*(((((global_n-2)//2)+1)-3)+1)*16 if self.use_global_policy: self.image_conv = self.global_image_conv self.image_embedding_size = self.global_image_embedding_size self.preprocessed_input_size = self.image_embedding_size else: self.image_conv = nn.Sequential( Conv2d_tf(3, conv_filters, kernel_size=conv_kernel_size, stride=1, padding='VALID'), nn.Flatten(), nn.ReLU() ) self.image_embedding_size = (n-conv_kernel_size+1)*(m-conv_kernel_size+1)*conv_filters self.preprocessed_input_size = self.image_embedding_size # x, y positional embeddings self.xy_embed = None self.xy_dim = xy_dim if xy_dim: self.preprocessed_input_size += 2*xy_dim # Scalar embedding self.scalar_embed = None self.scalar_dim = scalar_dim if scalar_dim: self.scalar_embed = nn.Linear(scalar_dim, scalar_fc) self.preprocessed_input_size += scalar_fc self.preprocessed_input_size += random_z_dim self.base_output_size = self.preprocessed_input_size # RNN (only for policy) self.rnn = None if recurrent_arch: self.rnn = RNN( input_size=self.preprocessed_input_size, hidden_size=recurrent_hidden_size, arch=recurrent_arch) self.base_output_size = recurrent_hidden_size # Policy head self.actor = nn.Sequential( make_fc_layers_with_hidden_sizes(actor_fc_layers, input_size=self.base_output_size), Categorical(actor_fc_layers[-1], num_actions) ) # Value head if self.use_global_policy: self.global_base_output_size = self.base_output_size else: self.global_base_output_size = self.global_image_embedding_size + self.base_output_size self.critic = nn.Sequential( make_fc_layers_with_hidden_sizes(value_fc_layers, input_size=self.global_base_output_size), init_(nn.Linear(value_fc_layers[-1], 1)) ) apply_init_(self.modules()) self.train() @property def is_recurrent(self): return self.rnn is not None @property def recurrent_hidden_state_size(self): # """Size of rnn_hx.""" if self.rnn is not None: return self.rnn.recurrent_hidden_state_size else: return 0 def forward(self, inputs, rnn_hxs, masks): raise NotImplementedError def _forward_base(self, inputs, rnn_hxs, masks): # Unpack input key values if self.use_global_policy: image = inputs.get('full_obs', None) else: image = inputs.get('image') scalar = inputs.get('direction') if scalar is None: scalar = inputs.get('time_step') x = inputs.get('x') y = inputs.get('y') in_z = inputs.get('random_z', torch.tensor([], device=self.device)) in_image = self.image_conv(image) if self.xy_embed: x = one_hot(self.xy_dim, x, device=self.device) y = one_hot(self.xy_dim, y, device=self.device) in_x = self.xy_embed(x) in_y = self.xy_embed(y) else: in_x = torch.tensor([], device=self.device) in_y = torch.tensor([], device=self.device) if self.scalar_embed: in_scalar = one_hot(self.scalar_dim, scalar).to(self.device) in_scalar = self.scalar_embed(in_scalar) else: in_scalar = torch.tensor([], device=self.device) in_embedded = torch.cat((in_image, in_x, in_y, in_scalar, in_z), dim=-1) if self.rnn is not None: core_features, rnn_hxs = self.rnn(in_embedded, rnn_hxs, masks) else: core_features = in_embedded global_image = inputs.get('full_obs', None) if global_image is not None: if self.use_global_policy: global_core_features = core_features else: in_global_image = self.global_image_conv(global_image) global_core_features = torch.cat((core_features, in_global_image), dim=-1) else: global_core_features = None return core_features, rnn_hxs, global_core_features def act(self, inputs, rnn_hxs, masks, deterministic=False): core_features, rnn_hxs, global_core_features = self._forward_base(inputs, rnn_hxs, masks) dist = self.actor(core_features) if global_core_features is not None: value = self.critic(global_core_features) else: value = 0 if deterministic: action = dist.mode() else: action = dist.sample() action_log_dist = dist.logits return value, action, action_log_dist, rnn_hxs def get_value(self, inputs, rnn_hxs, masks): core_features, rnn_hxs, global_core_features = self._forward_base(inputs, rnn_hxs, masks) if global_core_features is not None: value = self.critic(global_core_features) else: value = 0 return value def evaluate_actions(self, inputs, rnn_hxs, masks, action): core_features, rnn_hxs, global_core_features = self._forward_base(inputs, rnn_hxs, masks) dist = self.actor(core_features) if global_core_features is not None: value = self.critic(global_core_features) else: value = 0 action_log_probs = dist.log_probs(action) dist_entropy = dist.entropy().mean() return value, action_log_probs, dist_entropy, rnn_hxs
dcd-main
models/multigrid_global_critic_models.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .ppo import PPO from .storage import RolloutStorage from .agent import ACAgent
dcd-main
algos/__init__.py
# Copyright (c) 2017 Ilya Kostrikov # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a heavily modified version of: # https://github.com/ikostrikov/pytorch-a2c-ppo-acktr-gail/blob/master/a2c_ppo_acktr/storage.py from collections import defaultdict import numpy as np import torch import gym from torch.utils.data.sampler import \ BatchSampler, SubsetRandomSampler, SequentialSampler from lempel_ziv_complexity import lempel_ziv_complexity def to_tensor(a): if isinstance(a, dict): for k in a.keys(): if isinstance(a[k], np.ndarray): a[k] = torch.from_numpy(a[k]).float() elif isinstance(a, np.ndarray): a = torch.from_numpy(a).float() elif isinstance(a, list): a = torch.tensor(a, dtype=torch.float) return a def _flatten_helper(T, N, _tensor): if isinstance(_tensor, dict): return {k: _tensor[k].view(T * N, *_tensor[k].size()[2:]) for k in _tensor.keys()} else: return _tensor.view(T * N, *_tensor.size()[2:]) class RolloutStorage(object): def __init__(self, model, num_steps, num_processes, observation_space, action_space, recurrent_hidden_state_size, recurrent_arch='rnn', use_proper_time_limits=False, use_popart=False, device='cpu'): self.device = device self.model = model self.num_processes = num_processes self.recurrent_arch = recurrent_arch self.recurrent_hidden_state_size = recurrent_hidden_state_size self.is_lstm = recurrent_arch == 'lstm' recurrent_hidden_state_buffer_size = 2*recurrent_hidden_state_size if self.is_lstm \ else recurrent_hidden_state_size self.use_proper_time_limits = use_proper_time_limits self.use_popart = use_popart self.truncated_obs = None if isinstance(observation_space, dict): self.is_dict_obs = True self.obs = {k:torch.zeros(num_steps + 1, num_processes, *(observation_space[k]).shape) \ for k,obs in observation_space.items()} if self.use_proper_time_limits: self.truncated_obs = {k:torch.zeros(num_steps + 1, num_processes, *(observation_space[k]).shape) \ for k,obs in observation_space.items()} else: self.is_dict_obs = False self.obs = torch.zeros(num_steps + 1, num_processes, *observation_space.shape) if self.use_proper_time_limits: self.truncated_obs = torch.zeros_like(self.obs) self.recurrent_hidden_states = torch.zeros( num_steps + 1, num_processes, recurrent_hidden_state_buffer_size) self.rewards = torch.zeros(num_steps, num_processes, 1) self.value_preds = torch.zeros(num_steps + 1, num_processes, 1) self.returns = torch.zeros(num_steps + 1, num_processes, 1) self.action_log_probs = torch.zeros(num_steps, num_processes, 1) if action_space.__class__.__name__ == 'Discrete': action_shape = 1 self.action_log_dist = torch.zeros(num_steps, num_processes, action_space.n) else: # Hack it to just store action prob for sampled action if continuous action_shape = action_space.shape[0] self.action_log_dist = torch.zeros(num_steps, num_processes, 1) self.actions = torch.zeros(num_steps, num_processes, action_shape) if action_space.__class__.__name__ == 'Discrete': self.actions = self.actions.long() self.masks = torch.ones(num_steps + 1, num_processes, 1) # Masks that indicate whether it's a true terminal state # or time limit end state self.bad_masks = torch.ones(num_steps + 1, num_processes, 1) # Keep track of cliffhanger timesteps self.cliffhanger_masks = torch.ones(num_steps + 1, num_processes, 1) self.truncated_value_preds = None if self.use_proper_time_limits: self.truncated_value_preds = torch.zeros_like(self.value_preds) self.denorm_value_preds = None self.level_seeds = torch.zeros(num_steps, num_processes, 1, dtype=torch.int) self.num_steps = num_steps self.step = 0 def to(self, device): self.device = device if self.is_dict_obs: for k, obs in self.obs.items(): self.obs[k] = obs.to(device) else: self.obs = self.obs.to(device) self.recurrent_hidden_states = self.recurrent_hidden_states.to(device) self.rewards = self.rewards.to(device) self.value_preds = self.value_preds.to(device) self.returns = self.returns.to(device) self.action_log_probs = self.action_log_probs.to(device) self.action_log_dist = self.action_log_dist.to(device) self.actions = self.actions.to(device) self.masks = self.masks.to(device) self.bad_masks = self.bad_masks.to(device) self.cliffhanger_masks = self.cliffhanger_masks.to(device) self.level_seeds = self.level_seeds.to(device) if self.use_proper_time_limits: if self.is_dict_obs: for k, obs in self.truncated_obs.items(): self.truncated_obs[k] = obs.to(device) else: self.truncated_obs = self.truncated_obs.to(device) self.truncated_value_preds = self.truncated_value_preds.to(device) def get_obs(self, idx): if self.is_dict_obs: return {k: self.obs[k][idx] for k in self.obs.keys()} else: return self.obs[idx] def copy_obs_to_index(self, obs, index): if self.is_dict_obs: [self.obs[k][index].copy_(obs[k]) for k in self.obs.keys()] else: self.obs[index].copy_(obs) def insert(self, obs, recurrent_hidden_states, actions, action_log_probs, action_log_dist, value_preds, rewards, masks, bad_masks, level_seeds=None, cliffhanger_masks=None): if len(rewards.shape) == 3: rewards = rewards.squeeze(2) if self.is_dict_obs: [self.obs[k][self.step + 1].copy_(obs[k]) for k in self.obs.keys()] else: self.obs[self.step + 1].copy_(obs) if self.is_lstm: self.recurrent_hidden_states[self.step +1,:, :self.recurrent_hidden_state_size].copy_(recurrent_hidden_states[0]) self.recurrent_hidden_states[self.step +1,:, self.recurrent_hidden_state_size:].copy_(recurrent_hidden_states[1]) else: self.recurrent_hidden_states[self.step + 1].copy_(recurrent_hidden_states) self.actions[self.step].copy_(actions) self.action_log_probs[self.step].copy_(action_log_probs) self.action_log_dist[self.step].copy_(action_log_dist) self.value_preds[self.step].copy_(value_preds) self.rewards[self.step].copy_(rewards) self.masks[self.step + 1].copy_(masks) self.bad_masks[self.step + 1].copy_(bad_masks) if cliffhanger_masks is not None: self.cliffhanger_masks[self.step + 1].copy_(cliffhanger_masks) if level_seeds is not None: self.level_seeds[self.step].copy_(level_seeds) self.step = (self.step + 1) % self.num_steps def insert_truncated_obs(self, obs, index): if self.is_dict_obs: [self.truncated_obs[k][self.step + 1][index].copy_( to_tensor(obs[k])) for k in self.truncated_obs.keys()] else: self.truncated_obs[self.step + 1][index].copy_(to_tensor(obs)) def after_update(self): if self.is_dict_obs: [self.obs[k][0].copy_(self.obs[k][-1]) for k in self.obs.keys()] else: self.obs[0].copy_(self.obs[-1]) self.recurrent_hidden_states[0].copy_(self.recurrent_hidden_states[-1]) self.masks[0].copy_(self.masks[-1]) self.bad_masks[0].copy_(self.bad_masks[-1]) self.cliffhanger_masks[0].copy_(self.cliffhanger_masks[-1]) def replace_final_return(self, returns): self.rewards[-1] = returns def _compute_truncated_value_preds(self): self.truncated_value_preds.copy_(self.value_preds) with torch.no_grad(): # For each process, forward truncated obs for i in range(self.num_processes): steps = (self.bad_masks[:,i,0] == 0).nonzero().squeeze() if len(steps.shape) == 0 or steps.shape[0] == 0: continue if self.is_dict_obs: obs = {k:self.truncated_obs[k][steps.squeeze(), i, :] for k in self.truncated_obs.keys()} else: obs = self.truncated_obs[steps.squeeze(),i,:] rnn_hxs = self.recurrent_hidden_states[steps,i,:] if self.is_lstm: rnn_hxs = self._split_batched_lstm_recurrent_hidden_states(rnn_hxs) masks = torch.ones((len(steps), 1), device=self.device) value_preds = self.model.get_value(obs, rnn_hxs, masks) self.truncated_value_preds[steps,i,:] = value_preds return self.truncated_value_preds def compute_gae_returns(self, returns_buffer, next_value, gamma, gae_lambda): self.value_preds[-1] = next_value gae = 0 value_preds = self.value_preds if self.use_proper_time_limits: # Get truncated value preds self._compute_truncated_value_preds() value_preds = self.truncated_value_preds if self.use_popart: self.denorm_value_preds = self.model.popart.denormalize(value_preds) # denormalize all value predictions value_preds = self.denorm_value_preds for step in reversed(range(self.rewards.size(0))): delta = self.rewards[step] + \ gamma*value_preds[step + 1]*self.masks[step + 1] - value_preds[step] gae = delta + gamma * gae_lambda * self.masks[step + 1] * gae self.returns[step] = gae + value_preds[step] def compute_discounted_returns(self, returns_buffer, next_value, gamma): self.value_preds[-1] = next_value value_preds = self.value_preds if self.use_proper_time_limits: self._compute_truncated_value_preds() value_preds = self.truncated_value_preds if self.use_popart: self.denorm_value_preds = self.model.popart.denormalize(value_preds) # denormalize all value predictions self.returns[-1] = value_preds[-1] for step in reversed(range(self.rewards.size(0))): returns_buffer[step] = returns_buffer[step + 1] * \ gamma * self.masks[step + 1] + self.rewards[step] def compute_returns(self, next_value, use_gae, gamma, gae_lambda): if use_gae: self.compute_gae_returns( self.returns, next_value, gamma, gae_lambda) else: self.compute_discounted_returns( self.returns, next_value, gamma) def get_batched_value_loss(self, signed=False, positive_only=False, power=1, clipped=True, batched=True): """ Assumes buffer contains pre-computed returns via compute_returns. Computes the mean episodic value loss per batch. """ # If agent uses popart, then value_preds are normalized, while # returns are not. if self.use_popart: value_preds = self.denorm_value_preds[:-1] else: value_preds = self.value_preds[:-1] returns = self.returns[:-1] if signed: td = returns - value_preds elif positive_only: td = (returns - value_preds).clamp(0) else: td = (returns - value_preds).abs() if power > 1: td = td**power batch_td = td.mean(0) # B x 1 if clipped: batch_td = torch.clamp(batch_td, -1, 1) if batched: return batch_td else: return batch_td.mean().item() def get_batched_action_complexity(self): """ Returns per-batch LZ complexity scores of the action trajectories in the buffer """ num_processes = self.actions.shape[1] batched_complexity = torch.zeros(num_processes, 1, dtype=torch.float) for b in range(num_processes): num_traj = 0 avg_complexity = 0 done_steps = [0] + (self.masks[:,b,0] == 0).nonzero().flatten().tolist() for i, t in enumerate(done_steps[:-1]): if len(done_steps) > 1: next_done = done_steps[i+1] else: next_done = self.actions.shape[0] action_str = ' '.join([str(a.item()) for a in self.actions[t:next_done,b,0]]) avg_complexity += lempel_ziv_complexity(action_str) num_traj += 1 batched_complexity[b] = avg_complexity/num_traj return batched_complexity def get_action_complexity(self): """ Returns mean LZ complexity scores of the action trajectories in the buffer """ num_processes = self.actions.shape[1] avg_complexity = 0 num_traj = 0 for b in range(num_processes): done_steps = [0] + (self.masks[:,b,0] == 0).nonzero().flatten().tolist() for i, t in enumerate(done_steps[:-1]): if len(done_steps) > 1: next_done = done_steps[i+1] else: next_done = self.actions.shape[0] action_str = ' '.join([str(a.item()) for a in self.actions[t:next_done,b,0]]) avg_complexity += lempel_ziv_complexity(action_str) num_traj += 1 return avg_complexity/num_traj def get_action_traj(self, as_string=False): if as_string: num_processes = self.actions.shape[1] traj = [] for b in range(num_processes): action_str = ' '.join([str(a.item()) for a in self.actions[:,b,0]]) traj.append(action_str) return traj else: return self.actions.squeeze(-1) def _split_batched_lstm_recurrent_hidden_states(self, hxs): return (hxs[:, :self.recurrent_hidden_state_size], hxs[:, self.recurrent_hidden_state_size:]) def get_recurrent_hidden_state(self, step): if self.is_lstm: return self._split_batched_lstm_recurrent_hidden_states( self.recurrent_hidden_states[step,:].squeeze(0)) return self.recurrent_hidden_states[step] def feed_forward_generator(self, advantages, num_mini_batch=None, mini_batch_size=None): num_steps, num_processes = self.rewards.size()[0:2] batch_size = num_processes * num_steps if mini_batch_size is None: assert batch_size >= num_mini_batch, ( "PPO requires the number of processes ({}) " "* number of steps ({}) = {} " "to be greater than or equal to the number of PPO mini batches ({})." "".format(num_processes, num_steps, num_processes * num_steps, num_mini_batch)) mini_batch_size = batch_size // num_mini_batch sampler = BatchSampler( SubsetRandomSampler(range(batch_size)), mini_batch_size, drop_last=False) for indices in sampler: if self.is_dict_obs: obs_batch = {k: self.obs[k][:-1].view(-1, *self.obs[k].size()[2:])[indices] for k in self.obs.keys()} else: obs_batch = self.obs[:-1].view(-1, *self.obs.size()[2:])[indices] recurrent_hidden_states_batch = self.recurrent_hidden_states[:-1].view( -1, self.recurrent_hidden_states.size(-1))[indices] actions_batch = self.actions.view(-1, self.actions.size(-1))[indices] value_preds_batch = self.value_preds[:-1].view(-1, 1)[indices] return_batch = self.returns[:-1].view(-1, 1)[indices] masks_batch = self.masks[:-1].view(-1, 1)[indices] old_action_log_probs_batch = self.action_log_probs.view(-1, 1)[indices] if advantages is None: adv_targ = None else: adv_targ = advantages.view(-1, 1)[indices] if self.is_lstm: # Split into (hxs, cxs) for LSTM recurrent_hidden_states_batch = \ self._split_batched_lstm_recurrent_hidden_states(recurrent_hidden_states_batch) yield obs_batch, recurrent_hidden_states_batch, actions_batch, \ value_preds_batch, return_batch, masks_batch, old_action_log_probs_batch, adv_targ def recurrent_generator(self, advantages, num_mini_batch): num_processes = self.rewards.size(1) assert num_processes >= num_mini_batch, ( "PPO requires the number of processes ({}) " "to be greater than or equal to the number of " "PPO mini batches ({}).".format(num_processes, num_mini_batch)) num_envs_per_batch = num_processes // num_mini_batch perm = torch.randperm(num_processes) for start_ind in range(0, num_processes, num_envs_per_batch): if self.is_dict_obs: obs_batch = defaultdict(list) else: obs_batch = [] recurrent_hidden_states_batch = [] actions_batch = [] value_preds_batch = [] return_batch = [] masks_batch = [] old_action_log_probs_batch = [] adv_targ = [] for offset in range(num_envs_per_batch): ind = perm[start_ind + offset] if self.is_dict_obs: [obs_batch[k].append(self.obs[k][:-1,ind]) for k in self.obs.keys()] else: obs_batch.append(self.obs[:-1, ind]) recurrent_hidden_states_batch.append( self.recurrent_hidden_states[0:1, ind]) actions_batch.append(self.actions[:, ind]) value_preds_batch.append(self.value_preds[:-1, ind]) return_batch.append(self.returns[:-1, ind]) masks_batch.append(self.masks[:-1, ind]) old_action_log_probs_batch.append( self.action_log_probs[:, ind]) adv_targ.append(advantages[:, ind]) T, N = self.num_steps, num_envs_per_batch # These are all tensors of size (T, N, -1) if self.is_dict_obs: for k in obs_batch.keys(): obs_batch[k] = torch.stack(obs_batch[k],1) else: obs_batch = torch.stack(obs_batch, 1) actions_batch = torch.stack(actions_batch, 1) value_preds_batch = torch.stack(value_preds_batch, 1) return_batch = torch.stack(return_batch, 1) masks_batch = torch.stack(masks_batch, 1) old_action_log_probs_batch = torch.stack( old_action_log_probs_batch, 1) adv_targ = torch.stack(adv_targ, 1) # States is just a (N, -1) tensor recurrent_hidden_states_batch = torch.stack( recurrent_hidden_states_batch, 1).view(N, -1) # Flatten the (T, N, ...) tensors to (T * N, ...) obs_batch = _flatten_helper(T, N, obs_batch) actions_batch = _flatten_helper(T, N, actions_batch) value_preds_batch = _flatten_helper(T, N, value_preds_batch) return_batch = _flatten_helper(T, N, return_batch) masks_batch = _flatten_helper(T, N, masks_batch) old_action_log_probs_batch = _flatten_helper(T, N, \ old_action_log_probs_batch) adv_targ = _flatten_helper(T, N, adv_targ) if self.is_lstm: # Split into (hxs, cxs) for LSTM recurrent_hidden_states_batch = \ self._split_batched_lstm_recurrent_hidden_states(recurrent_hidden_states_batch) yield obs_batch, recurrent_hidden_states_batch, actions_batch, \ value_preds_batch, return_batch, masks_batch, old_action_log_probs_batch, adv_targ
dcd-main
algos/storage.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. class ACAgent(object): def __init__(self, algo, storage): self.algo = algo self.storage = storage def update(self, discard_grad=False): info = self.algo.update(self.storage, discard_grad=discard_grad) self.storage.after_update() return info def to(self, device): self.algo.actor_critic.to(device) self.storage.to(device) return self def train(self): self.algo.actor_critic.train() def eval(self): self.algo.actor_critic.eval() def random(self): self.algo.actor_critic.random = True def process_action(self, action): if hasattr(self.algo.actor_critic, 'process_action'): return self.algo.actor_critic.process_action(action) else: return action def act(self, *args, **kwargs): return self.algo.actor_critic.act(*args, **kwargs) def get_value(self, *args, **kwargs): return self.algo.actor_critic.get_value(*args, **kwargs) def insert(self, *args, **kwargs): return self.storage.insert(*args, **kwargs) @property def is_recurrent(self): return self.algo.actor_critic.is_recurrent
dcd-main
algos/agent.py
# Copyright (c) 2017 Ilya Kostrikov # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a modified version of: # https://github.com/ikostrikov/pytorch-a2c-ppo-acktr-gail/blob/master/a2c_ppo_acktr/algo/ppo.py import torch import torch.nn as nn import torch.nn.functional as F import torch.optim as optim import random class PPO(): """ Vanilla PPO """ def __init__(self, actor_critic, clip_param, ppo_epoch, num_mini_batch, value_loss_coef, entropy_coef, lr=None, eps=None, max_grad_norm=None, clip_value_loss=True, log_grad_norm=False): self.actor_critic = actor_critic self.clip_param = clip_param self.ppo_epoch = ppo_epoch self.num_mini_batch = num_mini_batch self.clip_value_loss = clip_value_loss self.value_loss_coef = value_loss_coef self.entropy_coef = entropy_coef self.max_grad_norm = max_grad_norm self.optimizer = optim.Adam(actor_critic.parameters(), lr=lr, eps=eps) self.log_grad_norm = log_grad_norm def _grad_norm(self): total_norm = 0 for p in self.actor_critic.parameters(): if p.grad is not None: param_norm = p.grad.data.norm(2) total_norm += param_norm.item() ** 2 total_norm = total_norm ** (1. / 2) return total_norm def update(self, rollouts, discard_grad=False): if rollouts.use_popart: value_preds = rollouts.denorm_value_preds else: value_preds = rollouts.value_preds advantages = rollouts.returns[:-1] - value_preds[:-1] advantages = (advantages - advantages.mean()) / ( advantages.std() + 1e-5) value_loss_epoch = 0 action_loss_epoch = 0 dist_entropy_epoch = 0 if self.log_grad_norm: grad_norms = [] for e in range(self.ppo_epoch): if self.actor_critic.is_recurrent: data_generator = rollouts.recurrent_generator( advantages, self.num_mini_batch) else: data_generator = rollouts.feed_forward_generator( advantages, self.num_mini_batch) for sample in data_generator: obs_batch, recurrent_hidden_states_batch, actions_batch, \ value_preds_batch, return_batch, masks_batch, old_action_log_probs_batch, \ adv_targ = sample values, action_log_probs, dist_entropy, _ = self.actor_critic.evaluate_actions( obs_batch, recurrent_hidden_states_batch, masks_batch, actions_batch) ratio = torch.exp(action_log_probs - old_action_log_probs_batch) surr1 = ratio * adv_targ surr2 = torch.clamp(ratio, 1.0 - self.clip_param, 1.0 + self.clip_param) * adv_targ action_loss = -torch.min(surr1, surr2).mean() if rollouts.use_popart: self.actor_critic.popart.update(return_batch) return_batch = self.actor_critic.popart.normalize(return_batch) if self.clip_value_loss: value_pred_clipped = value_preds_batch + \ (values - value_preds_batch).clamp(-self.clip_param, self.clip_param) value_losses = (values - return_batch).pow(2) value_losses_clipped = ( value_pred_clipped - return_batch).pow(2) value_loss = 0.5 * torch.max(value_losses, value_losses_clipped).mean() else: value_loss = F.smooth_l1_loss(values, return_batch) self.optimizer.zero_grad() loss = (value_loss*self.value_loss_coef + action_loss - dist_entropy*self.entropy_coef) loss.backward() if self.log_grad_norm: grad_norms.append(self._grad_norm()) if self.max_grad_norm is not None and self.max_grad_norm > 0: nn.utils.clip_grad_norm_(self.actor_critic.parameters(), self.max_grad_norm) if not discard_grad: self.optimizer.step() value_loss_epoch += value_loss.item() action_loss_epoch += action_loss.item() dist_entropy_epoch += dist_entropy.item() num_updates = self.ppo_epoch * self.num_mini_batch value_loss_epoch /= num_updates action_loss_epoch /= num_updates dist_entropy_epoch /= num_updates info = {} if self.log_grad_norm: info = {'grad_norms': grad_norms} return value_loss_epoch, action_loss_epoch, dist_entropy_epoch, info
dcd-main
algos/ppo.py
# Copyright (c) Facebook, Inc. and its affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import os import csv import argparse from collections import defaultdict import pandas as pd import numpy as np import matplotlib as mpl import matplotlib.pyplot as plt import seaborn as sns sns.set_style("whitegrid") sns.set_palette("bright") """ Usage: Plot MiniGrid results for 25 blocks (Robust PLR and REPAIRED uses half as many gradients as baselines): python results/plot_eval_bars.py \ -r results/minigrid_ood \ -f \ mg_25_blocks-dr-250M_steps.csv \ mg_25_blocks-minimax-250M_steps.csv \ mg_25_blocks-paired-250M_steps.csv \ mg_25_blocks-repaired-250M_steps.csv \ mg_25_blocks-plr-250M_steps.csv \ mg_25_blocks-robust_plr-250M_steps.csv \ -l "DR" Minimax PAIRED REPAIRED PLR "Robust PLR" \ --savename minigrid_25_blocks_eval ------------------------------------------------------------------------ Plot MiniGrid results for uniform block count in [0,60]: python results/plot_eval_bars.py \ -r results/minigrid_ood \ -f \ mg_60_blocks_uni-dr_20k_updates.csv \ mg_60_blocks_uni-robust_plr_20k_updates.csv \ mg_60_blocks-accel_20k_updates.csv \ -l "DR" "Robust PLR" ACCEL \ --figsize 24,2 \ --savename minigrid_60_blocks_uni_eval Plot BipedalWalker results: python results/plot_eval_bars.py \ -r results/bipedal \ -f \ bipedal8d-dr_20k-updates.csv \ bipedal8d-robust_plr-20k_updates.csv \ bipedal8d-accel_20k-updates.csv \ -l "DR" "Robust PLR" ACCEL \ --savename bipedal_eval """ def parse_args(): parser = argparse.ArgumentParser(description='RL') parser.add_argument( '-r', '--result_path', type=str, default='results/', help='Relative path to results directory.' ) parser.add_argument( '-f', '--files', type=str, nargs='+', default=['test.csv', 'test2.csv'], help='Name of results .csv file, output by eval.py.' ) parser.add_argument( '-l', '--labels', type=str, nargs='+', default=[], help='Name of condition corresponding to each results file.' ) parser.add_argument( '--row_prefix', type=str, default='solved_rate', help='Plot rows in results .csv whose metric column matches this prefix.' ) parser.add_argument( '-m', '--metrics', type=str, nargs='+', default=[], help='List of metric names to plot, without the --row_prefix.', ) parser.add_argument( '--include', type=str, nargs='+', default=None, help='Further filter matched metric rows with a list of substrings.' ) parser.add_argument( '--ylabel', type=str, default='Solved rate', help='Y-axis label.' ) parser.add_argument( '--savename', type=str, default='latest', help='Filename of saved .pdf of plot, saved to figures/.' ) parser.add_argument( '--figsize', type=str, default='(14,2)', help='Dimensions of output figure.' ) return parser.parse_args() LABEL_COLORS = { 'DR': 'gray', 'Minimax': 'red', 'PAIRED': (0.8859561388376407,0.5226505841897354,0.195714831410001), 'REPAIRED': (0.2038148518479279,0.6871367484391159,0.5309645021239799), 'PLR': (0.9637256003082545,0.40964669235271706,0.7430230442501574), 'PLR Robust': (0.3711152842731098,0.6174124752499043,0.9586047646790773), 'Robust PLR': (0.3711152842731098,0.6174124752499043,0.9586047646790773), 'ACCEL': (0.30588235,0.83921569,0.27843137) } ENV_ALIASES = { 'SixteenRooms': '16Rooms', 'SixteenRoomsFewerDoors': '16Rooms2', 'SimpleCrossingS11N5': 'SimpleCrossing', 'PerfectMazeMedium': 'PerfectMazeMed', 'BipedalWalkerHardcore': 'HardCore' } if __name__ == '__main__': args = parse_args() assert(len(args.files) == len(args.labels)) num_labels = len(args.labels) colors = sns.husl_palette(num_labels, h=.1) df = pd.DataFrame() for i, f in enumerate(args.files): fpath = os.path.join(args.result_path, f) df_ = pd.read_csv(fpath) df_ = df_[df_['metric'].str.startswith(args.row_prefix)] if args.include is not None: df_ = df_[df_['metric'].str.contains('|'.join(args.include))] df_['label'] = args.labels[i] out_cols = ['metric', 'label'] df_['median'] = df_.median(axis=1) df_['q1'] = df_.quantile(0.25, axis=1) df_['q3'] = df_.quantile(0.75, axis=1) out_cols += ['median', 'q1', 'q3'] out = df_[out_cols] df = pd.concat([df, out]) df_metrics = df['metric'].unique() num_subplots = len(df_metrics) nrows,ncols = 1,num_subplots f, axes = plt.subplots(nrows=nrows, ncols=ncols, sharey=True, sharex=True, figsize=eval(args.figsize)) x=np.arange(len(args.labels)) width=0.35 for i, ax in enumerate(axes.flatten()): metric = df_metrics[i] for j, label in enumerate(args.labels): idx = (df['metric'] == metric) & (df['label'] == label) if label in LABEL_COLORS: color = LABEL_COLORS[label] else: color = colors[j] if label == 'PLR Robust' or label == 'Robust PLR': label = r'$\mathregular{PLR^{\perp}}$' value = df[idx]['median'] error = (df[idx]['q3'] - df[idx]['q1'])/2. x1 = ax.bar(x[j]*width, value, width, label=label, color=color, yerr=error) title = metric.split(':')[-1].split('-') if len(title) > 2: title = ''.join(title[1:-1]) elif len(title) > 1: title = title[0] if title in ENV_ALIASES: title = ENV_ALIASES[title] ax.set_title(title, fontsize=14) ax.grid() ax.spines['top'].set_visible(False) ax.spines['right'].set_visible(False) ax.get_xaxis().set_visible(False) ax.set_yticks([0, 0.5, 1]) ax.set_ylim(0,1) if i == 0: ax.set_ylabel(args.ylabel, fontsize=12) handles, labels = ax.get_legend_handles_labels() legend = f.legend(handles, labels, ncol=len(args.labels), loc='upper center', bbox_to_anchor=(0.5,1.25), frameon=False, fontsize=12) plt.savefig(f"figures/{args.savename}.pdf", bbox_extra_artists=(legend,), bbox_inches='tight') plt.show()
dcd-main
results/plot_eval_bars.py
# Copyright (c) Facebook, Inc. and its affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import os import csv import argparse from collections import defaultdict import numpy as np from scipy import stats import matplotlib as mpl import matplotlib.pyplot as plt import seaborn as sns sns.set_style("whitegrid") sns.set_palette("bright") """ Usage: Plot CarRacingF1 Benchmark results: python results/plot_f1.py \ -r results/car_racing_f1 \ -f \ f1-dr-5M_steps.csv \ f1-paired-5M_steps.csv \ f1-repaired-5M_steps.csv \ f1-plr-5M_steps.csv \ f1-robust_plr-5M_steps.csv \ -l DR PAIRED REPAIRED PLR "PLR Robust" \ --num_test_episodes 10 \ --threshold 477.71 \ --threshold_label 'Tang et al, 2020' \ --savename f1_eval """ def parse_args(): parser = argparse.ArgumentParser() parser.add_argument( '-r', '--result_path', type=str, default='result/', help='Relative path to results directory.' ) parser.add_argument( '-f', '--files', type=str, nargs='+', default=[], help='Name of results .csv file, output by eval.py.' ) parser.add_argument( '-l', '--labels', type=str, nargs='+', default=[], help='Name of condition corresponding to each results file.' ) parser.add_argument( '-p', '--row_prefix', type=str, default='test_returns', help='Plot rows in results .csv whose metric column matches this prefix.' ) parser.add_argument( '-t', '--num_test_episodes', type=int, default=10 ) parser.add_argument( '--savename', type=str, default="latest", help='Filename of saved .pdf of plot, saved to figures/.' ) parser.add_argument( '--figsize', type=str, default="2,2", help='Dimensions of output figure.' ) parser.add_argument( '--threshold', type=float, default=None ) parser.add_argument( '--threshold_label', type=str, default=None ) return parser.parse_args() def agg_test_episodes_by_seed(row, num_test_episodes, stat='mean'): assert(len(row) % num_test_episodes == 0) total_steps = len(row) // num_test_episodes row = [float(x) for x in row] step = num_test_episodes return [np.mean(row[i*step:i*step + step]) for i in range(total_steps)] LABEL_COLORS = { 'DR': 'gray', 'PAIRED': (0.8859561388376407, 0.5226505841897354, 0.195714831410001), 'REPAIRED': (0.2038148518479279, 0.6871367484391159, 0.5309645021239799), 'PLR': (0.9637256003082545, 0.40964669235271706, 0.7430230442501574), 'PLR Robust': (0.3711152842731098, 0.6174124752499043, 0.9586047646790773), 'Robust PLR': (0.3711152842731098, 0.6174124752499043, 0.9586047646790773), } if __name__ == '__main__': args = parse_args() plt.rcParams["figure.figsize"] = eval(args.figsize) result_path = os.path.expandvars(os.path.expanduser(args.result_path)) num_labels = len(args.labels) colors = sns.husl_palette(num_labels, h=.1) colors_ = [] for l in args.labels: if l in LABEL_COLORS: colors_.append(LABEL_COLORS[l]) else: colors_.append(colors[i]) colors = colors_ x = np.arange(len(args.files)) width = 0.35 all_stats = defaultdict(list) for i, f in enumerate(args.files): fpath = os.path.join(result_path, f) with open(fpath, mode='r', newline='') as csvfile: csvreader = csv.reader(csvfile, delimiter=',') for row in csvreader: if row[0].startswith(args.row_prefix): agg_stats = agg_test_episodes_by_seed(row[1:], args.num_test_episodes) all_stats[args.labels[i]] += agg_stats label_stats = all_stats[args.labels[i]] value = np.mean(label_stats) err = stats.sem(label_stats) label = args.labels[i] if label == 'PLR Robust' or label == 'Robust PLR': label = r'$\mathregular{PLR^{\perp}}$' x1 = plt.bar(x[i]*width, value, width, label=label, color=colors[i], yerr=err) x = np.arange(len(args.files)) plt.grid() sns.despine(top=True, right=True, left=False, bottom=False) plt.gca().get_xaxis().set_visible(False) plt.ylabel('Test return', fontsize=12) # Add threshold if args.threshold: plt.axhline(y=args.threshold, label=args.threshold_label, color='green', linestyle='dotted') legend = plt.legend( ncol=1, loc='upper left', bbox_to_anchor=(1, 1), frameon=False, fontsize=12) plt.savefig(f"figures/{args.savename}.pdf", bbox_extra_artists=(legend,), bbox_inches='tight') plt.show()
dcd-main
results/plot_f1.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import argparse import json import os def generate_train_cmds( params, num_trials=1, start_index=0, newlines=False, xpid_generator=None, xpid_prefix='', xvfb=False, count_set=None): separator = ' \\\n' if newlines else ' ' cmds = [] if xpid_generator: params['xpid'] = xpid_generator(params, xpid_prefix) start_seed = params['seed'] for t in range(num_trials): params['seed'] = start_seed + t + start_index if xvfb: cmd = [f'xvfb-run -a -s "-screen 0 1400x900x24 +extension RANDR -noreset" -- python -m train'] else: cmd = [f'python -m train'] trial_idx = t + start_index for k,v in params.items(): if k == 'xpid': v = f'{v}_{trial_idx}' if count_set is not None: count_set.add(v) cmd.append(f'--{k}={v}') cmd = separator.join(cmd) cmds.append(cmd) return cmds def generate_all_params_for_grid(grid, defaults={}): def update_params_with_choices(prev_params, param, choices): updated_params = [] for v in choices: for p in prev_params: updated = p.copy() updated[param] = v updated_params.append(updated) return updated_params all_params = [{}] for param, choices in grid.items(): all_params = update_params_with_choices(all_params, param, choices) full_params = [] for p in all_params: d = defaults.copy() d.update(p) full_params.append(d) return full_params def parse_args(): parser = argparse.ArgumentParser(description='Make commands') parser.add_argument( '--dir', type=str, default='train_scripts/grid_configs/', help='Path to directory with .json configs') parser.add_argument( '--json', type=str, default=None, help='Name of .json config for hyperparameter search-grid') parser.add_argument( '--num_trials', type=int, default=1, help='Name of .json config for hyperparameter search-grid') parser.add_argument( '--start_index', default=0, type=int, help='Starting trial index of xpid runs') parser.add_argument( '--count', action='store_true', help='Print number of generated commands at the end of output.') parser.add_argument( "--checkpoint", action='store_true', help='Whether to start from checkpoint' ) parser.add_argument( '--use_ucb', action="store_true", help='Whether to include ucb arguments.') parser.add_argument( '--xvfb', action="store_true", help='Whether to use xvfb.') return parser.parse_args() def xpid_from_params(p, prefix=''): ued_algo = p['ued_algo'] is_train_env = ued_algo in ['paired', 'flexible_paired', 'minimax'] env_prefix = '' if p['env_name'].startswith('MultiGrid') or p['env_name'].startswith('Bipedal'): env_prefix = p['env_name'] elif p['env_name'].startswith('CarRacing'): env_prefix = f"{p['env_name']}_{p['num_control_points']}pts" if p.get('grayscale', False): env_prefix = f"{env_prefix}_gray" prefix_str = '' if prefix == '' else f'-{prefix}' rnn_prefix = '' rnn_agent = 'a' if p['recurrent_agent'] else '' rnn_env = 'e' if p['recurrent_adversary_env'] and is_train_env else '' if rnn_agent or rnn_env: rnn_arch = p['recurrent_arch'] rnn_hidden = p['recurrent_hidden_size'] rnn_prefix = f'-{rnn_arch}{rnn_hidden}{rnn_agent}{rnn_env}' ppo_prefix = f"-lr{p['lr']}-epoch{p['ppo_epoch']}-mb{p['num_mini_batch']}-v{p['value_loss_coef']}-gc{p['max_grad_norm']}" if p['env_name'].startswith('CarRacing'): clip_v_prefix = '' if not p['clip_value_loss']: clip_v_prefix = '-no_clipv' ppo_prefix = f"{ppo_prefix}{clip_v_prefix}-gamma-{p['gamma']}-lambda{p['gae_lambda']}-gclip{p['clip_param']}" entropy_prefix = f"-henv{p['adv_entropy_coef']}-ha{p['entropy_coef']}" plr_prefix = '' if p['use_plr']: if 'level_replay_prob' in p and p['level_replay_prob'] > 0: plr_prefix = f"-plr{p['level_replay_prob']}-rho{p['level_replay_rho']}-n{p['level_replay_seed_buffer_size']}-st{p['staleness_coef']}-{p['level_replay_strategy']}-{p['level_replay_score_transform']}-t{p['level_replay_temperature']}" else: plr_prefix = '' editing_prefix = '' if p['use_editor']: editing_prefix = f"-editor{p['level_editor_prob']}-{p['level_editor_method']}-n{p['num_edits']}-base{p['base_levels']}" timelimits = '-tl' if p['handle_timelimits'] else '' global_critic = '-global' if p['use_global_critic'] else '' noexpgrad = '' if p['no_exploratory_grad_updates']: noexpgrad = '-noexpgrad' finetune = '' if p.get('xpid_finetune', None): finetune = f'-ft_{p["xpid_finetune"]}' else: return f'ued{prefix_str}-{env_prefix}-{ued_algo}{finetune}{noexpgrad}{rnn_prefix}{ppo_prefix}{entropy_prefix}{plr_prefix}{editing_prefix}{global_critic}{timelimits}' if __name__ == '__main__': args = parse_args() # Default parameters params = { 'xpid': 'test', # Env params 'env_name': 'MultiGrid-GoalLastAdversarial-v0', 'use_gae': True, 'gamma': 0.995, 'gae_lambda': 0.95, 'seed': 88, # CarRacing specific 'num_control_points': 12, # Model params 'recurrent_arch': 'lstm', 'recurrent_agent': True, 'recurrent_adversary_env': True, 'recurrent_hidden_size': 256, 'use_global_critic': False, # Learning params 'lr': 1e-4, 'num_steps': 256, # unroll length 'num_processes': 32, # number of actor processes 'num_env_steps': 1000000000, # total training steps 'ppo_epoch': 20, 'num_mini_batch': 1, 'entropy_coef': 0., 'value_loss_coef': 0.5, 'clip_param': 0.2, 'clip_value_loss': True, 'adv_entropy_coef': 0., 'max_grad_norm': 0.5, 'algo': 'ppo', 'ued_algo': 'paired', # PLR params 'use_plr': False, 'level_replay_prob': 0.0, 'level_replay_rho': 1.0, 'level_replay_seed_buffer_size': 5000, 'level_replay_score_transform': "rank", 'level_replay_temperature': 0.1, 'staleness_coef': 0.3, 'no_exploratory_grad_updates': False, # Editor params 'use_editor': False, 'level_editor_prob': 0, 'level_editor_method': 'random', 'num_edits': 0, 'base_levels': 'batch', # Logging params 'log_interval': 25, 'screenshot_interval':1000, 'log_grad_norm': False, } json_filename = args.json if not json_filename.endswith('.json'): json_filename += '.json' grid_path = os.path.join(os.path.expandvars(os.path.expanduser(args.dir)), json_filename) config = json.load(open(grid_path)) grid = config['grid'] xpid_prefix = '' if 'xpid_prefix' not in config else config['xpid_prefix'] if args.checkpoint: params['checkpoint'] = True # Generate all parameter combinations within grid, using defaults for fixed params all_params = generate_all_params_for_grid(grid, defaults=params) unique_xpids = None if args.count: unique_xpids = set() # Print all commands count = 0 for p in all_params: cmds = generate_train_cmds(p, num_trials=args.num_trials, start_index=args.start_index, newlines=True, xpid_generator=xpid_from_params, xpid_prefix=xpid_prefix, xvfb=args.xvfb, count_set=unique_xpids) for c in cmds: print(c + '\n') count += 1 if args.count: print(f'Generated {len(unique_xpids)} unique commands.')
dcd-main
train_scripts/make_cmd.py
# Copyright 2021 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import re import importlib import warnings from gym import error, logger # This format is true today, but it's *not* an official spec. # [username/](env-name)-v(version) env-name is group 1, version is group 2 # # 2016-10-31: We're experimentally expanding the environment ID format # to include an optional username. env_id_re = re.compile(r'^(?:[\w:-]+\/)?([\w:.-]+)-v(\d+)$') def load(name): mod_name, attr_name = name.split(":") mod = importlib.import_module(mod_name) fn = getattr(mod, attr_name) return fn class EnvSpec(object): """A specification for a particular instance of the environment. Used to register the parameters for official evaluations. Args: id (str): The official environment ID entry_point (Optional[str]): The Python entrypoint of the environment class (e.g. module.name:Class) reward_threshold (Optional[int]): The reward threshold before the task is considered solved kwargs (dict): The kwargs to pass to the environment class nondeterministic (bool): Whether this environment is non-deterministic even after seeding tags (dict[str:any]): A set of arbitrary key-value tags on this environment, including simple property=True tags max_episode_steps (Optional[int]): The maximum number of steps that an episode can consist of Attributes: id (str): The official environment ID """ def __init__(self, id, entry_point=None, reward_threshold=None, kwargs=None, nondeterministic=False, tags=None, max_episode_steps=None): self.id = id # Evaluation parameters self.reward_threshold = reward_threshold # Environment properties self.nondeterministic = nondeterministic self.entry_point = entry_point if tags is None: tags = {} self.tags = tags tags['wrapper_config.TimeLimit.max_episode_steps'] = max_episode_steps self.max_episode_steps = max_episode_steps # We may make some of these other parameters public if they're # useful. match = env_id_re.search(id) if not match: raise error.Error('Attempted to register malformed environment ID: {}. (Currently all IDs must be of the form {}.)'.format(id, env_id_re.pattern)) self._env_name = match.group(1) self._kwargs = {} if kwargs is None else kwargs def make(self, **kwargs): """Instantiates an instance of the environment with appropriate kwargs""" if self.entry_point is None: raise error.Error('Attempting to make deprecated env {}. (HINT: is there a newer registered version of this env?)'.format(self.id)) _kwargs = self._kwargs.copy() _kwargs.update(kwargs) if callable(self.entry_point): env = self.entry_point(**_kwargs) else: cls = load(self.entry_point) env = cls(**_kwargs) # Make the enviroment aware of which spec it came from. env.unwrapped.spec = self return env def __repr__(self): return "EnvSpec({})".format(self.id) class EnvRegistry(object): """Register an env by ID. IDs remain stable over time and are guaranteed to resolve to the same environment dynamics (or be desupported). The goal is that results on a particular environment should always be comparable, and not depend on the version of the code that was running. """ def __init__(self): self.env_specs = {} def make(self, path, **kwargs): if len(kwargs) > 0: logger.info('Making new env: %s (%s)', path, kwargs) else: logger.info('Making new env: %s', path) spec = self.spec(path) env = spec.make(**kwargs) # We used to have people override _reset/_step rather than # reset/step. Set _gym_disable_underscore_compat = True on # your environment if you use these methods and don't want # compatibility code to be invoked. if hasattr(env, "_reset") and hasattr(env, "_step") and not getattr(env, "_gym_disable_underscore_compat", False): patch_deprecated_methods(env) if (env.spec.max_episode_steps is not None) and not spec.tags.get('vnc'): from envs.wrappers import TimeLimit env = TimeLimit(env, max_episode_steps=env.spec.max_episode_steps) return env def all(self): return self.env_specs.values() def spec(self, path): if ':' in path: mod_name, _sep, id = path.partition(':') try: importlib.import_module(mod_name) # catch ImportError for python2.7 compatibility except ImportError: raise error.Error('A module ({}) was specified for the environment but was not found, make sure the package is installed with `pip install` before calling `gym.make()`'.format(mod_name)) else: id = path match = env_id_re.search(id) if not match: raise error.Error('Attempted to look up malformed environment ID: {}. (Currently all IDs must be of the form {}.)'.format(id.encode('utf-8'), env_id_re.pattern)) try: return self.env_specs[id] except KeyError: # Parse the env name and check to see if it matches the non-version # part of a valid env (could also check the exact number here) env_name = match.group(1) matching_envs = [valid_env_name for valid_env_name, valid_env_spec in self.env_specs.items() if env_name == valid_env_spec._env_name] if matching_envs: raise error.DeprecatedEnv('Env {} not found (valid versions include {})'.format(id, matching_envs)) else: raise error.UnregisteredEnv('No registered env with id: {}'.format(id)) def register(self, id, **kwargs): if id in self.env_specs: raise error.Error('Cannot re-register id: {}'.format(id)) self.env_specs[id] = EnvSpec(id, **kwargs) # Have a global registry registry = EnvRegistry() def register(id, **kwargs): return registry.register(id, **kwargs) def make(id, **kwargs): return registry.make(id, **kwargs) def spec(id): return registry.spec(id) warn_once = True def patch_deprecated_methods(env): """ Methods renamed from '_method' to 'method', render() no longer has 'close' parameter, close is a separate method. For backward compatibility, this makes it possible to work with unmodified environments. """ global warn_once if warn_once: logger.warn("Environment '%s' has deprecated methods '_step' and '_reset' rather than 'step' and 'reset'. Compatibility code invoked. Set _gym_disable_underscore_compat = True to disable this behavior." % str(type(env))) warn_once = False env.reset = env._reset env.step = env._step env.seed = env._seed def render(mode): return env._render(mode, close=False) def close(): env._render("human", close=True) env.render = render env.close = close
dcd-main
envs/registration.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .multigrid.adversarial import *
dcd-main
envs/__init__.py
# Copyright (c) 2019 Antonin Raffin # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/DLR-RM/stable-baselines3/blob/master/stable_baselines3/common/vec_env/vec_frame_stack.py from .vec_env import VecEnvWrapper import numpy as np from gym import spaces class VecFrameStack(VecEnvWrapper): def __init__(self, venv, nstack, obs_key=None): self.venv = venv self.n_frame_channels = venv.observation_space.shape[-1] self.nstack = nstack self.obs_key = obs_key wos = venv.observation_space # wrapped ob space low = np.repeat(wos.low, self.nstack, axis=-1) high = np.repeat(wos.high, self.nstack, axis=-1) self.stackedobs = np.zeros((venv.num_envs,) + low.shape, low.dtype) observation_space = spaces.Box(low=low, high=high, dtype=venv.observation_space.dtype) VecEnvWrapper.__init__(self, venv, observation_space=observation_space) def step_wait(self): obs, rews, news, infos = self.venv.step_wait() if self.obs_key: obs = obs[obs_key] self.stackedobs = np.roll(self.stackedobs, shift=-self.n_frame_channels, axis=-1) for (i, new) in enumerate(news): if new: self.stackedobs[i] = 0 self.stackedobs[..., -obs.shape[-1]:] = obs return self.stackedobs, rews, news, infos def reset(self, seed=None, index=None): if seed is not None and index is not None: obs = self.venv.seed(seed, index) if self.obs_key: obs = obs[obs_key] self.stackedobs[index] = 0 self.stackedobs[index,...,-obs.shape[-1]:] = obs return self.stackedobs[index,:] else: obs = self.venv.reset() if self.obs_key: obs = obs[obs_key] self.stackedobs[...] = 0 self.stackedobs[..., -obs.shape[-1]:] = obs return self.stackedobs def reset_agent(self): obs = self.venv.reset_agent() if self.obs_key: obs = obs[obs_key] self.stackedobs[...] = 0 self.stackedobs[..., -obs.shape[-1]:] = obs return self.stackedobs def reset_random(self): obs = self.venv.reset_random() if self.obs_key: obs = obs[obs_key] self.stackedobs[...] = 0 self.stackedobs[..., -obs.shape[-1]:] = obs return self.stackedobs
dcd-main
envs/wrappers/vec_frame_stack.py
# Copyright (c) OpenAI # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/openai/baselines/blob/master/baselines/common/vec_env/vec_env.py import contextlib import os from abc import ABC, abstractmethod from baselines.common.tile_images import tile_images class AlreadySteppingError(Exception): """ Raised when an asynchronous step is running while step_async() is called again. """ def __init__(self): msg = 'already running an async step' Exception.__init__(self, msg) class NotSteppingError(Exception): """ Raised when an asynchronous step is not running but step_wait() is called. """ def __init__(self): msg = 'not running an async step' Exception.__init__(self, msg) class VecEnv(ABC): """ An abstract asynchronous, vectorized environment. Used to batch data from multiple copies of an environment, so that each observation becomes an batch of observations, and expected action is a batch of actions to be applied per-environment. """ closed = False viewer = None metadata = { 'render.modes': ['human', 'rgb_array'] } def __init__(self, num_envs, observation_space, action_space): self.num_envs = num_envs self.observation_space = observation_space self.action_space = action_space @abstractmethod def reset(self): """ Reset all the environments and return an array of observations, or a dict of observation arrays. If step_async is still doing work, that work will be cancelled and step_wait() should not be called until step_async() is invoked again. """ pass @abstractmethod def step_async(self, actions): """ Tell all the environments to start taking a step with the given actions. Call step_wait() to get the results of the step. You should not call this if a step_async run is already pending. """ pass @abstractmethod def step_wait(self): """ Wait for the step taken with step_async(). Returns (obs, rews, dones, infos): - obs: an array of observations, or a dict of arrays of observations. - rews: an array of rewards - dones: an array of "episode done" booleans - infos: a sequence of info objects """ pass def close_extras(self): """ Clean up the extra resources, beyond what's in this base class. Only runs when not self.closed. """ pass def close(self): if self.closed: return if self.viewer is not None: self.viewer.close() self.close_extras() self.closed = True def step(self, actions): """ Step the environments synchronously. This is available for backwards compatibility. """ self.step_async(actions) return self.step_wait() def step_env(self, actions, reset_random=False): if reset_random: self.step_env_reset_random_async(actions) else: self.step_env_async(actions) return self.step_wait() def render(self, mode='human'): imgs = self.get_images() bigimg = tile_images(imgs) if mode == 'human': self.get_viewer().imshow(bigimg) return self.get_viewer().isopen elif mode == 'rgb_array': return bigimg else: raise NotImplementedError def get_images(self): """ Return RGB images from each environment """ raise NotImplementedError @property def unwrapped(self): if isinstance(self, VecEnvWrapper): return self.venv.unwrapped else: return self def get_viewer(self): if self.viewer is None: from gym.envs.classic_control import rendering self.viewer = rendering.SimpleImageViewer() return self.viewer class VecEnvWrapper(VecEnv): """ An environment wrapper that applies to an entire batch of environments at once. """ def __init__(self, venv, observation_space=None, action_space=None): self.venv = venv super().__init__(num_envs=venv.num_envs, observation_space=observation_space or venv.observation_space, action_space=action_space or venv.action_space) def step_async(self, actions): self.venv.step_async(actions) @abstractmethod def reset(self): pass @abstractmethod def step_wait(self): pass def close(self): return self.venv.close() def render(self, mode='human'): return self.venv.render(mode=mode) def get_images(self): return self.venv.get_images() def __getattr__(self, name): if name.startswith('_'): raise AttributeError("attempted to get missing private attribute '{}'".format(name)) return getattr(self.venv, name) class VecEnvObservationWrapper(VecEnvWrapper): @abstractmethod def process(self, obs): pass def reset(self): obs = self.venv.reset() return self.process(obs) def step_wait(self): obs, rews, dones, infos = self.venv.step_wait() return self.process(obs), rews, dones, infos class CloudpickleWrapper(object): """ Uses cloudpickle to serialize contents (otherwise multiprocessing tries to use pickle) """ def __init__(self, x): self.x = x def __getstate__(self): import cloudpickle return cloudpickle.dumps(self.x) def __setstate__(self, ob): import pickle self.x = pickle.loads(ob) @contextlib.contextmanager def clear_mpi_env_vars(): """ from mpi4py import MPI will call MPI_Init by default. If the child process has MPI environment variables, MPI will think that the child process is an MPI process just like the parent and do bad things such as hang. This context manager is a hacky way to clear those environment variables temporarily such as when we are starting multiprocessing Processes. """ removed_environment = {} for k, v in list(os.environ.items()): for prefix in ['OMPI_', 'PMI_']: if k.startswith(prefix): removed_environment[k] = v del os.environ[k] try: yield finally: os.environ.update(removed_environment)
dcd-main
envs/wrappers/vec_env.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import numpy as np import torch import gym from .vec_env import VecEnvWrapper class AdversarialObservationWrapper(gym.core.Wrapper): def step(self, action): observation, reward, done, info = self.env.step(action) return self.agent_observation(observation), reward, done, info def reset(self, **kwargs): return self.env.reset(**kwargs) def reset_agent(self, **kwargs): observation = self.env.reset_agent(**kwargs) return self.agent_observation(observation) def reset_random(self, **kwargs): observation = self.env.reset_random(**kwargs) return self.agent_observation(observation) def reset_to_level(self, level, **kwargs): observation = self.env.reset_to_level(level, **kwargs) return self.agent_observation(observation) def agent_observation(self, observation): raise NotImplementedError class VecPreprocessImageWrapper(VecEnvWrapper): def __init__(self, venv, obs_key=None, transpose_order=None, scale=None, channel_first=False, to_tensor=True, device=None): super().__init__(venv) self.is_dict_obs = isinstance(venv.observation_space, gym.spaces.Dict) self.transpose_order = transpose_order if self.transpose_order: self.batch_transpose_order = [0,] + list([i + 1 for i in transpose_order]) else: self.batch_transpose_order = None self.obs_key = obs_key self._obs_space = None self._adversary_obs_space = None self.to_tensor = to_tensor self.device = device # Colorspace parameters self.scale = scale self.channel_first = channel_first self.channel_index = 1 if channel_first else -1 image_obs_space = self.venv.observation_space if self.obs_key: image_obs_space = image_obs_space[self.obs_key] self.num_channels = image_obs_space.shape[self.channel_index] delattr(self, 'observation_space') def _obs_dict_to_tensor(self, obs): for k in obs.keys(): if isinstance(obs[k], np.ndarray): obs[k] = torch.from_numpy(obs[k]).float() if self.device: obs[k] = obs[k].to(self.device) return obs def _transpose(self, obs): if len(obs.shape) == len(self.batch_transpose_order): return obs.transpose(*self.batch_transpose_order) else: return obs.transpose(*self.transpose_order) def _preprocess(self, obs, obs_key=None): if obs_key is None: if self.scale: obs = obs/self.scale if self.batch_transpose_order: # obs = obs.transpose(*self.batch_transpose_order) obs = self._transpose(obs) if isinstance(obs, np.ndarray) and self.to_tensor: obs = torch.from_numpy(obs).float() if self.device: obs = obs.to(self.device) elif isinstance(obs, dict) and self.to_tensor: obs = self._obs_dict_to_tensor(obs) else: if self.scale: obs[self.obs_key] = obs[self.obs_key]/self.scale if self.batch_transpose_order: obs[self.obs_key] = self._transpose(obs[self.obs_key]) if 'full_obs' in obs: obs['full_obs'] = self._transpose(obs['full_obs']) if self.to_tensor: obs = self._obs_dict_to_tensor(obs) return obs def _transpose_box_space(self, space): if isinstance(space, gym.spaces.Box): shape = np.array(space.shape) shape = shape[self.transpose_order] return gym.spaces.Box( low=0, high=255, shape=shape, dtype='uint8') else: raise ValueError('Expected gym.spaces.Box') def _transpose_obs_space(self, obs_space): if self.obs_key: if isinstance(obs_space, gym.spaces.Dict): keys = obs_space.spaces else: keys = obs_space.keys() transposed_obs_space = {k:obs_space[k] for k in keys} transposed_obs_space[self.obs_key] = \ self._transpose_box_space(transposed_obs_space[self.obs_key]) if 'full_obs' in transposed_obs_space: transposed_obs_space['full_obs'] = \ self._transpose_box_space(transposed_obs_space['full_obs']) else: transposed_obs_space = self._transpose_box_space(obs_space) return transposed_obs_space # Public interface def reset(self): obs = self.venv.reset() return self._preprocess(obs, obs_key=self.obs_key) def reset_random(self): obs = self.venv.reset_random() return self._preprocess(obs, obs_key=self.obs_key) def reset_agent(self): obs = self.venv.reset_agent() return self._preprocess(obs, obs_key=self.obs_key) def reset_to_level(self, level, index): obs = self.venv.reset_to_level(level, index) return self._preprocess(obs, obs_key=self.obs_key) def reset_to_level_batch(self, level): obs = self.venv.reset_to_level_batch(level) return self._preprocess(obs, obs_key=self.obs_key) def step_wait(self): obs, rews, dones, infos = self.venv.step_wait() obs = self._preprocess(obs, obs_key=self.obs_key) for i, info in enumerate(infos): if 'truncated_obs' in info: truncated_obs = info['truncated_obs'] infos[i]['truncated_obs'] = \ self._preprocess(truncated_obs, obs_key=self.obs_key) if self.to_tensor: rews = torch.from_numpy(rews).unsqueeze(dim=1).float() return obs, rews, dones, infos def step_adversary(self, action): obs, rews, dones, infos = self.venv.step_adversary(action) obs = self._preprocess(obs, obs_key=self.obs_key) if self.to_tensor: rews = torch.from_numpy(rews).unsqueeze(dim=1).float() return obs, rews, dones, infos def get_observation_space(self): if self._obs_space: return self._obs_space obs_space = self.venv.observation_space if self.batch_transpose_order: self._obs_space = self._transpose_obs_space(obs_space) else: self._obs_space = obs_space return self._obs_space def get_adversary_observation_space(self): if self._adversary_obs_space: return self._adversary_obs_space adversary_obs_space = self.venv.adversary_observation_space obs_space = self.venv.observation_space same_shape = hasattr(adversary_obs_space, 'shape') and hasattr(obs_space, 'shape') and \ adversary_obs_space.shape == obs_space.shape same_obs_key = self.obs_key and self.obs_key in adversary_obs_space if self.batch_transpose_order and (same_shape or same_obs_key): self._adversary_obs_space = self._transpose_obs_space(adversary_obs_space) else: self._adversary_obs_space = adversary_obs_space return self._adversary_obs_space def __getattr__(self, name): if name == 'observation_space': return self.get_observation_space() elif name == 'adversary_observation_space': return self.get_adversary_observation_space() elif name == 'adversary_action_space': return self.venv.get_adversary_action_space() else: return getattr(self.venv, name)
dcd-main
envs/wrappers/obs_wrappers.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import numpy as np import gym from gym import spaces from gym_minigrid.minigrid import OBJECT_TO_IDX, COLOR_TO_IDX, STATE_TO_IDX from .obs_wrappers import AdversarialObservationWrapper class MultiGridFullyObsWrapper(AdversarialObservationWrapper): """ Fully observable gridworld using a compact grid encoding """ def __init__(self, env, is_adversarial=True): super().__init__(env) self.is_adversarial = is_adversarial self.observation_space.spaces["full_obs"] = spaces.Box( low=0, high=255, shape=(self.env.width, self.env.height, 3), # number of cells dtype='uint8' ) def agent_observation(self, obs): env = self.unwrapped full_grid = env.grid.encode() # Note env.agent_pos is an array of length K, for K multigrid agents if env.agent_pos[0] is not None: full_grid[env.agent_pos[0][0]][env.agent_pos[0][1]] = np.array([ OBJECT_TO_IDX['agent'], COLOR_TO_IDX['red'], env.agent_dir[0] ]) obs['full_obs'] = full_grid return obs def reset(self, **kwargs): observation = self.env.reset(**kwargs) if self.is_adversarial: return observation else: return self.agent_observation(observation)
dcd-main
envs/wrappers/multigrid_wrappers.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .obs_wrappers import VecPreprocessImageWrapper, AdversarialObservationWrapper from .parallel_wrappers import ParallelAdversarialVecEnv from .time_limit import TimeLimit from .vec_monitor import VecMonitor from .vec_normalize import VecNormalize from .vec_frame_stack import VecFrameStack from .multigrid_wrappers import * from .car_racing_wrappers import CarRacingWrapper
dcd-main
envs/wrappers/__init__.py
# Copyright (c) OpenAI # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/openai/gym/blob/master/gym/wrappers/time_limit.py import gym class TimeLimit(gym.Wrapper): def __init__(self, env, max_episode_steps=None): super(TimeLimit, self).__init__(env) if max_episode_steps is None and self.env.spec is not None: max_episode_steps = env.spec.max_episode_steps if self.env.spec is not None: self.env.spec.max_episode_steps = max_episode_steps self._max_episode_steps = max_episode_steps self._elapsed_steps = None def step(self, action): assert self._elapsed_steps is not None, "Cannot call env.step() before calling reset()" observation, reward, done, info = self.env.step(action) self._elapsed_steps += 1 if self._elapsed_steps >= self._max_episode_steps: info['truncated'] = not done info['truncated_obs'] = observation done = True return observation, reward, done, info def reset(self): self._elapsed_steps = 0 return self.env.reset() def reset_random(self): self._elapsed_steps = 0 return self.env.reset_random() def reset_to_level(self, level): self._elapsed_steps = 0 return self.env.reset_to_level(level) def reset_agent(self): self._elapsed_steps = 0 return self.env.reset_agent()
dcd-main
envs/wrappers/time_limit.py
# Copyright (c) 2019 Antonin Raffin # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/DLR-RM/stable-baselines3/blob/master/stable_baselines3/common/vec_env/vec_monitor.py from .vec_env import VecEnvWrapper from baselines.bench.monitor import ResultsWriter import numpy as np import time from collections import deque class VecMonitor(VecEnvWrapper): def __init__(self, venv, filename=None, keep_buf=0, info_keywords=()): VecEnvWrapper.__init__(self, venv) self.eprets = None self.eplens = None self.epcount = 0 self.tstart = time.time() if filename: self.results_writer = ResultsWriter(filename, header={'t_start': self.tstart}, extra_keys=info_keywords) else: self.results_writer = None self.info_keywords = info_keywords self.keep_buf = keep_buf if self.keep_buf: self.epret_buf = deque([], maxlen=keep_buf) self.eplen_buf = deque([], maxlen=keep_buf) def reset(self): obs = self.venv.reset() self.eprets = np.zeros(self.num_envs, 'f') self.eplens = np.zeros(self.num_envs, 'i') return obs def reset_agent(self): obs = self.venv.reset_agent() self.eprets = np.zeros(self.num_envs, 'f') self.eplens = np.zeros(self.num_envs, 'i') return obs def reset_random(self): obs = self.venv.reset_random() self.eprets = np.zeros(self.num_envs, 'f') self.eplens = np.zeros(self.num_envs, 'i') return obs def reset_alp_gmm(self, level): obs = self.venv.reset_alp_gmm(level) self.eprets = np.zeros(self.num_envs, 'f') self.eplens = np.zeros(self.num_envs, 'i') return obs def step_wait(self): obs, rews, dones, infos = self.venv.step_wait() self.eprets += rews self.eplens += 1 newinfos = list(infos[:]) for i in range(len(dones)): if dones[i]: info = infos[i].copy() ret = self.eprets[i] eplen = self.eplens[i] epinfo = {'r': ret, 'l': eplen, 't': round(time.time() - self.tstart, 6)} for k in self.info_keywords: epinfo[k] = info[k] info['episode'] = epinfo if self.keep_buf: self.epret_buf.append(ret) self.eplen_buf.append(eplen) self.epcount += 1 self.eprets[i] = 0 self.eplens[i] = 0 if self.results_writer: self.results_writer.write_row(epinfo) newinfos[i] = info return obs, rews, dones, newinfos
dcd-main
envs/wrappers/vec_monitor.py
# Copyright (c) 2019 Antonin Raffin # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/DLR-RM/stable-baselines3/blob/master/stable_baselines3/common/vec_env/vec_normalize.py from .vec_env import VecEnvWrapper import numpy as np class VecNormalize(VecEnvWrapper): """ A vectorized wrapper that normalizes the observations and returns from an environment. """ def __init__(self, venv, ob=True, ret=True, clipob=10., cliprew=10., gamma=0.99, epsilon=1e-8, use_tf=False): VecEnvWrapper.__init__(self, venv) if use_tf: from baselines.common.running_mean_std import TfRunningMeanStd self.ob_rms = TfRunningMeanStd(shape=self.observation_space.shape, scope='ob_rms') if ob else None self.ret_rms = TfRunningMeanStd(shape=(), scope='ret_rms') if ret else None else: from baselines.common.running_mean_std import RunningMeanStd self.ob_rms = RunningMeanStd(shape=self.observation_space.shape) if ob else None self.ret_rms = RunningMeanStd(shape=()) if ret else None self.clipob = clipob self.cliprew = cliprew self.ret = np.zeros(self.num_envs) self.gamma = gamma self.epsilon = epsilon def step_wait(self): obs, rews, news, infos = self.venv.step_wait() self.ret = self.ret * self.gamma + rews obs = self._obfilt(obs) if self.ret_rms: self.ret_rms.update(self.ret) rews = np.clip(rews / np.sqrt(self.ret_rms.var + self.epsilon), -self.cliprew, self.cliprew) self.ret[news] = 0. return obs, rews, news, infos def _obfilt(self, obs): if self.ob_rms: self.ob_rms.update(obs) obs = np.clip((obs - self.ob_rms.mean) / np.sqrt(self.ob_rms.var + self.epsilon), -self.clipob, self.clipob) return obs else: return obs def reset(self): self.ret = np.zeros(self.num_envs) obs = self.venv.reset() return self._obfilt(obs) def reset_agent(self): self.ret = np.zeros(self.num_envs) obs = self.venv.reset_agent() return self._obfilt(obs) def reset_random(self): self.ret = np.zeros(self.num_envs) obs = self.venv.reset_random() return self._obfilt(obs) def reset_alp_gmm(self, level): self.ret = np.zeros(self.num_envs) obs = self.venv.reset_alp_gmm(level) return self._obfilt(obs)
dcd-main
envs/wrappers/vec_normalize.py
# Copyright (c) 2019 Antonin Raffin # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is a heavily modified version of # https://github.com/DLR-RM/stable-baselines3/blob/master/stable_baselines3/common/vec_env/subproc_vec_env.py import multiprocessing as mp import numpy as np from .vec_env import VecEnv, CloudpickleWrapper from baselines.common.vec_env.vec_env import clear_mpi_env_vars def worker(remote, parent_remote, env_fn_wrappers): def step(env, action): ob, reward, done, info = env.step(action) if done: ob = env.reset() return ob, reward, done, info def step_env(env, action, reset_random=False): ob, reward, done, info = env.step(action) if done: if reset_random: env.reset_random() ob = env.reset_agent() else: ob = env.reset_agent() return ob, reward, done, info def get_env_attr(env, attr): if hasattr(env, attr): return getattr(env, attr) while hasattr(env, 'env'): env = env.env if hasattr(env, attr): return getattr(env, attr) return None parent_remote.close() envs = [env_fn_wrapper() for env_fn_wrapper in env_fn_wrappers.x] try: while True: cmd, data = remote.recv() if cmd == 'step': remote.send([step(env, action) for env, action in zip(envs, data)]) elif cmd == 'step_env': remote.send([step_env(env, action) for env, action in zip(envs, data)]) elif cmd == 'step_env_reset_random': remote.send([step_env(env, action, reset_random=True) for env, action in zip(envs, data)]) elif cmd == 'observation_space': remote.send(envs[0].observation_space) elif cmd == 'adversary_observation_space': remote.send(envs[0].adversary_observation_space) elif cmd == 'adversary_action_space': remote.send(envs[0].adversary_action_space) elif cmd == 'max_steps': remote.send(envs[0].max_steps) elif cmd == 'render': remote.send([env.render(mode='level') for env in envs]) elif cmd == 'render_to_screen': remote.send([envs[0].render('human')]) elif cmd == 'close': remote.close() break elif cmd == 'get_spaces_spec': remote.send(CloudpickleWrapper((envs[0].observation_space, envs[0].action_space, envs[0].spec))) elif cmd == 'reset_to_level': remote.send([envs[0].reset_to_level(data)]) elif cmd == 'reset_alp_gmm': remote.send([envs[0].reset_alp_gmm(data)]) elif cmd == 'max_episode_steps': max_episode_steps = get_env_attr(envs[0], '_max_episode_steps') remote.send(max_episode_steps) elif hasattr(envs[0], cmd): attrs = [getattr(env, cmd) for env in envs] is_callable = hasattr(attrs[0], '__call__') if is_callable: if not hasattr(data, '__len__'): data = [data]*len(attrs) remote.send([attr(d) if d is not None else attr() for attr, d in zip(attrs, data)]) else: remote.send([attr for attr in attrs]) else: raise NotImplementedError except KeyboardInterrupt: print('SubprocVecEnv worker: got KeyboardInterrupt') finally: for env in envs: env.close() class SubprocVecEnv(VecEnv): """ VecEnv that runs multiple environments in parallel in subproceses and communicates with them via pipes. Recommended to use when num_envs > 1 and step() can be a bottleneck. """ def __init__(self, env_fns, spaces=None, context='spawn', in_series=1, is_eval=False): """ Arguments: env_fns: iterable of callables - functions that create environments to run in subprocesses. Need to be cloud-pickleable in_series: number of environments to run in series in a single process (e.g. when len(env_fns) == 12 and in_series == 3, it will run 4 processes, each running 3 envs in series) """ self.waiting = False self.closed = False self.in_series = in_series nenvs = len(env_fns) assert nenvs % in_series == 0, "Number of envs must be divisible by number of envs to run in series" self.nremotes = nenvs // in_series env_fns = np.array_split(env_fns, self.nremotes) ctx = mp.get_context(context) self.remotes, self.work_remotes = zip(*[ctx.Pipe() for _ in range(self.nremotes)]) self.ps = [ctx.Process(target=worker, args=(work_remote, remote, CloudpickleWrapper(env_fn))) for (work_remote, remote, env_fn) in zip(self.work_remotes, self.remotes, env_fns)] for p in self.ps: p.daemon = True # if the main process crashes, we should not cause things to hang with clear_mpi_env_vars(): p.start() for remote in self.work_remotes: remote.close() self.remotes[0].send(('get_spaces_spec', None)) observation_space, action_space, self.spec = self.remotes[0].recv().x self.viewer = None VecEnv.__init__(self, nenvs, observation_space, action_space) # Get processed action dim self.is_eval = is_eval self.processed_action_dim = 1 if not is_eval: self.remotes[0].send(('processed_action_dim', None)) self.processed_action_dim = self.remotes[0].recv()[0] def step_async(self, action): self._assert_not_closed() action = np.array_split(action, self.nremotes) for remote, action in zip(self.remotes, action): remote.send(('step', action)) self.waiting = True def step_wait(self): self._assert_not_closed() results = [remote.recv() for remote in self.remotes] results = _flatten_list(results) self.waiting = False obs, rews, dones, infos = zip(*results) return _flatten_obs(obs), np.stack(rews), np.stack(dones), infos def reset(self): self._assert_not_closed() for remote in self.remotes: remote.send(('reset', None)) obs = [remote.recv() for remote in self.remotes] obs = _flatten_list(obs) return _flatten_obs(obs) def close_extras(self): self.closed = True if self.waiting: for remote in self.remotes: remote.recv() for remote in self.remotes: remote.send(('close', None)) for p in self.ps: p.join() def get_complexity_info(self): self._assert_not_closed() for remote in self.remotes: remote.send(('get_complexity_info', None)) info = [remote.recv() for remote in self.remotes] info = _flatten_list(info) return info def get_images(self): self._assert_not_closed() for remote in self.remotes: remote.send(('render', None)) imgs = [remote.recv() for remote in self.remotes] imgs = _flatten_list(imgs) return imgs def render_to_screen(self): self._assert_not_closed() self.remotes[0].send(('render_to_screen', None)) return self.remotes[0].recv() def max_episode_steps(self): self._assert_not_closed() self.remotes[0].send(('max_episode_steps', None)) return self.remotes[0].recv() def _assert_not_closed(self): assert not self.closed, "Trying to operate on a SubprocVecEnv after calling close()" def __del__(self): if not self.closed: self.close() def _flatten_obs(obs): assert isinstance(obs, (list, tuple)) assert len(obs) > 0 if isinstance(obs[0], dict): keys = obs[0].keys() return {k: np.stack([o[k] for o in obs]) for k in keys} else: return np.stack(obs) def _flatten_list(l): assert isinstance(l, (list, tuple)) assert len(l) > 0 assert all([len(l_) > 0 for l_ in l]) return [l__ for l_ in l for l__ in l_] class ParallelAdversarialVecEnv(SubprocVecEnv): def __init__(self, env_fns, adversary=True, is_eval=False): super().__init__(env_fns, is_eval=is_eval) action_space = self.action_space if action_space.__class__.__name__ == 'Box': self.action_dim = action_space.shape[0] else: self.action_dim = 1 self.adv_action_dim = 0 if adversary: adv_action_space = self.adversary_action_space if adv_action_space.__class__.__name__ == 'Box': self.adv_action_dim = adv_action_space.shape[0] else: self.adv_action_dim = 1 def _should_expand_action(self, action, adversary=False): if not adversary: action_dim = self.action_dim else: action_dim = self.adv_action_dim # print('expanding actions?', action_dim>1, flush=True) return action_dim > 1 or self.processed_action_dim > 1 def seed_async(self, seed, index): self._assert_not_closed() self.remotes[index].send(('seed', seed)) self.waiting = True def seed_wait(self, index): self._assert_not_closed() obs = self.remotes[index].recv() self.waiting = False return obs def seed(self, seed, index): self.seed_async(seed, index) return self.seed_wait(index) def level_seed_async(self, index): self._assert_not_closed() self.remotes[index].send(('level_seed', None)) self.waiting = True def level_seed_wait(self, index): self._assert_not_closed() level_seed = self.remotes[index].recv() self.waiting = False return level_seed def level_seed(self, index): self.level_seed_async(index) return self.level_seed_wait(index) # step_adversary def step_adversary(self, action): if self._should_expand_action(action, adversary=True): action = np.expand_dims(action, 1) self.step_adversary_async(action) return self.step_wait() def step_adversary_async(self, action): self._assert_not_closed() [remote.send(('step_adversary', a)) for remote, a in zip(self.remotes, action)] self.waiting = True def step_env_async(self, action): self._assert_not_closed() if self._should_expand_action(action): action = np.expand_dims(action, 1) [remote.send(('step_env', a)) for remote, a in zip(self.remotes, action)] self.waiting = True def step_env_reset_random_async(self, action): self._assert_not_closed() if self._should_expand_action(action): action = np.expand_dims(action, 1) [remote.send(('step_env_reset_random', a)) for remote, a in zip(self.remotes, action)] self.waiting = True # reset_agent def reset_agent(self): self._assert_not_closed() [remote.send(('reset_agent', None)) for remote in self.remotes] self.waiting = True obs = [remote.recv() for remote in self.remotes] self.waiting = False obs = _flatten_list(obs) return _flatten_obs(obs) # reset_random def reset_random(self): self._assert_not_closed() [remote.send(('reset_random', None)) for remote in self.remotes] self.waiting = True obs = [remote.recv() for remote in self.remotes] self.waiting = False obs = _flatten_list(obs) return _flatten_obs(obs) # reset_to_level def reset_to_level(self, level, index): self._assert_not_closed() self.remotes[index].send(('reset_to_level', level)) self.waiting = True obs = self.remotes[index].recv() self.waiting = False return _flatten_obs(obs) def reset_to_level_batch(self, level): self._assert_not_closed() [remote.send(('reset_to_level', level[i])) for i, remote in enumerate(self.remotes)] self.waiting = True obs = [remote.recv() for remote in self.remotes] self.waiting = False obs = _flatten_list(obs) return _flatten_obs(obs) # mutate level def mutate_level(self, num_edits): self._assert_not_closed() [remote.send(('mutate_level', num_edits)) for _, remote in enumerate(self.remotes)] self.waiting = True obs = [remote.recv() for remote in self.remotes] self.waiting = False obs = _flatten_list(obs) return _flatten_obs(obs) # observation_space def get_observation_space(self): self._assert_not_closed() self.remotes[0].send(('observation_space', None)) obs_space = self.remotes[0].recv() if hasattr(obs_space, 'spaces'): obs_space = obs_space.spaces return obs_space # adversary_observation_space def get_adversary_observation_space(self): self._assert_not_closed() self.remotes[0].send(('adversary_observation_space', None)) obs_space = self.remotes[0].recv() if hasattr(obs_space, 'spaces'): obs_space = obs_space.spaces return obs_space def get_adversary_action_space(self): self._assert_not_closed() self.remotes[0].send(('adversary_action_space', None)) action_dim = self.remotes[0].recv() return action_dim def get_max_episode_steps(self): self._assert_not_closed() self.remotes[0].send(('max_episode_steps', None)) self.waiting = True max_episode_steps = self.remotes[0].recv() self.waiting = False return max_episode_steps # Generic getter def remote_attr(self, name, data=None, flatten=False, index=None): self._assert_not_closed() if index is None or len(index) == 0: remotes = self.remotes else: remotes = [self.remotes[i] for i in index] if hasattr(data, '__len__'): assert len(data) == len(remotes) [remote.send((name, d)) for remote, d in zip(remotes, data)] else: [remote.send((name, data)) for remote in remotes] self.waiting = True result = [remote.recv() for remote in remotes] self.waiting = False return _flatten_list(result) if flatten else result def get_seed(self): return self.remote_attr('seed_value', flatten=True) def set_seed(self, seeds): return self.remote_attr('seed', data=seeds, flatten=True) def get_level(self): levels = self.remote_attr('level') return [l[0] for l in levels] # flatten def get_encodings(self, index=None): return self.remote_attr('encoding', flatten=True, index=index) # Navigation-specific def get_distance_to_goal(self): return self.remote_attr('distance_to_goal', flatten=True) def get_passable(self): return self.remote_attr('passable', flatten=True) def get_shortest_path_length(self): return self.remote_attr('shortest_path_length', flatten=True) # ALP-GMM-specific def reset_alp_gmm(self, levels): self._assert_not_closed() [remote.send(('reset_alp_gmm', levels[i])) for i, remote in enumerate(self.remotes)] self.waiting = True self._assert_not_closed() obs = [remote.recv() for remote in self.remotes] self.waiting = False obs = _flatten_list(obs) return _flatten_obs(obs) # === Multigrid-specific === def get_num_blocks(self): return self.remote_attr('n_clutter_placed', flatten=True) def __getattr__(self, name): if name == 'observation_space': return self.get_observation_space() elif name == 'adversary_observation_space': return self.get_adversary_observation_space() elif name == 'adversary_action_space': return self.get_adversary_action_space() elif name == 'max_steps': return self.get_max_steps() else: return self.__getattribute__(name)
dcd-main
envs/wrappers/parallel_wrappers.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from collections import deque import numpy as np import torch import gym from .vec_env import VecEnvWrapper class CarRacingWrapper(gym.Wrapper): def __init__(self, env, grayscale=True, reward_shaping=True, sparse_rewards=False, early_termination=True, timelimit_bonus=True, num_action_repeat=8, nstack=1, channel_first=False, crop=True, eval_=False): super().__init__(env) self.eval_ = eval_ self.grayscale = grayscale self.reward_shaping = reward_shaping self.sparse_rewards = sparse_rewards self.num_action_repeat = num_action_repeat self.early_termination = early_termination self.timelimit_bonus = timelimit_bonus self.crop = crop self.nstack = nstack self.channel_first = channel_first self.reset_reward_history() self.set_observation_space() if self.sparse_rewards: self.accumulated_rewards = 0.0 def reset_reward_history(self): if self.early_termination: self.reward_history = deque([0]*100,maxlen=100) if self.sparse_rewards: self.accumulated_rewards = 0.0 def _preprocess(self, obs): # Crop if self.crop: obs = obs[:-12, 6:-6] # Grayscale if self.grayscale: obs = np.expand_dims(np.dot(obs[..., :], [0.299, 0.587, 0.114]), -1) obs = obs/128. - 1. return obs @property def _average_reward(self): return np.mean(self.reward_history) def _reset_stack(self, obs): if self.nstack > 1: self.stack = [obs] * self.nstack # four frames for decision obs = np.concatenate(self.stack, axis=-1) return obs def _transpose(self, obs): if self.channel_first: obs = np.swapaxes(obs, 0, 2) obs = np.swapaxes(obs, 1, 2) return obs # Public interface def reset(self): self.reset_reward_history() if self.eval_: obs = self.env.reset() obs = self._preprocess(obs) obs = self._reset_stack(obs) obs = self._transpose(obs) return obs else: return self.env.reset() def reset_random(self): self.reset_reward_history() obs = self.env.reset_random() obs = self._preprocess(obs) obs = self._reset_stack(obs) obs = self._transpose(obs) return obs def reset_agent(self): self.reset_reward_history() obs = self.env.reset_agent() obs = self._preprocess(obs) obs = self._reset_stack(obs) obs = self._transpose(obs) return obs def reset_to_level(self, level): self.reset_reward_history() obs = self.env.reset_to_level(level) obs = self._preprocess(obs) obs = self._reset_stack(obs) obs = self._transpose(obs) return obs def step(self, action): done = False total_reward = 0 for i in range(self.num_action_repeat): obs, reward, die, info = self.env.step(action) if self.reward_shaping: # Don't penalize "done state" if die: if self.timelimit_bonus: reward += 100 # Green penalty if np.mean(obs[:, :, 1]) > 185.0: reward -= 0.05 if self.early_termination: self.reward_history.append(reward) done = True if self._average_reward <= -0.1 else False total_reward += reward # If no reward recently, end the episode if done or die: break obs = self._preprocess(obs) if self.nstack > 1: self.stack.pop(0) self.stack.append(obs) obs = np.concatenate(self.stack, axis=-1) obs = self._transpose(obs) if self.sparse_rewards: if self.env.goal_reached: revealed_reward = self.accumulated_rewards self.accumulated_rewards = 0.0 else: self.accumulated_rewards += total_reward revealed_reward = 0.0 else: revealed_reward = total_reward # obs = np.expand_dims(obs, 0) return obs, revealed_reward, done or die, info def set_observation_space(self): obs_space = self.env.observation_space num_channels = 1 if self.grayscale else 3 if self.nstack > 1: num_channels *= self.nstack # Cropped and potentially grayscaled observation if self.crop: obs_shape = (obs_space.shape[0] - 12, obs_space.shape[1] - 12, num_channels) else: obs_shape = (obs_space.shape[0], obs_space.shape[1], num_channels) if self.channel_first: obs_shape = (obs_shape[2], obs_shape[0], obs_shape[1]) self.observation_space = gym.spaces.Box( low=-1, high=1, shape=obs_shape, dtype='float32') return self.observation_space
dcd-main
envs/wrappers/car_racing_wrappers.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import gym from envs.registration import register as gym_register env_list = [] def register(env_id, entry_point, reward_threshold=0.95, max_episode_steps=None): assert env_id.startswith("MultiGrid-") if env_id in env_list: del gym.envs.registry.env_specs[id] else: env_list.append(id) kwargs = dict( id=env_id, entry_point=entry_point, reward_threshold=reward_threshold ) if max_episode_steps: kwargs.update({'max_episode_steps':max_episode_steps}) gym_register(**kwargs)
dcd-main
envs/bipedalwalker/register.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import os import gym import time import numpy as np import torch from gym.envs.box2d import BipedalWalker, BipedalWalkerHardcore from .walker_env import EnvConfig, BipedalWalkerCustom from envs.registration import register as gym_register """ actions 1. ground_roughness 2,3. pit_gap stump_width (fixed) 4,5. stump_height stump_float (fixed) 6,7 stair_height stair_width (fixed) 8 stair_steps """ PARAM_RANGES_DEBUG = { 1: [0,0.01], # ground roughness 2: [0,0], # pit gap 1 3: [0.01,0.01], # pit gap 2 4: [0,0], # stump height 1 5: [0.01,0.01], # stump height 2 6: [0,0], # stair height 1 7: [0.01,0.01], # stair height 2 8: [1,1], # stair steps } PARAM_RANGES_EASY = { 1: [0,0.6], # ground roughness 2: [0,0], # pit gap 1 3: [0.8,0.8], # pit gap 2 4: [0,0], # stump height 1 5: [0.4,0.4], # stump height 2 6: [0,0], # stair height 1 7: [0.4,0.4], # stair height 2 8: [1,1], # stair steps } PARAM_RANGES_FULL = { 1: [0,10], # ground roughness 2: [0,10], # pit gap 1 3: [0,10], # pit gap 2 4: [0,5], # stump height 1 5: [0,5], # stump height 2 6: [0,5], # stair height 1 7: [0,5], # stair height 2 8: [1,9], # stair steps } PARAM_MUTATIONS = { 1: [0,0.6], # ground roughness 2: [0.4], # pit gap 1 3: [0.4], # pit gap 2 4: [0.2], # stump height 1 5: [0.2], # stump height 2 6: [0.2], # stair height 1 7: [0.2], # stair height 2 8: [1], # stair steps } DEFAULT_LEVEL_PARAMS_VEC = [0,0,10,0,5,0,5,9] STUMP_WIDTH_RANGE = [1, 2] STUMP_FLOAT_RANGE = [0, 1] STAIR_WIDTH_RANGE = [4, 5] def rand_int_seed(): return int.from_bytes(os.urandom(4), byteorder="little") class BipedalWalkerAdversarialEnv(BipedalWalkerCustom): def __init__(self, mode='full', poet=False, random_z_dim=10, seed=0): self.mode = mode self.level_seed = seed self.poet = poet # POET didn't use the stairs, not clear why default_config = EnvConfig( name='default_conf', ground_roughness=0, pit_gap=[0,10], stump_width=[4,5], stump_height=[0,5], stump_float=[0,1], stair_height=[0,5], stair_width=[4,5], stair_steps=[1]) super().__init__(default_config, seed=seed) if self.poet: self.adversary_max_steps = 5 else: self.adversary_max_steps = 8 self.random_z_dim = random_z_dim self.passable = True # Level vec is the *tunable* UED params self.level_params_vec = DEFAULT_LEVEL_PARAMS_VEC if self.poet: self.level_params_vec = self.level_params_vec[:5] self._update_params(self.level_params_vec) if poet: self.mutations = {k:v for k,v in list(PARAM_MUTATIONS.items())[:5]} else: self.mutations = PARAM_MUTATIONS n_u_chars = max(12, len(str(rand_int_seed()))) self.encoding_u_chars = np.dtype(('U', n_u_chars)) # Fixed params self.stump_width = STUMP_WIDTH_RANGE self.stump_float = STUMP_FLOAT_RANGE self.stair_width = STAIR_WIDTH_RANGE # Create spaces for adversary agent's specs. self.adversary_action_dim = 1 self.adversary_action_space = gym.spaces.Box(low=-1, high=1, shape=(1,), dtype=np.float32) self.adversary_ts_obs_space = \ gym.spaces.Box( low=0, high=self.adversary_max_steps, shape=(1,), dtype='uint8') self.adversary_randomz_obs_space = \ gym.spaces.Box( low=0, high=1.0, shape=(random_z_dim,), dtype=np.float32) self.adversary_image_obs_space = \ gym.spaces.Box( low=0, high=10.0, shape=(len(self.level_params_vec),), dtype=np.float32) self.adversary_observation_space = \ gym.spaces.Dict({ 'image': self.adversary_image_obs_space, 'time_step': self.adversary_ts_obs_space, 'random_z': self.adversary_randomz_obs_space}) def reset(self): self.step_count = 0 self.adversary_step_count = 0 # Reset to default parameters self.level_params_vec = DEFAULT_LEVEL_PARAMS_VEC if self.poet: self.level_params_vec = self.level_params_vec[:5] self._update_params(self.level_params_vec) self.level_seed = rand_int_seed() obs = { 'image': self.get_obs(), 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } return obs def get_obs(self): ## vector of *tunable* environment params obs = [] obs += [self.ground_roughness] obs += self.pit_gap obs += self.stump_height if not self.poet: obs += self.stair_height obs += self.stair_steps return np.array(obs) def reset_agent(self): super().seed(self.level_seed) obs = super()._reset_env() return obs def _update_params(self, level_params_vec): self.ground_roughness = level_params_vec[0] self.pit_gap = [level_params_vec[1],level_params_vec[2]] self.pit_gap.sort() self.stump_height = [level_params_vec[3],level_params_vec[4]] self.stump_height.sort() if self.poet: self.stair_height = [] self.stair_steps = [] else: self.stair_height = [level_params_vec[5],level_params_vec[6]] self.stair_height.sort() self.stair_steps = [int(round(level_params_vec[7]))] def get_complexity_info(self): complexity_info = { 'ground_roughness': self.ground_roughness, 'pit_gap_low': self.pit_gap[0], 'pit_gap_high': self.pit_gap[1], 'stump_height_low': self.stump_height[0], 'stump_height_high': self.stump_height[1] } if not self.poet: complexity_info['stair_height_low'] = self.stair_height[0] complexity_info['stair_height_high'] = self.stair_height[1] complexity_info['stair_steps'] = self.stair_steps[0] return complexity_info def get_config(self): """ Gets the config to use to create the level. If the range is zer or below a min threshold, we put blank entries. """ if self.stump_height[1] < 0.2: stump_height = [] stump_width = [] stump_float = [] else: stump_height = self.stump_height stump_width = self.stump_width stump_float = self.stump_float if self.pit_gap[1] < 0.8: pit_gap = [] else: pit_gap = self.pit_gap if self.poet: stair_height = [] stair_width = [] stair_steps = [] elif self.stair_height[1] < 0.2: stair_height = [] stair_width = [] stair_steps = [] else: stair_height = self.stair_height stair_width = self.stair_width stair_steps = self.stair_steps # get the current config config = EnvConfig( name='config', ground_roughness=self.ground_roughness, pit_gap=pit_gap, stump_width=stump_width, stump_height=stump_height, stump_float=stump_float, stair_height=stair_height, stair_width=stair_width, stair_steps=stair_steps) return config def _reset_env_config(self): """ Resets the environment based on current level encoding. """ config = self.get_config() try: super().re_init(config, self.level_seed) except AssertionError: super().re_init(config, self.level_seed+1) def reset_to_level(self, level, editing=False): self.reset() if isinstance(level, str): encoding = list(np.fromstring(level)) else: encoding = [float(x) for x in level[:-1]] + [int(level[-1])] assert len(level) == len(self.level_params_vec) + 1, \ f'Level input is the wrong length.' self.level_params_vec = encoding[:-1] self._update_params(self.level_params_vec) self._reset_env_config() self.level_seed = int(level[-1]) return self.reset_agent() @property def param_ranges(self): if self.mode == 'easy': param_ranges = PARAM_RANGES_EASY elif self.mode == 'full': param_ranges = PARAM_RANGES_FULL elif self.mode == 'debug': param_ranges = PARAM_RANGES_DEBUG else: raise ValueError("Mode must be 'easy' or 'full'") return param_ranges @property def encoding(self): enc = self.level_params_vec + [self.level_seed] enc = [str(x) for x in enc] return np.array(enc, dtype=self.encoding_u_chars) @property def level(self): return self.encoding def reset_random(self): """ Must reset randomly as step_adversary would otherwise do """ # action will be between [-1,1] # this maps to a range, depending on the index param_ranges = self.param_ranges rand_norm_params = np.random.rand(len(param_ranges)) self.level_params_vec = \ [rand_norm_params[i]*(param_range[1]-param_range[0]) + param_range[0] for i,param_range in enumerate(param_ranges.values())] self._update_params(self.level_params_vec) self.level_seed = rand_int_seed() self._reset_env_config() return self.reset_agent() def reset_alp_gmm(self, level): self.reset() level = list(level) param_ranges = self.param_ranges for idx, action in enumerate(level): val_range = param_ranges[idx + 1] action -= 1 value = ((action + 1)/2) * (val_range[1]-val_range[0]) + val_range[0] # update the level vec self.level_params_vec[idx] = value self.level_seed = rand_int_seed() self._update_params(self.level_params_vec) self._reset_env_config() obs = { 'image': self.level_params_vec, 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } return obs @property def processed_action_dim(self): return 1 def generate_random_z(self): return np.random.uniform(size=(self.random_z_dim,)).astype(np.float32) def mutate_level(self, num_edits=1): if num_edits > 0: # Perform mutations on current level vector param_ranges = self.param_ranges edit_actions = np.random.randint(1, len(self.mutations) + 1, num_edits) edit_dirs = np.random.randint(0, 3, num_edits) - 1 # Update level_params_vec for a,d in zip(edit_actions, edit_dirs): mutation_range = self.mutations[a] if len(mutation_range) == 1: mutation = d*mutation_range[0] elif len(mutation_range) == 2: mutation = d*np.random.uniform(*mutation_range) self.level_params_vec[a-1] = \ np.clip(self.level_params_vec[a-1]+mutation, *PARAM_RANGES_FULL[a]) self.level_seed = rand_int_seed() self._update_params(self.level_params_vec) self._reset_env_config() return self.reset_agent() def step_adversary(self, action): # action will be between [-1,1] # this maps to a range, depending on the index param_ranges = self.param_ranges val_range = param_ranges[self.adversary_step_count+1] if torch.is_tensor(action): action = action.item() # get unnormalized value from the action value = ((action + 1)/2) * (val_range[1]-val_range[0]) + val_range[0] # update the level vec self.level_params_vec[self.adversary_step_count] = value self.adversary_step_count += 1 if self.adversary_step_count >= self.adversary_max_steps: self.level_seed = rand_int_seed() self._update_params(self.level_params_vec) self._reset_env_config() done=True else: done=False obs = { 'image': self.level_params_vec, 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } return obs, 0, done, {} class BipedalWalkerDev(BipedalWalker): def __init__(self, random_z_dim=5): super().__init__() self.adversary_action_space = gym.spaces.Box(low=-1, high=1, shape=(1,), dtype=np.float32) self.adversary_max_steps = 5 self.level_params_vec = [0] self.adversary_ts_obs_space = \ gym.spaces.Box( low=0, high=self.adversary_max_steps, shape=(1,), dtype='uint8') self.adversary_randomz_obs_space = \ gym.spaces.Box( low=0, high=1.0, shape=(random_z_dim,), dtype=np.float32) self.adversary_image_obs_space = \ gym.spaces.Box( low=0, high=10.0, shape=(len(self.level_params_vec),), dtype=np.float32) self.adversary_observation_space = \ gym.spaces.Dict({ 'image': self.adversary_image_obs_space, 'time_step': self.adversary_ts_obs_space, 'random_z': self.adversary_randomz_obs_space}) def reset_random(self): seed = rand_int_seed() super().seed(seed) return super().reset() def reset_agent(self): return super().reset() def step_adversary(self): pass @property def processed_action_dim(self): return 1 def get_complexity_info(self): complexity_info = { 'ground_roughness': 0, } return complexity_info class BipedalWalkerHC(BipedalWalkerHardcore): def __init__(self, random_z_dim=5, seed=0): super().__init__() self.adversary_action_space = gym.spaces.Box(low=-1, high=1, shape=(1,), dtype=np.float32) self.adversary_max_steps = 5 self.level_params_vec = [0] self.adversary_ts_obs_space = \ gym.spaces.Box( low=0, high=self.adversary_max_steps, shape=(1,), dtype='uint8') self.adversary_randomz_obs_space = \ gym.spaces.Box( low=0, high=1.0, shape=(random_z_dim,), dtype=np.float32) self.adversary_image_obs_space = \ gym.spaces.Box( low=0, high=10.0, shape=(len(self.level_params_vec),), dtype=np.float32) self.adversary_observation_space = \ gym.spaces.Dict({ 'image': self.adversary_image_obs_space, 'time_step': self.adversary_ts_obs_space, 'random_z': self.adversary_randomz_obs_space}) self.adversary_editor_action_space = gym.spaces.MultiDiscrete([3, 3]) def reset_random(self): seed = rand_int_seed() super().seed(seed) return super().reset() def reset_agent(self): return super().reset() def step_adversary(self): pass @property def processed_action_dim(self): return 1 def get_complexity_info(self): complexity_info = { 'ground_roughness': 0, } return complexity_info class BipedalWalkerFull(BipedalWalkerAdversarialEnv): def __init__(self, seed=0): super().__init__(mode='full', seed=seed) class BipedalWalkerEasy(BipedalWalkerAdversarialEnv): def __init__(self, seed=0): super().__init__(mode='easy', seed=seed) class BipedalWalkerDebug(BipedalWalkerDev): def __init__(self, seed=0): super().__init__() class BipedalWalkerPOET(BipedalWalkerAdversarialEnv): def __init__(self, seed=0): super().__init__(mode='full', poet=True, seed=seed) class BipedalWalkerEasyPOET(BipedalWalkerAdversarialEnv): def __init__(self, seed=0): super().__init__(mode='easy', poet=True, seed=seed) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname gym_register(id='BipedalWalker-Adversarial-v0', entry_point=module_path + ':BipedalWalkerFull', max_episode_steps=2000) gym_register(id='BipedalWalker-Adversarial-Easy-v0', entry_point=module_path + ':BipedalWalkerEasy', max_episode_steps=2000) gym_register(id='BipedalWalker-Vanilla-v0', entry_point=module_path + ':BipedalWalkerDebug', max_episode_steps=2000) gym_register(id='BipedalWalker-HC-v0', entry_point=module_path + ':BipedalWalkerHC', max_episode_steps=2000) gym_register(id='BipedalWalker-POET-v0', entry_point=module_path + ':BipedalWalkerPOET', max_episode_steps=2000) gym_register(id='BipedalWalker-POET-Easy-v0', entry_point=module_path + ':BipedalWalkerEasyPOET', max_episode_steps=2000)
dcd-main
envs/bipedalwalker/adversarial.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .adversarial import BipedalWalkerAdversarialEnv from .walker_test_envs import BipedalWalkerDefault import pandas as pd BIPEDALWALKER_POET_DF_COLUMNS = \ ['roughness', 'pitgap_low', 'pitgap_high', 'stumpheight_low', 'stumpheight_high', 'seed'] BIPEDALWALKER_DF_COLUMNS = \ ['roughness', 'pitgap_low', 'pitgap_high', 'stumpheight_low', 'stumpheight_high', 'stairheight_low', 'stairheight_high', 'stair_steps', 'seed'] def bipedalwalker_df_from_encodings(env_name, encodings): df = pd.DataFrame(encodings) if 'POET' in env_name: df.columns = BIPEDALWALKER_POET_DF_COLUMNS else: df.columns = BIPEDALWALKER_DF_COLUMNS return df
dcd-main
envs/bipedalwalker/__init__.py
# Copyright (c) OpenAI # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/openai/gym/blob/master/gym/envs/box2d/bipedal_walker.py import sys import math import numpy as np import Box2D from Box2D.b2 import (edgeShape, circleShape, fixtureDef, polygonShape, revoluteJointDef, contactListener) import gym from gym import spaces from gym.utils import colorize, seeding from collections import namedtuple EnvConfig = namedtuple('EnvConfig', [ 'name', 'ground_roughness', 'pit_gap', 'stump_width', 'stump_height', 'stump_float', 'stair_height', 'stair_width', 'stair_steps' ]) FPS = 50 SCALE = 30.0 # Affects how fast-paced the game is, forces should be adjusted as well MOTORS_TORQUE = 80 SPEED_HIP = 4 SPEED_KNEE = 6 LIDAR_RANGE = 160 / SCALE INITIAL_RANDOM = 5 HULL_POLY = [ (-30, +9), (+6, +9), (+34, +1), (+34, -8), (-30, -8) ] LEG_DOWN = -8 / SCALE LEG_W, LEG_H = 8 / SCALE, 34 / SCALE VIEWPORT_W = 600 VIEWPORT_H = 400 TERRAIN_STEP = 14 / SCALE TERRAIN_LENGTH = 200 # in steps TERRAIN_HEIGHT = VIEWPORT_H / SCALE / 4 TERRAIN_GRASS = 10 # low long are grass spots, in steps TERRAIN_STARTPAD = 20 # in steps FRICTION = 2.5 HULL_FD = fixtureDef( shape=polygonShape(vertices=[(x / SCALE, y / SCALE) for x, y in HULL_POLY]), density=5.0, friction=0.1, categoryBits=0x0020, maskBits=0x001, # collide only with ground restitution=0.0) # 0.99 bouncy LEG_FD = fixtureDef( shape=polygonShape(box=(LEG_W / 2, LEG_H / 2)), density=1.0, restitution=0.0, categoryBits=0x0020, maskBits=0x001) LOWER_FD = fixtureDef( shape=polygonShape(box=(0.8 * LEG_W / 2, LEG_H / 2)), density=1.0, restitution=0.0, categoryBits=0x0020, maskBits=0x001) STAIR_HEIGHT_EPS = 1e-2 class ContactDetector(contactListener): def __init__(self, env): contactListener.__init__(self) self.env = env def BeginContact(self, contact): if self.env.hull == contact.fixtureA.body or self.env.hull == contact.fixtureB.body: self.env.game_over = True for leg in [self.env.legs[1], self.env.legs[3]]: if leg in [contact.fixtureA.body, contact.fixtureB.body]: leg.ground_contact = True def EndContact(self, contact): for leg in [self.env.legs[1], self.env.legs[3]]: if leg in [contact.fixtureA.body, contact.fixtureB.body]: leg.ground_contact = False class BipedalWalkerCustom(gym.Env): metadata = { 'render.modes': ['human', 'rgb_array'], 'video.frames_per_second': FPS } def __repr__(self): return "{}\nenv\n{}".format(self.__dict__, self.__dict__["np_random"].get_state()) def __init__(self, env_config, seed=None): self.spec = None self.set_env_config(env_config) self.env_params = None self.env_seed = seed self._seed(seed) self.viewer = None self.world = Box2D.b2World() self.terrain = None self.hull = None self.prev_shaping = None self.fd_polygon = fixtureDef( shape=polygonShape(vertices=[(0, 0), (1, 0), (1, -1), (0, -1)]), friction=FRICTION) self.fd_edge = fixtureDef( shape=edgeShape(vertices=[(0, 0), (1, 1)]), friction=FRICTION, categoryBits=0x0001, ) self._reset_env() high = np.array([np.inf] * 24) self.action_space = spaces.Box( np.array([-1, -1, -1, -1]), np.array([+1, +1, +1, +1])) self.observation_space = spaces.Box(-high, high) def re_init(self, env_config, seed): self.spec = None self.set_env_config(env_config) self._seed(seed) self.env_params = None self.world = Box2D.b2World() self.terrain = None self.hull = None self.prev_shaping = None self.fd_polygon = fixtureDef( shape=polygonShape(vertices=[(0, 0), (1, 0), (1, -1), (0, -1)]), friction=FRICTION) self.fd_edge = fixtureDef( shape=edgeShape(vertices=[(0, 0), (1, 1)]), friction=FRICTION, categoryBits=0x0001, ) self._reset_env() def set_env_config(self, env_config): self.config = env_config def augment(self, params): self.env_params = params def _set_terrain_number(self): self.hardcore = False self.GRASS = 0 self.STUMP, self.STAIRS, self.PIT = -1, -1, -1 self._STATES_ = 1 if self.config.stump_width and self.config.stump_height and self.config.stump_float: # STUMP exist self.STUMP = self._STATES_ self._STATES_ += 1 if self.config.stair_height and self.config.stair_width and self.config.stair_steps: # STAIRS exist self.STAIRS = self._STATES_ self._STATES_ += 1 if self.config.pit_gap: # PIT exist self.PIT = self._STATES_ self._STATES_ += 1 if self._STATES_ > 1: self.hardcore = True def save_env_def(self, filename): import json a = {'config': self.config._asdict(), 'seed': self.env_seed} with open(filename, 'w') as f: json.dump(a, f) def seed(self, seed=None): return self._seed(seed) def _seed(self, seed=None): self.env_seed = seed self.np_random, seed = seeding.np_random(seed) return [seed] def _destroy(self): if not self.terrain: return self.world.contactListener = None for t in self.terrain: self.world.DestroyBody(t) self.terrain = [] self.world.DestroyBody(self.hull) self.hull = None for leg in self.legs: self.world.DestroyBody(leg) self.legs = [] self.joints = [] self.world = None def _get_poly_stump(self, x, y, terrain_step): stump_width = self.np_random.randint(*self.config.stump_width) stump_height = self.np_random.uniform(*self.config.stump_height) stump_float = self.np_random.randint(*self.config.stump_float) # counter = np.ceil(stump_width) counter = stump_width countery = stump_height poly = [(x, y + stump_float * terrain_step), (x + stump_width * terrain_step, y + stump_float * terrain_step), (x + stump_width * terrain_step, y + countery * terrain_step + stump_float * terrain_step), (x, y + countery * terrain_step + stump_float * terrain_step), ] return poly def _generate_terrain(self, hardcore): #GRASS, STUMP, STAIRS, PIT, _STATES_ = range(5) state = self.GRASS velocity = 0.0 y = TERRAIN_HEIGHT counter = TERRAIN_STARTPAD oneshot = False self.terrain = [] self.terrain_x = [] self.terrain_y = [] pit_diff = 0 for i in range(TERRAIN_LENGTH): x = i * TERRAIN_STEP self.terrain_x.append(x) if state == self.GRASS and not oneshot: velocity = 0.8 * velocity + 0.01 * np.sign(TERRAIN_HEIGHT - y) if self.env_params is not None and self.env_params.altitude_fn is not None: y += velocity if i > TERRAIN_STARTPAD: mid = TERRAIN_LENGTH * TERRAIN_STEP / 2. x_ = (x - mid) * np.pi / mid y = TERRAIN_HEIGHT + self.env_params.altitude_fn((x_, ))[0] if i == TERRAIN_STARTPAD+1: y_norm = self.env_params.altitude_fn((x_, ))[0] y -= y_norm else: if i > TERRAIN_STARTPAD: velocity += self.np_random.uniform(-1, 1) / SCALE # 1 y += self.config.ground_roughness * velocity elif state == self.PIT and oneshot: pit_gap = 1.0 + self.np_random.uniform(*self.config.pit_gap) counter = np.ceil(pit_gap) pit_diff = counter - pit_gap poly = [ (x, y), (x + TERRAIN_STEP, y), (x + TERRAIN_STEP, y - 4 * TERRAIN_STEP), (x, y - 4 * TERRAIN_STEP), ] self.fd_polygon.shape.vertices = poly t = self.world.CreateStaticBody( fixtures=self.fd_polygon) t.color1, t.color2 = (1, 1, 1), (0.6, 0.6, 0.6) self.terrain.append(t) self.fd_polygon.shape.vertices = [ (p[0] + TERRAIN_STEP * pit_gap, p[1]) for p in poly] t = self.world.CreateStaticBody( fixtures=self.fd_polygon) t.color1, t.color2 = (1, 1, 1), (0.6, 0.6, 0.6) self.terrain.append(t) counter += 2 original_y = y elif state == self.PIT and not oneshot: y = original_y if counter > 1: y -= 4 * TERRAIN_STEP if counter == 1: self.terrain_x[-1] = self.terrain_x[-1] - pit_diff * TERRAIN_STEP pit_diff = 0 elif state == self.STUMP and oneshot: # Sometimes this doesnt work due to randomness, # so iterate until it does attempts = 0 done = False while not done: try: poly = self._get_poly_stump(x, y, TERRAIN_STEP) self.fd_polygon.shape.vertices = poly done = True self.env_seed -= int(attempts) except: self.seed(self.env_seed + int(1)) attempts += 1 if attempts > 10: print("Stump issues: num attempts: ", attempts) done = True t = self.world.CreateStaticBody( fixtures=self.fd_polygon) t.color1, t.color2 = (1, 1, 1), (0.6, 0.6, 0.6) self.terrain.append(t) elif state == self.STAIRS and oneshot: stair_height = self.np_random.uniform( *self.config.stair_height) stair_slope = 1 if self.np_random.rand() > 0.5 else -1 stair_width = self.np_random.randint(*self.config.stair_width) stair_steps = self.np_random.randint(*self.config.stair_steps) original_y = y if stair_height > STAIR_HEIGHT_EPS: for s in range(stair_steps): poly = [(x + (s * stair_width) * TERRAIN_STEP, y + (s * stair_height * stair_slope) * TERRAIN_STEP), (x + ((1 + s) * stair_width) * TERRAIN_STEP, y + (s * stair_height * stair_slope) * TERRAIN_STEP), (x + ((1 + s) * stair_width) * TERRAIN_STEP, y + (-stair_height + s * stair_height * stair_slope) * TERRAIN_STEP), (x + (s * stair_width) * TERRAIN_STEP, y + (-stair_height + s * stair_height * stair_slope) * TERRAIN_STEP), ] self.fd_polygon.shape.vertices = poly t = self.world.CreateStaticBody( fixtures=self.fd_polygon) t.color1, t.color2 = (1, 1, 1), (0.6, 0.6, 0.6) self.terrain.append(t) counter = stair_steps * stair_width + 1 elif state == self.STAIRS and not oneshot: s = stair_steps * stair_width - counter n = s // stair_width y = original_y + (n * stair_height * stair_slope) * TERRAIN_STEP - \ (stair_height if stair_slope == -1 else 0) * TERRAIN_STEP oneshot = False self.terrain_y.append(y) counter -= 1 if counter == 0: counter = self.np_random.randint( TERRAIN_GRASS / 2, TERRAIN_GRASS) if state == self.GRASS and hardcore: state = self.np_random.randint(1, self._STATES_) oneshot = True else: state = self.GRASS oneshot = True self.terrain_poly = [] for i in range(TERRAIN_LENGTH - 1): poly = [ (self.terrain_x[i], self.terrain_y[i]), (self.terrain_x[i + 1], self.terrain_y[i + 1]) ] self.fd_edge.shape.vertices = poly t = self.world.CreateStaticBody( fixtures=self.fd_edge) color = (0.3, 1.0 if i % 2 == 0 else 0.8, 0.3) t.color1 = color t.color2 = color self.terrain.append(t) color = (0.4, 0.6, 0.3) poly += [(poly[1][0], 0), (poly[0][0], 0)] self.terrain_poly.append((poly, color)) self.terrain.reverse() def _generate_clouds(self): # Sorry for the clouds, couldn't resist self.cloud_poly = [] for i in range(TERRAIN_LENGTH // 20): x = self.np_random.uniform(0, TERRAIN_LENGTH) * TERRAIN_STEP y = VIEWPORT_H / SCALE * 3 / 4 poly = [ (x + 15 * TERRAIN_STEP * math.sin(3.14 * 2 * a / 5) + self.np_random.uniform(0, 5 * TERRAIN_STEP), y + 5 * TERRAIN_STEP * math.cos(3.14 * 2 * a / 5) + self.np_random.uniform(0, 5 * TERRAIN_STEP)) for a in range(5)] x1 = min([p[0] for p in poly]) x2 = max([p[0] for p in poly]) self.cloud_poly.append((poly, x1, x2)) def _reset_env(self): self._destroy() self.world = Box2D.b2World() self.world.contactListener_bug_workaround = ContactDetector(self) self.world.contactListener = self.world.contactListener_bug_workaround self.game_over = False self.prev_shaping = None self.scroll = 0.0 self.lidar_render = 0 W = VIEWPORT_W / SCALE H = VIEWPORT_H / SCALE self._set_terrain_number() self._generate_terrain(self.hardcore) self._generate_clouds() init_x = TERRAIN_STEP * TERRAIN_STARTPAD / 2 init_y = TERRAIN_HEIGHT + 2 * LEG_H self.hull = self.world.CreateDynamicBody( position=(init_x, init_y), fixtures=HULL_FD ) self.hull.color1 = (0.5, 0.4, 0.9) self.hull.color2 = (0.3, 0.3, 0.5) self.hull.ApplyForceToCenter( (self.np_random.uniform(-INITIAL_RANDOM, INITIAL_RANDOM), 0), True) self.legs = [] self.joints = [] for i in [-1, +1]: leg = self.world.CreateDynamicBody( position=(init_x, init_y - LEG_H / 2 - LEG_DOWN), angle=(i * 0.05), fixtures=LEG_FD ) leg.color1 = (0.6 - i / 10., 0.3 - i / 10., 0.5 - i / 10.) leg.color2 = (0.4 - i / 10., 0.2 - i / 10., 0.3 - i / 10.) rjd = revoluteJointDef( bodyA=self.hull, bodyB=leg, localAnchorA=(0, LEG_DOWN), localAnchorB=(0, LEG_H / 2), enableMotor=True, enableLimit=True, maxMotorTorque=MOTORS_TORQUE, motorSpeed=i, lowerAngle=-0.8, upperAngle=1.1, ) self.legs.append(leg) self.joints.append(self.world.CreateJoint(rjd)) lower = self.world.CreateDynamicBody( position=(init_x, init_y - LEG_H * 3 / 2 - LEG_DOWN), angle=(i * 0.05), fixtures=LOWER_FD ) lower.color1 = (0.6 - i / 10., 0.3 - i / 10., 0.5 - i / 10.) lower.color2 = (0.4 - i / 10., 0.2 - i / 10., 0.3 - i / 10.) rjd = revoluteJointDef( bodyA=leg, bodyB=lower, localAnchorA=(0, -LEG_H / 2), localAnchorB=(0, LEG_H / 2), enableMotor=True, enableLimit=True, maxMotorTorque=MOTORS_TORQUE, motorSpeed=1, lowerAngle=-1.6, upperAngle=-0.1, ) lower.ground_contact = False self.legs.append(lower) self.joints.append(self.world.CreateJoint(rjd)) self.drawlist = self.terrain + self.legs + [self.hull] class LidarCallback(Box2D.b2.rayCastCallback): def ReportFixture(self, fixture, point, normal, fraction): if (fixture.filterData.categoryBits & 1) == 0: return -1 self.p2 = point self.fraction = fraction return fraction self.lidar = [LidarCallback() for _ in range(10)] return self._step(np.array([0, 0, 0, 0]))[0] def step(self, action): return self._step(action) def _step(self, action): # self.hull.ApplyForceToCenter((0, 20), True) -- Uncomment this to receive a bit of stability help control_speed = False # Should be easier as well if control_speed: self.joints[0].motorSpeed = float( SPEED_HIP * np.clip(action[0], -1, 1)) self.joints[1].motorSpeed = float( SPEED_KNEE * np.clip(action[1], -1, 1)) self.joints[2].motorSpeed = float( SPEED_HIP * np.clip(action[2], -1, 1)) self.joints[3].motorSpeed = float( SPEED_KNEE * np.clip(action[3], -1, 1)) else: self.joints[0].motorSpeed = float(SPEED_HIP * np.sign(action[0])) self.joints[0].maxMotorTorque = float( MOTORS_TORQUE * np.clip(np.abs(action[0]), 0, 1)) self.joints[1].motorSpeed = float(SPEED_KNEE * np.sign(action[1])) self.joints[1].maxMotorTorque = float( MOTORS_TORQUE * np.clip(np.abs(action[1]), 0, 1)) self.joints[2].motorSpeed = float(SPEED_HIP * np.sign(action[2])) self.joints[2].maxMotorTorque = float( MOTORS_TORQUE * np.clip(np.abs(action[2]), 0, 1)) self.joints[3].motorSpeed = float(SPEED_KNEE * np.sign(action[3])) self.joints[3].maxMotorTorque = float( MOTORS_TORQUE * np.clip(np.abs(action[3]), 0, 1)) self.world.Step(1.0 / FPS, 6 * 30, 2 * 30) pos = self.hull.position vel = self.hull.linearVelocity for i in range(10): self.lidar[i].fraction = 1.0 self.lidar[i].p1 = pos self.lidar[i].p2 = ( pos[0] + math.sin(1.5 * i / 10.0) * LIDAR_RANGE, pos[1] - math.cos(1.5 * i / 10.0) * LIDAR_RANGE) self.world.RayCast( self.lidar[i], self.lidar[i].p1, self.lidar[i].p2) state = [ # Normal angles up to 0.5 here, but sure more is possible. self.hull.angle, 2.0 * self.hull.angularVelocity / FPS, # Normalized to get -1..1 range 0.3 * vel.x * (VIEWPORT_W / SCALE) / FPS, 0.3 * vel.y * (VIEWPORT_H / SCALE) / FPS, # This will give 1.1 on high up, but it's still OK (and there should be spikes on hiting the ground, that's normal too) self.joints[0].angle, self.joints[0].speed / SPEED_HIP, self.joints[1].angle + 1.0, self.joints[1].speed / SPEED_KNEE, 1.0 if self.legs[1].ground_contact else 0.0, self.joints[2].angle, self.joints[2].speed / SPEED_HIP, self.joints[3].angle + 1.0, self.joints[3].speed / SPEED_KNEE, 1.0 if self.legs[3].ground_contact else 0.0 ] state += [l.fraction for l in self.lidar] assert len(state) == 24 self.scroll = pos.x - VIEWPORT_W / SCALE / 5 # moving forward is a way to receive reward (normalized to get 300 on completion) shaping = 130 * pos[0] / SCALE # keep head straight, other than that and falling, any behavior is unpunished shaping -= 5.0 * abs(state[0]) reward = 0 if self.prev_shaping is not None: reward = shaping - self.prev_shaping self.prev_shaping = shaping for a in action: reward -= 0.00035 * MOTORS_TORQUE * np.clip(np.abs(a), 0, 1) # normalized to about -50.0 using heuristic, more optimal agent should spend less done = False finish = False if self.game_over or pos[0] < 0: reward = -100 done = True if pos[0] > (TERRAIN_LENGTH - TERRAIN_GRASS) * TERRAIN_STEP: done = True finish = True return np.array(state), reward, done, {"finish": finish} def render(self, *args, **kwargs): return self._render(*args, **kwargs) def _render(self, mode='level', close=False): if close: if self.viewer is not None: self.viewer.close() self.viewer = None return from gym.envs.classic_control import rendering if self.viewer is None: self.viewer = rendering.Viewer(VIEWPORT_W, VIEWPORT_H) self.viewer.set_bounds(self.scroll, VIEWPORT_W / SCALE + self.scroll, 0, VIEWPORT_H / SCALE) self.viewer.draw_polygon([ (self.scroll, 0), (self.scroll + VIEWPORT_W / SCALE, 0), (self.scroll + VIEWPORT_W / SCALE, VIEWPORT_H / SCALE), (self.scroll, VIEWPORT_H / SCALE), ], color=(0.9, 0.9, 1.0)) for poly, x1, x2 in self.cloud_poly: if x2 < self.scroll / 2: continue if x1 > self.scroll / 2 + VIEWPORT_W / SCALE: continue self.viewer.draw_polygon( [(p[0] + self.scroll / 2, p[1]) for p in poly], color=(1, 1, 1)) for poly, color in self.terrain_poly: if poly[1][0] < self.scroll: continue if poly[0][0] > self.scroll + VIEWPORT_W / SCALE: continue self.viewer.draw_polygon(poly, color=color) self.lidar_render = (self.lidar_render + 1) % 100 i = self.lidar_render if i < 2 * len(self.lidar): l = self.lidar[i] if i < len( self.lidar) else self.lidar[len(self.lidar) - i - 1] self.viewer.draw_polyline( [l.p1, l.p2], color=(1, 0, 0), linewidth=1) for obj in self.drawlist: for f in obj.fixtures: trans = f.body.transform if type(f.shape) is circleShape: t = rendering.Transform(translation=trans * f.shape.pos) self.viewer.draw_circle( f.shape.radius, 30, color=obj.color1).add_attr(t) self.viewer.draw_circle( f.shape.radius, 30, color=obj.color2, filled=False, linewidth=2).add_attr(t) else: path = [trans * v for v in f.shape.vertices] self.viewer.draw_polygon(path, color=obj.color1) path.append(path[0]) self.viewer.draw_polyline( path, color=obj.color2, linewidth=2) flagy1 = TERRAIN_HEIGHT flagy2 = flagy1 + 50 / SCALE x = TERRAIN_STEP * 3 self.viewer.draw_polyline( [(x, flagy1), (x, flagy2)], color=(0, 0, 0), linewidth=2) f = [(x, flagy2), (x, flagy2 - 10 / SCALE), (x + 25 / SCALE, flagy2 - 5 / SCALE)] self.viewer.draw_polygon(f, color=(0.9, 0.2, 0)) self.viewer.draw_polyline(f + [f[0]], color=(0, 0, 0), linewidth=2) return_rgb_array = mode in ['rgb_array', 'level'] return self.viewer.render(return_rgb_array=mode == 'rgb_array')
dcd-main
envs/bipedalwalker/walker_env.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import gym import time import numpy as np import torch from .walker_env import EnvConfig, BipedalWalkerCustom from envs.registration import register as gym_register def get_config(name='default', ground_roughness=0, pit_gap=[], stump_width=[], stump_height=[], stump_float=[], stair_height=[], stair_width=[], stair_steps=[]): config = EnvConfig( name=name, ground_roughness=ground_roughness, pit_gap=pit_gap, stump_width=stump_width, stump_height=stump_height, stump_float=stump_float, stair_height=stair_height, stair_width=stair_width, stair_steps=stair_steps) return config class BipedalWalkerDefault(BipedalWalkerCustom): def __init__(self): config = get_config() super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() ## stump height class BipedalWalkerMedStumps(BipedalWalkerCustom): def __init__(self): config = get_config( stump_height=[2, 2], stump_width=[1, 2], stump_float=[0, 1] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() class BipedalWalkerHighStumps(BipedalWalkerCustom): def __init__(self): config = get_config( stump_height=[5, 5], stump_width=[1, 2], stump_float=[0, 1] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() ## pit gap class BipedalWalkerMedPits(BipedalWalkerCustom): def __init__(self): config = get_config( pit_gap=[5, 5] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() class BipedalWalkerWidePits(BipedalWalkerCustom): def __init__(self): config = get_config( pit_gap=[10, 10] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() # stair height + number of stairs class BipedalWalkerMedStairs(BipedalWalkerCustom): def __init__(self): config = get_config( stair_height=[2, 2], stair_steps=[5], stair_width = [4, 5] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() class BipedalWalkerHighStairs(BipedalWalkerCustom): def __init__(self): config = get_config( stair_height=[5, 5], stair_steps=[9], stair_width=[4, 5] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() # ground roughness class BipedalWalkerMedRoughness(BipedalWalkerCustom): def __init__(self): config = get_config( ground_roughness=5 ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() class BipedalWalkerHighRoughness(BipedalWalkerCustom): def __init__(self): config = get_config( ground_roughness=9 ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() # everything maxed out class BipedalWalkerInsane(BipedalWalkerCustom): def __init__(self): config = get_config( stump_height=[5, 5], stump_width=[1, 2], stump_float=[0, 1], pit_gap=[10, 10], stair_height=[5, 5], stair_steps=[9], stair_width=[4, 5], ground_roughness=9 ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() ## PCG "Extremely Challenging" Env # First samples params, then generates level class BipedalWalkerXChal(BipedalWalkerCustom): def __init__(self): config = get_config( stump_height=[], stump_width=[], stump_float=[], pit_gap=[], stair_height=[], stair_steps=0, stair_width=[], ground_roughness=0 ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): self.level_seed = int(str(time.time() / 1000)[-3:]) super().seed(self.level_seed) stump_high = np.random.uniform(2.4, 3) gap_high = np.random.uniform(6, 8) roughness = np.random.uniform(4.5, 8) config = get_config( stump_height=[0, stump_high], stump_width=[1, 2], stump_float=[0, 1], pit_gap=[0, gap_high], stair_height=[], stair_steps=0, stair_width=[], ground_roughness=roughness) super().re_init(config, self.level_seed) return super()._reset_env() ## POET Rose roses = { '1a': [5.6, 2.4, 2.82, 6.4, 4.48], '1b': [5.44, 1.8, 2.82, 6.72, 4.48], '2a': [7.2, 1.98, 2.82, 7.2, 5.6], '2b': [5.76, 2.16, 2.76, 7.2, 1.6], '3a': [5.28, 1.98, 2.76, 7.2, 4.8], '3b': [4.8, 2.4, 2.76, 4.48, 4.8] } class BipedalWalkerPOETRose(BipedalWalkerCustom): def __init__(self, rose_id='1a'): id = roses[rose_id] config = get_config( stump_height=[id[1], id[2]], stump_width=[1, 2], stump_float=[0, 1], pit_gap=[id[4], id[3]], stair_height=[], stair_steps=[], stair_width=[], ground_roughness=id[0] ) super().__init__(env_config=config, seed=int(str(time.time() / 1000)[-3:])) def reset(self): super().seed(int(str(time.time() / 1000)[-3:])) return super()._reset_env() class BipedalWalkerPOETRose1a(BipedalWalkerPOETRose): def __init__(self): super().__init__(rose_id='1a') class BipedalWalkerPOETRose1b(BipedalWalkerPOETRose): def __init__(self): super().__init__(rose_id='1b') class BipedalWalkerPOETRose2a(BipedalWalkerPOETRose): def __init__(self): super().__init__(rose_id='2a') class BipedalWalkerPOETRose2b(BipedalWalkerPOETRose): def __init__(self): super().__init__(rose_id='2b') class BipedalWalkerPOETRose3a(BipedalWalkerPOETRose): def __init__(self): super().__init__(rose_id='3a') class BipedalWalkerPOETRose3b(BipedalWalkerPOETRose): def __init__(self): super().__init__(rose_id='3b') if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname gym_register(id='BipedalWalker-Default-v0', entry_point=module_path + ':BipedalWalkerDefault', max_episode_steps=2000) gym_register(id='BipedalWalker-Med-Roughness-v0', entry_point=module_path + ':BipedalWalkerMedRoughness', max_episode_steps=2000) gym_register(id='BipedalWalker-High-Roughness-v0', entry_point=module_path + ':BipedalWalkerHighRoughness', max_episode_steps=2000) gym_register(id='BipedalWalker-Med-StumpHeight-v0', entry_point=module_path + ':BipedalWalkerMedStumps', max_episode_steps=2000) gym_register(id='BipedalWalker-High-StumpHeight-v0', entry_point=module_path + ':BipedalWalkerHighStumps', max_episode_steps=2000) gym_register(id='BipedalWalker-Med-Stairs-v0', entry_point=module_path + ':BipedalWalkerMedStairs', max_episode_steps=2000) gym_register(id='BipedalWalker-High-Stairs-v0', entry_point=module_path + ':BipedalWalkerHighStairs', max_episode_steps=2000) gym_register(id='BipedalWalker-Med-PitGap-v0', entry_point=module_path + ':BipedalWalkerMedPits', max_episode_steps=2000) gym_register(id='BipedalWalker-Wide-PitGap-v0', entry_point=module_path + ':BipedalWalkerWidePits', max_episode_steps=2000) gym_register(id='BipedalWalker-Insane-v0', entry_point=module_path + ':BipedalWalkerInsane', max_episode_steps=2000) gym_register(id='BipedalWalker-XChal-v0', entry_point=module_path + ':BipedalWalkerXChal', max_episode_steps=2000) for id in ['1a', '1b', '2a', '2b', '3a', '3b']: gym_register(id=f'BipedalWalker-POET-Rose-{id}-v0', entry_point=module_path + f':BipedalWalkerPOETRose{id}', max_episode_steps=2000)
dcd-main
envs/bipedalwalker/walker_test_envs.py
# coding=utf-8 # Copyright 2021 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # Lint as: python3 """Multi-agent goal-seeking task with many static obstacles. """ import gym_minigrid.minigrid as minigrid from . import multigrid from . import register class ClutteredMultiGrid(multigrid.MultiGridEnv): """Goal seeking environment with obstacles.""" def __init__(self, size=15, n_agents=3, n_clutter=25, randomize_goal=True, agent_view_size=5, max_steps=250, walls_are_lava=False, **kwargs): self.n_clutter = n_clutter self.randomize_goal = randomize_goal self.walls_are_lava = walls_are_lava super().__init__(grid_size=size, max_steps=max_steps, n_agents=n_agents, agent_view_size=agent_view_size, **kwargs) def _gen_grid(self, width, height): self.grid = multigrid.Grid(width, height) self.grid.wall_rect(0, 0, width, height) if self.randomize_goal: self.place_obj(minigrid.Goal(), max_tries=100) else: self.put_obj(minigrid.Goal(), width - 2, height - 2) for _ in range(self.n_clutter): if self.walls_are_lava: self.place_obj(minigrid.Lava(), max_tries=100) else: self.place_obj(minigrid.Wall(), max_tries=100) self.place_agent() self.mission = 'get to the green square' def step(self, action): obs, reward, done, info = multigrid.MultiGridEnv.step(self, action) return obs, reward, done, info class ClutteredMultiGridSingle6x6(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, size=6, n_clutter=5, randomize_goal=True, agent_view_size=5, max_steps=50) class ClutteredMultiGridSingle(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, size=15, n_clutter=25, randomize_goal=True, agent_view_size=5, max_steps=250) class Cluttered40Minigrid(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=40, minigrid_mode=True) class Cluttered10Minigrid(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=10, minigrid_mode=True) class Cluttered50Minigrid(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=50, minigrid_mode=True) class Cluttered5Minigrid(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=5, minigrid_mode=True) class Cluttered1MinigridMini(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=1, minigrid_mode=True, size=6) class Cluttered6MinigridMini(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=6, minigrid_mode=True, size=6) class Cluttered7MinigridMini(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=7, minigrid_mode=True, size=6) class ClutteredMinigridLava(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, walls_are_lava=True, minigrid_mode=True) class ClutteredMinigridLavaMini(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=4, walls_are_lava=True, size=6, minigrid_mode=True) class ClutteredMinigridLavaMedium(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=15, walls_are_lava=True, size=10, minigrid_mode=True) class Cluttered15MinigridMedium(ClutteredMultiGrid): def __init__(self): super().__init__(n_agents=1, n_clutter=15, minigrid_mode=True, size=10) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname register.register( env_id='MultiGrid-Cluttered-v0', entry_point=module_path + ':ClutteredMultiGrid' ) register.register( env_id='MultiGrid-Cluttered-Single-v0', entry_point=module_path + ':ClutteredMultiGridSingle' ) register.register( env_id='MultiGrid-Cluttered-Single-6x6-v0', entry_point=module_path + ':ClutteredMultiGridSingle6x6' ) register.register( env_id='MultiGrid-Cluttered40-Minigrid-v0', entry_point=module_path + ':Cluttered40Minigrid' ) register.register( env_id='MultiGrid-Cluttered10-Minigrid-v0', entry_point=module_path + ':Cluttered10Minigrid' ) register.register( env_id='MultiGrid-Cluttered50-Minigrid-v0', entry_point=module_path + ':Cluttered50Minigrid' ) register.register( env_id='MultiGrid-Cluttered5-Minigrid-v0', entry_point=module_path + ':Cluttered5Minigrid' ) register.register( env_id='MultiGrid-MiniCluttered1-Minigrid-v0', entry_point=module_path + ':Cluttered1MinigridMini' ) register.register( env_id='MultiGrid-MiniCluttered6-Minigrid-v0', entry_point=module_path + ':Cluttered6MinigridMini' ) register.register( env_id='MultiGrid-MiniCluttered7-Minigrid-v0', entry_point=module_path + ':Cluttered7MinigridMini' ) register.register( env_id='MultiGrid-Cluttered-Lava-Minigrid-v0', entry_point=module_path + ':ClutteredMinigridLava' ) register.register( env_id='MultiGrid-MiniCluttered-Lava-Minigrid-v0', entry_point=module_path + ':ClutteredMinigridLavaMini' ) register.register( env_id='MultiGrid-MediumCluttered-Lava-Minigrid-v0', entry_point=module_path + ':ClutteredMinigridLavaMedium' ) register.register( env_id='MultiGrid-MediumCluttered15-Minigrid-v0', entry_point=module_path + ':Cluttered15MinigridMedium' )
dcd-main
envs/multigrid/cluttered.py
# Copyright (c) 2019 Maxime Chevalier-Boisvert. # # 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 import sys import numpy as np # Only ask users to install matplotlib if they actually need it try: import matplotlib.pyplot as plt except: print('To display the environment in a window, please install matplotlib, eg:') print('pip3 install --user matplotlib') sys.exit(-1) class Window: """ Window to draw a gridworld instance using Matplotlib """ def __init__(self, title): self.fig = None self.imshow_obj = None # Create the figure and axes self.fig, self.ax = plt.subplots() # Show the env name in the window title self.fig.canvas.manager.set_window_title(title) plt.axis('off') # Turn off x/y axis numbering/ticks # self.ax.set_xticks([], []) # self.ax.set_yticks([], []) # Flag indicating the window was closed self.closed = False def close_handler(evt): self.closed = True self.fig.canvas.mpl_connect('close_event', close_handler) def show_img(self, img): """ Show an image or update the image being shown """ # Show the first image of the environment if self.imshow_obj is None: self.imshow_obj = self.ax.imshow(img, interpolation='bilinear') self.imshow_obj.set_data(img) self.fig.canvas.draw() # Let matplotlib process UI events # This is needed for interactive mode to work properly plt.pause(0.001) def set_caption(self, text): """ Set/update the caption text below the image """ plt.xlabel(text) def reg_key_handler(self, key_handler): """ Register a keyboard event handler """ # Keyboard handler self.fig.canvas.mpl_connect('key_press_event', key_handler) def show(self, block=True): """ Show the window, and start an event loop """ # If not blocking, trigger interactive mode if not block: plt.ion() # Show the plot # In non-interative mode, this enters the matplotlib event loop # In interactive mode, this call does not block plt.show() def close(self): """ Close the window """ plt.close()
dcd-main
envs/multigrid/window.py
# coding=utf-8 # Copyright 2021 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Register MultiGrid environments with OpenAI gym.""" import gym from envs.registration import register as gym_register env_list = [] def register(env_id, entry_point, reward_threshold=0.95, max_episode_steps=None): """Register a new environment with OpenAI gym based on id.""" assert env_id.startswith("MultiGrid-") if env_id in env_list: del gym.envs.registry.env_specs[id] else: # Add the environment to the set env_list.append(id) kwargs = dict( id=env_id, entry_point=entry_point, reward_threshold=reward_threshold ) if max_episode_steps: kwargs.update({'max_episode_steps':max_episode_steps}) # Register the environment with OpenAI gym gym_register(**kwargs)
dcd-main
envs/multigrid/register.py
# coding=utf-8 # Copyright 2021 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # Lint as: python3 """An environment which is built by a learning adversary. Has additional functions, step_adversary, and reset_agent. How to use: 1. Call reset() to reset to an empty environment 2. Call step_adversary() to place the goal, agent, and obstacles. Repeat until a done is received. 3. Normal RL loop. Use learning agent to generate actions and use them to call step() until a done is received. 4. If required, call reset_agent() to reset the environment the way the adversary designed it. A new agent can now play it using the step() function. """ import random import time import gym import gym_minigrid.minigrid as minigrid import networkx as nx from networkx import grid_graph import numpy as np from . import multigrid from . import register EDITOR_ACTION_SPACES = { 'walls_none': { 0: '-', 1: '.', }, 'walls_none_goal': { 0: '-', 1: '.', 2: 'g', }, 'walls_none_agent_goal': { 0: '-', 1: '.', 2: 'a', 3: 'g', }, } class AdversarialEnv(multigrid.MultiGridEnv): """Grid world where an adversary build the environment the agent plays. The adversary places the goal, agent, and up to n_clutter blocks in sequence. The action dimension is the number of squares in the grid, and each action chooses where the next item should be placed. """ def __init__(self, n_clutter=50, resample_n_clutter=False, size=15, agent_view_size=5, max_steps=250, goal_noise=0., random_z_dim=50, choose_goal_last=False, see_through_walls=True, seed=0, editor_actions='walls_none_agent_goal', fixed_environment=False): """Initializes environment in which adversary places goal, agent, obstacles. Args: n_clutter: The maximum number of obstacles the adversary can place. size: The number of tiles across one side of the grid; i.e. make a size x size grid. agent_view_size: The number of tiles in one side of the agent's partially observed view of the grid. max_steps: The maximum number of steps that can be taken before the episode terminates. goal_noise: The probability with which the goal will move to a different location than the one chosen by the adversary. random_z_dim: The environment generates a random vector z to condition the adversary. This gives the dimension of that vector. choose_goal_last: If True, will place the goal and agent as the last actions, rather than the first actions. """ self.agent_start_pos = None self.goal_pos = None self.n_clutter = n_clutter self.resample_n_clutter = resample_n_clutter self.goal_noise = goal_noise self.random_z_dim = random_z_dim self.choose_goal_last = choose_goal_last # Add two actions for placing the agent and goal. self.n_clutter_sampled = False self.adversary_max_steps = self.n_clutter + 2 super().__init__( n_agents=1, minigrid_mode=True, grid_size=size, max_steps=max_steps, agent_view_size=agent_view_size, see_through_walls=see_through_walls, # Set this to True for maximum speed competitive=True, seed=seed, fixed_environment=fixed_environment, ) # Metrics self.reset_metrics() self.editor_actions = list(EDITOR_ACTION_SPACES[editor_actions].values()) # Create spaces for adversary agent's specs. self.adversary_action_dim = (size - 2)**2 self.adversary_action_space = gym.spaces.Discrete(self.adversary_action_dim) self.adversary_ts_obs_space = gym.spaces.Box( low=0, high=self.adversary_max_steps, shape=(1,), dtype='uint8') self.adversary_randomz_obs_space = gym.spaces.Box( low=0, high=1.0, shape=(random_z_dim,), dtype=np.float32) self.adversary_image_obs_space = gym.spaces.Box( low=0, high=255, shape=(self.width, self.height, 3), dtype='uint8') # Adversary observations are dictionaries containing an encoding of the # grid, the current time step, and a randomly generated vector used to # condition generation (as in a GAN). self.adversary_observation_space = gym.spaces.Dict( {'image': self.adversary_image_obs_space, 'time_step': self.adversary_ts_obs_space, 'random_z': self.adversary_randomz_obs_space}) # NetworkX graph used for computing shortest path self.graph = grid_graph(dim=[size-2, size-2]) self.wall_locs = [] def _resample_n_clutter(self): n_clutter = np.random.randint(0, self.n_clutter) self.adversary_max_steps = n_clutter + 2 self.n_clutter_sampled = True return n_clutter @property def processed_action_dim(self): return 1 @property def encoding(self): return self.grid.encode() def _gen_grid(self, width, height): """Grid is initially empty, because adversary will create it.""" # Create an empty grid self.grid = multigrid.Grid(width, height) # Generate the surrounding walls self.grid.wall_rect(0, 0, width, height) def get_goal_x(self): if self.goal_pos is None: return -1 return self.goal_pos[0] def get_goal_y(self): if self.goal_pos is None: return -1 return self.goal_pos[1] def reset_metrics(self): self.distance_to_goal = -1 self.n_clutter_placed = 0 self.passable = -1 self.shortest_path_length = (self.width - 2) * (self.height - 2) + 1 def compute_metrics(self): self.n_clutter_placed = self._count_walls() self.compute_shortest_path() def reset(self): """Fully resets the environment to an empty grid with no agent or goal.""" self.graph = grid_graph(dim=[self.width-2, self.height-2]) self.wall_locs = [] self.step_count = 0 self.adversary_step_count = 0 if self.resample_n_clutter: self.n_clutter_sampled = False self.agent_start_dir = self._rand_int(0, 4) # Current position and direction of the agent self.reset_agent_status() self.agent_start_pos = None self.goal_pos = None self.done = False # Extra metrics self.reset_metrics() # Generate the grid. Will be random by default, or same environment if # 'fixed_environment' is True. self._gen_grid(self.width, self.height) image = self.grid.encode() obs = { 'image': image, 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } return obs def reset_agent_status(self): """Reset the agent's position, direction, done, and carrying status.""" self.agent_pos = [None] * self.n_agents self.agent_dir = [self.agent_start_dir] * self.n_agents self.done = [False] * self.n_agents self.carrying = [None] * self.n_agents def reset_agent(self): """Resets the agent's start position, but leaves goal and walls.""" # Remove the previous agents from the world for a in range(self.n_agents): if self.agent_pos[a] is not None: self.grid.set(self.agent_pos[a][0], self.agent_pos[a][1], None) # Current position and direction of the agent self.reset_agent_status() if self.agent_start_pos is None: raise ValueError('Trying to place agent at empty start position.') else: self.place_agent_at_pos(0, self.agent_start_pos, rand_dir=False) for a in range(self.n_agents): assert self.agent_pos[a] is not None assert self.agent_dir[a] is not None # Check that the agent doesn't overlap with an object start_cell = self.grid.get(*self.agent_pos[a]) if not (start_cell.type == 'agent' or start_cell is None or start_cell.can_overlap()): raise ValueError('Wrong object in agent start position.') # Step count since episode start self.step_count = 0 # Return first observation obs = self.gen_obs() return obs def reset_to_level(self, level): self.reset() if isinstance(level, str): actions = [int(a) for a in level.split()] if self.resample_n_clutter: self.adversary_max_steps = len(actions) for a in actions: obs, _, done, _ = self.step_adversary(a) if done: obs = self.reset_agent() else: # reset based on encoding obs = self.reset_to_encoding(level) return obs def reset_to_encoding(self, encoding): self.grid.set_encoding(encoding, multigrid_env=self) self.compute_metrics() return self.reset_agent() def _clean_loc(self, x,y): # Remove any walls self.remove_wall(x, y) # print(f'cleaning loc {x}, {y}', flush=True) if isinstance(self.grid.get(x,y), minigrid.Goal): self.goal_pos = None elif isinstance(self.grid.get(x,y), multigrid.Agent): self.agent_start_pos = None self.grid.set(x, y, None) def _free_xy_from_mask(self, free_mask): free_idx = free_mask.flatten().nonzero()[0] free_loc = np.random.choice(free_idx) mask_w, mask_h = free_mask.shape x = free_loc % mask_w y = free_loc // mask_w return x,y def mutate_level(self, num_edits=1): """ Mutate the current level: - Select num_edits locations (with replacement). - Take the unique set of locations, which can be < num_edits. - Choose a unique entity for each location. - Place entities in each location. - Place goal and agent if they do not exist. """ num_tiles = (self.width-2)*(self.height-2) edit_locs = list(set(np.random.randint(0, num_tiles, num_edits))) action_idx = np.random.randint(0, len(self.editor_actions), len(edit_locs)) actions = [self.editor_actions[i] for i in action_idx] free_mask = ~self.wall_mask free_mask[self.agent_start_pos[1]-1, self.agent_start_pos[0]-1] = False free_mask[self.goal_pos[1]-1, self.goal_pos[0]-1] = False for loc, a in zip(edit_locs, actions): x = loc % (self.width - 2) + 1 y = loc // (self.width - 2) + 1 self._clean_loc(x,y) if a == '-': self.put_obj(minigrid.Wall(), x, y) self.wall_locs.append((x-1, y-1)) self.n_clutter_placed += 1 free_mask[y-1,x-1] = False elif a == '.': self.remove_wall(x, y) self.grid.set(x, y, None) free_mask[y-1,x-1] = True elif a == 'a': if self.agent_start_pos is not None: ax,ay = self.agent_start_pos self.grid.set(ax, ay, None) free_mask[ay-1,ax-1] = True self.place_one_agent(0, top=(x,y), size=(1,1)) self.agent_start_pos = np.array((x,y)) free_mask[y-1,x-1] = False elif a == 'g': if self.goal_pos is not None: gx,gy = self.goal_pos self.grid.set(gx, gy, None) free_mask[gy-1,gx-1] = True self.put_obj(minigrid.Goal(), x, y) self.goal_pos = np.array((x,y)) free_mask[y-1,x-1] = False # Make sure goal exists if self.goal_pos is None: x,y = self._free_xy_from_mask(free_mask) free_mask[y,x] = False x += 1 y += 1 self.put_obj(minigrid.Goal(), x, y) self.goal_pos = np.array((x,y)) # Make sure agent exists if self.agent_start_pos is None: x,y = self._free_xy_from_mask(free_mask) free_mask[y,x] = False x += 1 y += 1 self.place_one_agent(0, top=(x,y), size=(1,1)) self.agent_start_pos = np.array((x,y)) # Reset meta info self.graph = grid_graph(dim=[self.width-2, self.height-2]) self.step_count = 0 self.adversary_step_count = 0 self.reset_metrics() self.compute_metrics() return self.reset_agent() def remove_wall(self, x, y): if (x-1, y-1) in self.wall_locs: self.wall_locs.remove((x-1, y-1)) self.n_clutter_placed -= 1 obj = self.grid.get(x, y) if obj is not None and obj.type == 'wall': self.grid.set(x, y, None) def _count_walls(self): wall_mask = np.array( [1 if isinstance(x, minigrid.Wall) else 0 for x in self.grid.grid], dtype=np.bool)\ .reshape(self.height, self.width)[1:-1,1:-1] self.wall_mask = wall_mask num_walls = wall_mask.sum() wall_pos = list(zip(*np.nonzero(wall_mask))) self.wall_locs = [(x+1,y+1) for y,x in wall_pos] for y,x in wall_pos: self.graph.remove_node((x,y)) return num_walls def compute_shortest_path(self): if self.agent_start_pos is None or self.goal_pos is None: return self.distance_to_goal = abs( self.goal_pos[0] - self.agent_start_pos[0]) + abs( self.goal_pos[1] - self.agent_start_pos[1]) # Check if there is a path between agent start position and goal. Remember # to subtract 1 due to outside walls existing in the Grid, but not in the # networkx graph. self.passable = nx.has_path( self.graph, source=(self.agent_start_pos[0] - 1, self.agent_start_pos[1] - 1), target=(self.goal_pos[0]-1, self.goal_pos[1]-1)) if self.passable: # Compute shortest path self.shortest_path_length = nx.shortest_path_length( self.graph, source=(self.agent_start_pos[0]-1, self.agent_start_pos[1]-1), target=(self.goal_pos[0]-1, self.goal_pos[1]-1)) else: # Impassable environments have a shortest path length 1 longer than # longest possible path self.shortest_path_length = (self.width - 2) * (self.height - 2) + 1 def generate_random_z(self): return np.random.uniform(size=(self.random_z_dim,)).astype(np.float32) def step_adversary(self, loc): """The adversary gets n_clutter + 2 moves to place the goal, agent, blocks. The action space is the number of possible squares in the grid. The squares are numbered from left to right, top to bottom. Args: loc: An integer specifying the location to place the next object which must be decoded into x, y coordinates. Returns: Standard RL observation, reward (always 0), done, and info """ if loc >= self.adversary_action_dim: raise ValueError('Position passed to step_adversary is outside the grid.') # Resample block count if necessary, based on first loc if self.resample_n_clutter and not self.n_clutter_sampled: n_clutter = int((loc/self.adversary_action_dim)*self.n_clutter) self.adversary_max_steps = n_clutter + 2 self.n_clutter_sampled = True if self.adversary_step_count < self.adversary_max_steps: # Add offset of 1 for outside walls x = int(loc % (self.width - 2)) + 1 y = int(loc / (self.width - 2)) + 1 done = False if self.choose_goal_last: should_choose_goal = self.adversary_step_count == self.adversary_max_steps - 2 should_choose_agent = self.adversary_step_count == self.adversary_max_steps - 1 else: should_choose_goal = self.adversary_step_count == 0 should_choose_agent = self.adversary_step_count == 1 # print(f"{self.adversary_step_count}/{self.adversary_max_steps}", flush=True) # print(f"goal/agent = {should_choose_goal}/{should_choose_agent}", flush=True) # Place goal if should_choose_goal: # If there is goal noise, sometimes randomly place the goal if random.random() < self.goal_noise: self.goal_pos = self.place_obj(minigrid.Goal(), max_tries=100) else: self.remove_wall(x, y) # Remove any walls that might be in this loc self.put_obj(minigrid.Goal(), x, y) self.goal_pos = (x, y) # Place the agent elif should_choose_agent: self.remove_wall(x, y) # Remove any walls that might be in this loc # Goal has already been placed here if self.grid.get(x, y) is not None: # Place agent randomly self.agent_start_pos = self.place_one_agent(0, rand_dir=False) self.deliberate_agent_placement = 0 else: self.agent_start_pos = np.array([x, y]) self.place_agent_at_pos(0, self.agent_start_pos, rand_dir=False) self.deliberate_agent_placement = 1 # Place wall elif self.adversary_step_count < self.adversary_max_steps: # If there is already an object there, action does nothing if self.grid.get(x, y) is None: self.put_obj(minigrid.Wall(), x, y) self.n_clutter_placed += 1 self.wall_locs.append((x-1, y-1)) self.adversary_step_count += 1 # End of episode if self.adversary_step_count >= self.n_clutter + 2: done = True self.reset_metrics() self.compute_metrics() else: done = False image = self.grid.encode() obs = { 'image': image, 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } return obs, 0, done, {} def reset_random(self): if self.fixed_environment: self.seed(self.seed_value) """Use domain randomization to create the environment.""" self.graph = grid_graph(dim=[self.width-2, self.height-2]) self.step_count = 0 self.adversary_step_count = 0 # Current position and direction of the agent self.reset_agent_status() self.agent_start_pos = None self.goal_pos = None # Extra metrics self.reset_metrics() # Create empty grid self._gen_grid(self.width, self.height) # Randomly place goal self.goal_pos = self.place_obj(minigrid.Goal(), max_tries=100) # Randomly place agent self.agent_start_dir = self._rand_int(0, 4) self.agent_start_pos = self.place_one_agent(0, rand_dir=False) # Randomly place walls if self.resample_n_clutter: n_clutter = self._resample_n_clutter() else: n_clutter = int(self.n_clutter/2) # Based on original PAIRED logic for _ in range(n_clutter): self.place_obj(minigrid.Wall(), max_tries=100) self.compute_metrics() return self.reset_agent() class MiniAdversarialEnv(AdversarialEnv): def __init__(self): super().__init__(n_clutter=7, size=6, agent_view_size=5, max_steps=50) class NoisyAdversarialEnv(AdversarialEnv): def __init__(self): super().__init__(goal_noise=0.3) class MediumAdversarialEnv(AdversarialEnv): def __init__(self): super().__init__(n_clutter=30, size=10, agent_view_size=5, max_steps=200) class GoalLastAdversarialEnv(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__(choose_goal_last=True, fixed_environment=fixed_environment, seed=seed, max_steps=250) class GoalLastAdversarialEnv30(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__(choose_goal_last=True, n_clutter=30, fixed_environment=fixed_environment, seed=seed, max_steps=250) class GoalLastAdversarialEnv60(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__(choose_goal_last=True, n_clutter=60, fixed_environment=fixed_environment, seed=seed, max_steps=250) class GoalLastOpaqueWallsAdversarialEnv(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, see_through_walls=False, fixed_environment=fixed_environment, seed=seed, max_steps=250) class GoalLastFewerBlocksAdversarialEnv(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=25, fixed_environment=fixed_environment, seed=seed, max_steps=250) class GoalLastFewerBlocksAdversarialEnv_WN(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=25, fixed_environment=fixed_environment, seed=seed, max_steps=250, editor_actions='walls_none') class GoalLastFewerBlocksAdversarialEnv_WNG(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=25, fixed_environment=fixed_environment, seed=seed, max_steps=250, editor_actions='walls_none_goal') class GoalLastVariableBlocksAdversarialEnv_WNG(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=60, resample_n_clutter=True, fixed_environment=fixed_environment, seed=seed, max_steps=250, editor_actions='walls_none_goal') class GoalLastVariableBlocksAdversarialEnv(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=60, resample_n_clutter=True, fixed_environment=fixed_environment, seed=seed, max_steps=250) class GoalLastEmptyAdversarialEnv_WNG(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=0, fixed_environment=fixed_environment, seed=seed, max_steps=250, editor_actions='walls_none_goal') class GoalLastFewerBlocksOpaqueWallsAdversarialEnv(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__( choose_goal_last=True, n_clutter=25, see_through_walls=False, fixed_environment=fixed_environment, seed=seed, max_steps=250) class MiniGoalLastAdversarialEnv(AdversarialEnv): def __init__(self, fixed_environment=False, seed=None): super().__init__(n_clutter=7, size=6, agent_view_size=5, max_steps=50, choose_goal_last=True, fixed_environment=fixed_environment, seed=seed) class FixedAdversarialEnv(AdversarialEnv): def __init__(self): super().__init__(n_clutter=50, size=15, agent_view_size=5, max_steps=50, fixed_environment=True) class EmptyMiniFixedAdversarialEnv(AdversarialEnv): def __init__(self): super().__init__(n_clutter=0, size=6, agent_view_size=5, max_steps=50, fixed_environment=True) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname register.register( env_id='MultiGrid-Adversarial-v0', entry_point=module_path + ':AdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-MiniAdversarial-v0', entry_point=module_path + ':MiniAdversarialEnv', max_episode_steps=50, ) register.register( env_id='MultiGrid-NoisyAdversarial-v0', entry_point=module_path + ':NoisyAdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-MediumAdversarial-v0', entry_point=module_path + ':MediumAdversarialEnv', max_episode_steps=200, ) register.register( env_id='MultiGrid-GoalLastAdversarial-v0', entry_point=module_path + ':GoalLastAdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastOpaqueWallsAdversarial-v0', entry_point=module_path + ':GoalLastOpaqueWallsAdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastFewerBlocksAdversarial-v0', entry_point=module_path + ':GoalLastFewerBlocksAdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastFewerBlocksAdversarial-EditWN-v0', entry_point=module_path + ':GoalLastFewerBlocksAdversarialEnv_WN', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastFewerBlocksAdversarial-EditWNG-v0', entry_point=module_path + ':GoalLastFewerBlocksAdversarialEnv_WNG', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastVariableBlocksAdversarialEnv-v0', entry_point=module_path + ':GoalLastVariableBlocksAdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastVariableBlocksAdversarialEnv-Edit-v0', entry_point=module_path + ':GoalLastVariableBlocksAdversarialEnv_WNG', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastEmptyAdversarialEnv-Edit-v0', entry_point=module_path + ':GoalLastEmptyAdversarialEnv_WNG', max_episode_steps=250, ) register.register( env_id='MultiGrid-GoalLastFewerBlocksOpaqueWallsAdversarial-v0', entry_point=module_path + ':GoalLastFewerBlocksOpaqueWallsAdversarialEnv', max_episode_steps=250, ) register.register( env_id='MultiGrid-MiniGoalLastAdversarial-v0', entry_point=module_path + ':MiniGoalLastAdversarialEnv', max_episode_steps=50, ) register.register( env_id='MultiGrid-FixedAdversarial-v0', entry_point=module_path + ':FixedAdversarialEnv', max_episode_steps=50, ) register.register( env_id='MultiGrid-EmptyMiniFixedAdversarial-v0', entry_point=module_path + ':EmptyMiniFixedAdversarialEnv', max_episode_steps=50, ) register.register( env_id='MultiGrid-GoalLastAdversarialEnv30-v0', entry_point=module_path + ':GoalLastAdversarialEnv30', max_episode_steps=50, ) register.register( env_id='MultiGrid-GoalLastAdversarialEnv60-v0', entry_point=module_path + ':GoalLastAdversarialEnv60', max_episode_steps=50, )
dcd-main
envs/multigrid/adversarial.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .adversarial import *
dcd-main
envs/multigrid/__init__.py
# coding=utf-8 # Copyright 2021 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import gym_minigrid.minigrid as minigrid import numpy as np from . import multigrid # from . import register import envs.registration as register class MazeEnv(multigrid.MultiGridEnv): """Single-agent maze environment specified via a bit map.""" def __init__(self, agent_view_size=5, minigrid_mode=True, max_steps=None, bit_map=None, start_pos=None, goal_pos=None, size=15): default_agent_start_x = 7 default_agent_start_y = 1 default_goal_start_x = 7 default_goal_start_y = 13 self.start_pos = np.array( [default_agent_start_x, default_agent_start_y]) if start_pos is None else start_pos self.goal_pos = ( default_goal_start_x, default_goal_start_y) if goal_pos is None else goal_pos if max_steps is None: max_steps = 2*size*size if bit_map is not None: bit_map = np.array(bit_map) if bit_map.shape != (size-2, size-2): print('Error! Bit map shape does not match size. Using default maze.') bit_map = None if bit_map is None: self.bit_map = np.array([ [0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 1, 0, 0], [0, 1, 1, 1, 0, 1, 1, 1, 1, 0, 1, 1, 0], [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1, 1, 1], [0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], [1, 1, 1, 1, 1, 1, 0, 1, 1, 1, 1, 1, 0], [0, 0, 0, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0], [0, 1, 1, 0, 0, 0, 1, 1, 0, 1, 1, 1, 1], [0, 0, 1, 0, 1, 0, 0, 1, 0, 0, 0, 1, 0], [1, 0, 1, 0, 1, 1, 0, 1, 1, 1, 0, 1, 0], [1, 0, 1, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0], [1, 0, 1, 1, 0, 1, 1, 1, 0, 1, 1, 1, 0], [0, 0, 0, 1, 0, 0, 0, 1, 0, 1, 0, 0, 0] ]) else: self.bit_map = bit_map super().__init__( n_agents=1, grid_size=size, agent_view_size=agent_view_size, max_steps=max_steps, see_through_walls=True, # Set this to True for maximum speed minigrid_mode=minigrid_mode ) def _gen_grid(self, width, height): # Create an empty grid self.grid = multigrid.Grid(width, height) # Generate the surrounding walls self.grid.wall_rect(0, 0, width, height) # Goal self.put_obj(minigrid.Goal(), self.goal_pos[0], self.goal_pos[1]) # Agent self.place_agent_at_pos(0, self.start_pos) # Walls for x in range(self.bit_map.shape[0]): for y in range(self.bit_map.shape[1]): if self.bit_map[y, x]: # Add an offset of 1 for the outer walls self.put_obj(minigrid.Wall(), x+1, y+1) class HorizontalMazeEnv(MazeEnv): """A short but non-optimal path is 80 moves.""" def __init__(self): # positions go col, row start_pos = np.array([1, 7]) goal_pos = np.array([13, 5]) bit_map = np.array([ [0, 0, 0, 1, 0, 1, 0, 0, 0, 0, 1, 0, 0], [0, 1, 0, 1, 0, 1, 1, 1, 1, 0, 0, 0, 1], [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1, 1, 1], [0, 0, 0, 1, 0, 0, 1, 0, 1, 0, 1, 0, 0], [1, 1, 0, 1, 0, 1, 1, 0, 1, 0, 1, 0, 0], [0, 1, 0, 1, 0, 0, 0, 0, 1, 0, 1, 1, 0], [0, 1, 0, 1, 1, 0, 1, 1, 1, 0, 0, 1, 0], [0, 1, 0, 0, 1, 0, 0, 1, 1, 1, 0, 1, 0], [0, 1, 1, 0, 1, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 0, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class Maze3Env(MazeEnv): """A short but non-optimal path is 80 moves.""" def __init__(self): # positions go col, row and indexing starts at 1 start_pos = np.array([4, 1]) goal_pos = np.array([13, 7]) bit_map = np.array([ [0, 0, 0, 0, 1, 0, 1, 0, 0, 0, 0, 0, 0], [0, 1, 1, 1, 1, 0, 1, 0, 1, 1, 1, 1, 0], [0, 1, 0, 0, 0, 0, 1, 0, 1, 0, 0, 0, 0], [0, 0, 0, 1, 1, 1, 1, 0, 1, 0, 1, 0, 1], [1, 1, 0, 1, 0, 0, 0, 0, 1, 0, 1, 0, 0], [0, 0, 0, 1, 0, 1, 1, 0, 1, 0, 1, 1, 0], [0, 1, 0, 1, 0, 1, 0, 0, 1, 0, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 1, 1, 0, 1, 1], [0, 1, 0, 0, 0, 1, 0, 1, 0, 1, 0, 0, 0], [0, 1, 1, 1, 0, 1, 0, 1, 0, 1, 1, 1, 0], [0, 1, 0, 0, 0, 1, 0, 1, 0, 0, 0, 1, 0], [0, 1, 0, 1, 1, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class SmallCorridorEnv(MazeEnv): """A shorter backtracking env.""" def __init__(self): # positions go col, row and indexing starts at 1 start_pos = np.array([1, 7]) row = np.random.choice([6,8]) col = np.random.choice([3,5,7,9,11]) goal_pos = np.array([col,row]) bit_map = np.array([ [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class LargeCorridorEnv(MazeEnv): """A long backtracking env.""" def __init__(self): # positions go col, row and indexing starts at 1 start_pos = np.array([1, 10]) row = np.random.choice([9, 11]) col = np.random.choice([3,5,7,9,11,13,15,17]) goal_pos = np.array([col,row]) bit_map = np.array([ [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], ]) super().__init__(size=21, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class LabyrinthEnv(MazeEnv): """A short but non-optimal path is 118 moves.""" def __init__(self): # positions go col, row start_pos = np.array([1, 13]) goal_pos = np.array([7, 7]) bit_map = np.array([ [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0], [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0], [0, 1, 0, 1, 1, 1, 1, 1, 1, 1, 0, 1, 0], [0, 1, 0, 1, 0, 0, 0, 0, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 1, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 1, 0, 0, 0, 1, 0, 0, 0, 1, 0, 1, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1, 0], [0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 1, 0], [1, 1, 1, 1, 0, 1, 0, 1, 1, 1, 1, 1, 0], [0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class Labyrinth2Env(MazeEnv): """A short but non-optimal path is 118 moves.""" def __init__(self): # positions go col, row start_pos = np.array([1, 1]) goal_pos = np.array([7, 7]) bit_map = np.array([ [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 1, 0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0], [0, 1, 0, 1, 0, 0, 0, 0, 0, 0, 0, 1, 0], [0, 1, 0, 1, 0, 1, 1, 1, 1, 1, 0, 1, 0], [0, 1, 0, 1, 0, 1, 0, 0, 0, 1, 0, 1, 0], [0, 0, 0, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [1, 1, 1, 1, 0, 1, 0, 1, 0, 1, 0, 1, 0], [0, 0, 0, 1, 0, 1, 1, 1, 0, 1, 0, 1, 0], [0, 1, 0, 1, 0, 0, 0, 0, 0, 1, 0, 1, 0], [0, 1, 0, 1, 1, 1, 1, 1, 1, 1, 0, 1, 0], [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0], [0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0], [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class NineRoomsEnv(MazeEnv): """Can be completed in 27 moves.""" def __init__(self): # positions go col, row start_pos = np.array([2, 2]) goal_pos = np.array([12, 12]) bit_map = np.array([ [0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [1, 0, 1, 1, 1, 0, 1, 1, 1, 1, 1, 1, 0], [0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [1, 1, 1, 0, 1, 1, 1, 0, 1, 1, 0, 1, 1], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class NineRoomsFewerDoorsEnv(MazeEnv): """Can be completed in 27 moves.""" def __init__(self): # positions go col, row start_pos = np.array([2, 2]) goal_pos = np.array([12, 12]) bit_map = np.array([ [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [1, 0, 1, 1, 1, 0, 1, 1, 1, 1, 1, 1, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [1, 1, 1, 0, 1, 1, 0, 1, 1, 1, 0, 1, 1], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0, 0, 0, 1, 0, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class SixteenRoomsEnv(MazeEnv): """Can be completed in 16 moves.""" def __init__(self): # positions go col, row start_pos = np.array([2, 2]) goal_pos = np.array([12, 12]) bit_map = np.array([ [0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0], [0, 0, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0], [1, 0, 1, 1, 1, 0, 1, 1, 0, 1, 1, 1, 0], [0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 1, 0, 0, 1, 0, 0, 0], [1, 1, 0, 1, 0, 1, 1, 0, 1, 1, 1, 0, 1], [0, 0, 0, 1, 0, 0, 0, 0, 0, 1, 0, 0, 0], [0, 0, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0], [0, 1, 1, 1, 1, 0, 1, 1, 0, 1, 0, 1, 1], [0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0], [0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0], [0, 0, 0, 1, 0, 0, 0, 0, 0, 1, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class SixteenRoomsFewerDoorsEnv(MazeEnv): """Can be completed in 16 moves.""" def __init__(self): # positions go col, row start_pos = np.array([2, 2]) goal_pos = np.array([12, 12]) bit_map = np.array([ [0, 0, 0, 1, 0, 0, 0, 0, 0, 1, 0, 0, 0], [0, 0, 0, 0, 0, 0, 1, 0, 0, 1, 0, 0, 0], [0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0], [1, 1, 1, 1, 0, 1, 1, 0, 1, 1, 1, 0, 1], [0, 0, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 1, 0, 0, 1, 0, 0, 0], [1, 0, 1, 1, 1, 1, 1, 0, 1, 1, 1, 1, 1], [0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0], [0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0], [1, 1, 0, 1, 1, 0, 1, 1, 0, 1, 1, 1, 1], [0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0], [0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0], [0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0] ]) super().__init__(size=15, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class MiniMazeEnv(MazeEnv): """A smaller maze for debugging.""" def __init__(self): start_pos = np.array([1, 1]) goal_pos = np.array([1, 3]) bit_map = np.array([ [0, 0, 0, 0], [1, 1, 1, 0], [0, 1, 0, 0], [0, 0, 0, 1], ]) super().__init__(size=6, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) class MediumMazeEnv(MazeEnv): """A 10x10 Maze environment.""" def __init__(self): start_pos = np.array([5, 1]) goal_pos = np.array([3, 8]) bit_map = np.array([ [0, 1, 0, 0, 0, 1, 1, 0], [0, 1, 0, 1, 0, 1, 0, 0], [0, 1, 0, 1, 1, 1, 1, 0], [0, 0, 0, 0, 0, 1, 0, 0], [1, 1, 1, 1, 0, 1, 0, 1], [0, 0, 0, 0, 0, 0, 0, 0], [0, 1, 1, 1, 1, 1, 1, 0], [0, 0, 0, 1, 0, 0, 0, 0], ]) super().__init__(size=10, bit_map=bit_map, start_pos=start_pos, goal_pos=goal_pos) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname register.register( id='MultiGrid-Maze-v0', entry_point=module_path + ':MazeEnv' ) register.register( id='MultiGrid-MiniMaze-v0', entry_point=module_path + ':MiniMazeEnv' ) register.register( id='MultiGrid-MediumMaze-v0', entry_point=module_path + ':MediumMazeEnv' ) register.register( id='MultiGrid-Maze2-v0', entry_point=module_path + ':HorizontalMazeEnv' ) register.register( id='MultiGrid-Maze3-v0', entry_point=module_path + ':Maze3Env' ) register.register( id='MultiGrid-SmallCorridor-v0', entry_point=module_path + ':SmallCorridorEnv' ) register.register( id='MultiGrid-LargeCorridor-v0', entry_point=module_path + ':LargeCorridorEnv' ) register.register( id='MultiGrid-Labyrinth-v0', entry_point=module_path + ':LabyrinthEnv' ) register.register( id='MultiGrid-Labyrinth2-v0', entry_point=module_path + ':Labyrinth2Env' ) register.register( id='MultiGrid-SixteenRooms-v0', entry_point=module_path + ':SixteenRoomsEnv' ) register.register( id='MultiGrid-SixteenRoomsFewerDoors-v0', entry_point=module_path + ':SixteenRoomsFewerDoorsEnv' ) register.register( id='MultiGrid-NineRooms-v0', entry_point=module_path + ':NineRoomsEnv' ) register.register( id='MultiGrid-NineRoomsFewerDoors-v0', entry_point=module_path + ':NineRoomsFewerDoorsEnv' )
dcd-main
envs/multigrid/maze.py
# coding=utf-8 # Copyright 2021 The Google Research Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Implements the multi-agent version of the Grid and MultiGridEnv classes. Note that at each step, the environment expects an array of actions equal to the number of agents with which the class was initialized. Similarly, it will return an array of observations, and an array of rewards. In the competitive version, as soon as one agent finds the goal, the game is over. In the non-competitive case, all episodes have a fixed length based on the maximum number of steps. To avoid issues with some agents finishing early and therefore requiring support for non-scalar step types, if an agent finishes before the step deadlie it will be respawned in a new location. To make the single-agent case comparable to this design, it should also run for a fixed number of steps and allow the agent to find the goal as many times as possible within this step budget. Unlike Minigrid, Multigrid does not include the string text of the 'mission' with each observation. """ import math import gym import gym_minigrid.minigrid as minigrid import gym_minigrid.rendering as rendering import numpy as np from . import window # Map of color names to RGB values AGENT_COLOURS = [ np.array([60, 182, 234]), # Blue np.array([229, 52, 52]), # Red np.array([144, 32, 249]), # Purple np.array([69, 196, 60]), # Green np.array([252, 227, 35]), # Yellow ] class WorldObj(minigrid.WorldObj): """Override MiniGrid base class to deal with Agent objects.""" def __init__(self, obj_type, color=None): assert obj_type in minigrid.OBJECT_TO_IDX, obj_type self.type = obj_type if color: assert color in minigrid.COLOR_TO_IDX, color self.color = color self.contains = None # Initial position of the object self.init_pos = None # Current position of the object self.cur_pos = None @staticmethod def decode(type_idx, color_idx, state): """Create an object from a 3-tuple state description.""" obj_type = minigrid.IDX_TO_OBJECT[type_idx] if obj_type != 'agent': color = minigrid.IDX_TO_COLOR[color_idx] if obj_type == 'empty' or obj_type == 'unseen': return None if obj_type == 'wall': v = minigrid.Wall(color) elif obj_type == 'floor': v = minigrid.Floor(color) elif obj_type == 'ball': v = minigrid.Ball(color) elif obj_type == 'key': v = minigrid.Key(color) elif obj_type == 'box': v = minigrid.Box(color) elif obj_type == 'door': # State, 0: open, 1: closed, 2: locked is_open = state == 0 is_locked = state == 2 v = Door(color, is_open, is_locked) elif obj_type == 'goal': v = minigrid.Goal() elif obj_type == 'lava': v = minigrid.Lava() elif obj_type == 'agent': v = Agent(color_idx, state) else: assert False, "unknown object type in decode '%s'" % obj_type return v class Door(minigrid.Door): """Extends minigrid Door class to multiple agents possibly carrying keys.""" def toggle(self, env, pos, carrying): # If the player has the right key to open the door if self.is_locked: if isinstance(carrying, minigrid.Key) and carrying.color == self.color: self.is_locked = False self.is_open = True return True return False self.is_open = not self.is_open return True class Agent(WorldObj): """Class to represent other agents existing in the world.""" def __init__(self, agent_id, state): super(Agent, self).__init__('agent') self.agent_id = agent_id self.dir = state def can_contain(self): """Can this contain another object?""" return True def encode(self): """Encode the a description of this object as a 3-tuple of integers.""" return (minigrid.OBJECT_TO_IDX[self.type], self.agent_id, self.dir) def render(self, img): tri_fn = rendering.point_in_triangle( (0.12, 0.19), (0.87, 0.50), (0.12, 0.81), ) # Rotate the agent based on its direction tri_fn = rendering.rotate_fn( tri_fn, cx=0.5, cy=0.5, theta=0.5 * math.pi * self.dir) color = AGENT_COLOURS[self.agent_id] rendering.fill_coords(img, tri_fn, color) class Grid(minigrid.Grid): """Extends Grid class, overrides some functions to cope with multi-agent case.""" @classmethod def render_tile(cls, obj, highlight=None, tile_size=minigrid.TILE_PIXELS, subdivs=3, cell_type=None): """Render a tile and cache the result.""" # Hash map lookup key for the cache if isinstance(highlight, list): key = (tuple(highlight), tile_size) else: key = (highlight, tile_size) key = obj.encode() + key if obj else key if key in cls.tile_cache: return cls.tile_cache[key] img = np.zeros( shape=(tile_size * subdivs, tile_size * subdivs, 3), dtype=np.uint8) # Draw the grid lines (top and left edges) rendering.fill_coords(img, rendering.point_in_rect(0, 0.031, 0, 1), (100, 100, 100)) rendering.fill_coords(img, rendering.point_in_rect(0, 1, 0, 0.031), (100, 100, 100)) if obj is not None and obj.type != 'agent': obj.render(img) # Highlight the cell if needed (do not highlight walls) if highlight and not (cell_type is not None and cell_type == 'wall'): if isinstance(highlight, list): for a, agent_highlight in enumerate(highlight): if agent_highlight: rendering.highlight_img(img, color=AGENT_COLOURS[a]) else: # Default highlighting for agent's partially observed views rendering.highlight_img(img) # Render agents after highlight to avoid highlighting agent triangle (the # combination of colours makes it difficult to ID agent) if obj is not None and obj.type == 'agent': obj.render(img) # Downsample the image to perform supersampling/anti-aliasing img = rendering.downsample(img, subdivs) # Cache the rendered tile cls.tile_cache[key] = img return img def render(self, tile_size, highlight_mask=None): """Render this grid at a given scale. Args: tile_size: Tile size in pixels. highlight_mask: An array of binary masks, showing which part of the grid should be highlighted for each agent. Can also be used in partial observation for single agent, which must be handled differently. Returns: An image of the rendered Grid. """ if highlight_mask is None: highlight_mask = np.zeros(shape=(self.width, self.height), dtype=np.bool) # Compute the total grid size width_px = self.width * tile_size height_px = self.height * tile_size img = np.zeros(shape=(height_px, width_px, 3), dtype=np.uint8) # Render the grid for y in range(0, self.height): for x in range(0, self.width): cell = self.get(x, y) cell_type = cell.type if cell else None if isinstance(highlight_mask, list): # Figure out highlighting for each agent n_agents = len(highlight_mask) highlights = [highlight_mask[a][x, y] for a in range(n_agents)] else: highlights = highlight_mask[x, y] tile_img = Grid.render_tile( cell, highlight=highlights, tile_size=tile_size, cell_type=cell_type, ) ymin = y * tile_size ymax = (y + 1) * tile_size xmin = x * tile_size xmax = (x + 1) * tile_size img[ymin:ymax, xmin:xmax, :] = tile_img return img def set_encoding(self, encoding, multigrid_env=None): assert tuple(encoding.shape[:2]) == (self.height, self.width) for i in range(self.height): for j in range(self.width): v = WorldObj.decode(*encoding[i,j,:]) if isinstance(v, Agent): v.agent_id = 0 if multigrid_env: multigrid_env.agent_start_pos = np.array((i,j), dtype=np.int64) elif isinstance(v, minigrid.Goal): if multigrid_env: multigrid_env.goal_pos = np.array((i,j), dtype=np.int64) self.set(i, j, v) @staticmethod def decode(array): """Decode an array grid encoding back into a grid.""" width, height, channels = array.shape assert channels == 3 vis_mask = np.ones(shape=(width, height), dtype=np.bool) grid = Grid(width, height) for i in range(width): for j in range(height): type_idx, color_idx, state = array[i, j] v = WorldObj.decode(type_idx, color_idx, state) grid.set(i, j, v) vis_mask[i, j] = (type_idx != minigrid.OBJECT_TO_IDX['unseen']) return grid, vis_mask def rotate_left(self): """Rotate the grid counter-clockwise, including agents within it.""" grid = Grid(self.height, self.width) for i in range(self.width): for j in range(self.height): v = self.get(i, j) # Directions are relative to the agent so must be modified if v is not None and v.type == 'agent': # Make a new agent so original grid isn't modified v = Agent(v.agent_id, v.dir) v.dir -= 1 if v.dir < 0: v.dir += 4 grid.set(j, grid.height - 1 - i, v) return grid def slice(self, top_x, top_y, width, height, agent_pos=None): """Get a subset of the grid for agents' partial observations.""" grid = Grid(width, height) for j in range(0, height): for i in range(0, width): x = top_x + i y = top_y + j if x >= 0 and x < self.width and \ y >= 0 and y < self.height: v = self.get(x, y) else: v = minigrid.Wall() grid.set(i, j, v) return grid class MultiGridEnv(minigrid.MiniGridEnv): """2D grid world game environment with multi-agent support.""" def __init__( self, grid_size=None, width=None, height=None, max_steps=100, see_through_walls=False, seed=52, agent_view_size=7, n_agents=3, competitive=False, fixed_environment=False, minigrid_mode=False ): """Constructor for multi-agent gridworld environment generator. Args: grid_size: Number of tiles for the width and height of the square grid. width: Number of tiles across grid width. height: Number of tiles in height of grid. max_steps: Number of environment steps before the episode end (max episode length). see_through_walls: True if agents can see through walls. seed: Random seed used in generating environments. agent_view_size: Number of tiles in the agent's square, partially observed view of the world. n_agents: The number of agents playing in the world. competitive: If True, as soon as one agent locates the goal, the episode ends for all agents. If False, if one agent locates the goal it is respawned somewhere else in the grid, and the episode continues until max_steps is reached. fixed_environment: If True, will use the same random seed each time the environment is generated, so it will remain constant / be the same environment each time. minigrid_mode: Set to True to maintain backwards compatibility with minigrid in the single agent case. """ # Can't set both grid_size and width/height if grid_size: assert width is None and height is None width = grid_size height = grid_size # Set the number of agents self.n_agents = n_agents # If competitive, only one agent is allowed to reach the goal. self.competitive = competitive if self.n_agents == 1: self.competitive = True # Action enumeration for this environment self.actions = MultiGridEnv.Actions # Number of cells (width and height) in the agent view self.agent_view_size = agent_view_size # Range of possible rewards self.reward_range = (0, 1) # Compute observation and action spaces # Direction always has an extra dimension for tf-agents compatibility self.direction_obs_space = gym.spaces.Box( low=0, high=3, shape=(self.n_agents,), dtype='uint8') # Maintain for backwards compatibility with minigrid. self.minigrid_mode = minigrid_mode if self.minigrid_mode: msg = 'Backwards compatibility with minigrid only possible with 1 agent' assert self.n_agents == 1, msg # Single agent case # Actions are discrete integer values self.action_space = gym.spaces.Discrete(len(self.actions)) # Images have three dimensions self.image_obs_space = gym.spaces.Box( low=0, high=255, shape=(self.agent_view_size, self.agent_view_size, 3), dtype='uint8') else: # First dimension of all observations is the agent ID self.action_space = gym.spaces.Box(low=0, high=len(self.actions)-1, shape=(self.n_agents,), dtype='int64') self.image_obs_space = gym.spaces.Box( low=0, high=255, shape=(self.n_agents, self.agent_view_size, self.agent_view_size, 3), dtype='uint8') # Observations are dictionaries containing an encoding of the grid and the # agent's direction self.observation_space = gym.spaces.Dict( {'image': self.image_obs_space, 'direction': self.direction_obs_space}) # Window to use for human rendering mode self.window = None # Environment configuration self.width = width self.height = height self.max_steps = max_steps self.see_through_walls = see_through_walls # Current position and direction of the agent self.agent_pos = [None] * self.n_agents self.agent_dir = [None] * self.n_agents # Maintain a done variable for each agent self.done = [False] * self.n_agents # Initialize the RNG self.seed(seed=seed) self.fixed_environment = fixed_environment # Initialize the state self.reset() def seed(self, seed): super().seed(seed=seed) self.seed_value = seed return [seed] def reset(self): if self.fixed_environment: self.seed(self.seed_value) # Current position and direction of the agent self.agent_pos = [None] * self.n_agents self.agent_dir = [None] * self.n_agents self.done = [False] * self.n_agents # Generate the grid. Will be random by default, or same environment if # 'fixed_environment' is True. self._gen_grid(self.width, self.height) # These fields should be defined by _gen_grid for a in range(self.n_agents): assert self.agent_pos[a] is not None assert self.agent_dir[a] is not None # Check that the agent doesn't overlap with an object start_cell = self.grid.get(*self.agent_pos[a]) assert (start_cell.type == 'agent' or start_cell is None or start_cell.can_overlap()) # Item picked up, being carried, initially nothing self.carrying = [None] * self.n_agents # Step count since episode start self.step_count = 0 # Return first observation obs = self.gen_obs() return obs def __str__(self): """Produce a pretty string of the environment's grid along with the agent. A grid cell is represented by 2-character string, the first one for the object and the second one for the color. Returns: String representation of the grid. """ # Map of object types to short string obj_to_str = { 'wall': 'W', 'floor': 'F', 'door': 'D', 'key': 'K', 'ball': 'A', 'box': 'B', 'goal': 'G', 'lava': 'V', } # Map agent's direction to short string agent_dir_to_str = {0: '>', 1: 'V', 2: '<', 3: '^'} text = '' for j in range(self.grid.height): for i in range(self.grid.width): # Draw agents agent_here = False for a in range(self.n_agents): if self.agent_pos[a] is not None and (i == self.agent_pos[a][0] and j == self.agent_pos[a][1]): text += str(a) + agent_dir_to_str[self.agent_dir[a]] agent_here = True if agent_here: continue c = self.grid.get(i, j) if c is None: text += ' ' continue if c.type == 'door': if c.is_open: text += '__' elif c.is_locked: text += 'L' + c.color[0].upper() else: text += 'D' + c.color[0].upper() continue text += obj_to_str[c.type] + c.color[0].upper() if j < self.grid.height - 1: text += '\n' return text def place_obj(self, obj, top=None, size=None, reject_fn=None, max_tries=math.inf): """Place an object at an empty position in the grid. Args: obj: Instance of Minigrid WorldObj class (such as Door, Key, etc.). top: (x,y) position of the top-left corner of rectangle where to place. size: Size of the rectangle where to place. reject_fn: Function to filter out potential positions. max_tries: Throw an error if a position can't be found after this many tries. Returns: Position where object was placed. """ if top is None: top = (0, 0) else: top = (max(top[0], 0), max(top[1], 0)) if size is None: size = (self.grid.width, self.grid.height) num_tries = 0 while True: # This is to handle with rare cases where rejection sampling # gets stuck in an infinite loop if num_tries > max_tries: raise gym.error.RetriesExceededError( 'Rejection sampling failed in place_obj') num_tries += 1 pos = np.array((self._rand_int(top[0], min(top[0] + size[0], self.grid.width)), self._rand_int(top[1], min(top[1] + size[1], self.grid.height)))) # Don't place the object on top of another object if self.grid.get(*pos) is not None: continue # Don't place the object where the agent is pos_no_good = False for a in range(self.n_agents): if np.array_equal(pos, self.agent_pos[a]): pos_no_good = True if pos_no_good: continue # Check if there is a filtering criterion if reject_fn and reject_fn(self, pos): continue break self.grid.set(pos[0], pos[1], obj) if obj is not None: obj.init_pos = pos obj.cur_pos = pos return pos def place_agent(self, top=None, size=None, rand_dir=True, max_tries=math.inf): """Set the starting point of all agents in the world. Name chosen for backwards compatibility. Args: top: (x,y) position of the top-left corner of rectangle where agents can be placed. size: Size of the rectangle where to place. rand_dir: Choose a random direction for agents. max_tries: Throw an error if a position can't be found after this many tries. """ for a in range(self.n_agents): self.place_one_agent( a, top=top, size=size, rand_dir=rand_dir, max_tries=math.inf) def place_one_agent(self, agent_id, top=None, size=None, rand_dir=True, max_tries=math.inf, agent_obj=None): """Set the agent's starting point at an empty position in the grid.""" self.agent_pos[agent_id] = None pos = self.place_obj(None, top, size, max_tries=max_tries) self.place_agent_at_pos(agent_id, pos, agent_obj=agent_obj, rand_dir=rand_dir) return pos def place_agent_at_pos(self, agent_id, pos, agent_obj=None, rand_dir=True): self.agent_pos[agent_id] = pos if rand_dir: # self.agent_dir[agent_id] = self._rand_int(0, 4) self.agent_dir[agent_id] = 0 # Place the agent object into the grid if not agent_obj: agent_obj = Agent(agent_id, self.agent_dir[agent_id]) agent_obj.init_pos = pos else: agent_obj.dir = self.agent_dir[agent_id] agent_obj.cur_pos = pos self.grid.set(pos[0], pos[1], agent_obj) @property def dir_vec(self): """Get the direction vector for the agent (points toward forward movement). Returns: An array of directions that each agent is facing. """ for a in range(self.n_agents): assert self.agent_dir[a] >= 0 and self.agent_dir[a] < 4 return [ minigrid.DIR_TO_VEC[self.agent_dir[a]] for a in range(self.n_agents) ] @property def right_vec(self): """Get the vector pointing to the right of the agents.""" return [np.array((-dy, dx)) for (dx, dy) in self.dir_vec] @property def front_pos(self): """Get the position of the cell that is right in front of the agent.""" front_pos = [None] * self.n_agents for a in range(self.n_agents): assert self.agent_pos[a] is not None and self.dir_vec[a] is not None front_pos[a] = self.agent_pos[a] + self.dir_vec[a] return front_pos def get_view_coords(self, i, j, agent_id): """Convert grid coordinates into agent's partially observed view. Translate and rotate absolute grid coordinates (i, j) into the agent's partially observable view (sub-grid). Note that the resulting coordinates may be negative or outside of the agent's view size. Args: i: Integer x coordinate. j: Integer y coordinate. agent_id: ID of the agent. Returns: Agent-centric coordinates. """ ax, ay = self.agent_pos[agent_id] dx, dy = self.dir_vec[agent_id] rx, ry = self.right_vec[agent_id] # Compute the absolute coordinates of the top-left view corner sz = self.agent_view_size hs = self.agent_view_size // 2 tx = ax + (dx * (sz - 1)) - (rx * hs) ty = ay + (dy * (sz - 1)) - (ry * hs) lx = i - tx ly = j - ty # Project the coordinates of the object relative to the top-left # corner onto the agent's own coordinate system vx = (rx * lx + ry * ly) vy = -(dx * lx + dy * ly) return vx, vy def get_view_exts(self, agent_id): """Get the extents of the square set of tiles visible to the agent. Note: the bottom extent indices are not included in the set Args: agent_id: Integer ID of the agent. Returns: Top left and bottom right (x,y) coordinates of set of visible tiles. """ # Facing right if self.agent_dir[agent_id] == 0: top_x = self.agent_pos[agent_id][0] top_y = self.agent_pos[agent_id][1] - self.agent_view_size // 2 # Facing down elif self.agent_dir[agent_id] == 1: top_x = self.agent_pos[agent_id][0] - self.agent_view_size // 2 top_y = self.agent_pos[agent_id][1] # Facing left elif self.agent_dir[agent_id] == 2: top_x = self.agent_pos[agent_id][0] - self.agent_view_size + 1 top_y = self.agent_pos[agent_id][1] - self.agent_view_size // 2 # Facing up elif self.agent_dir[agent_id] == 3: top_x = self.agent_pos[agent_id][0] - self.agent_view_size // 2 top_y = self.agent_pos[agent_id][1] - self.agent_view_size + 1 else: assert False, 'invalid agent direction' bot_x = top_x + self.agent_view_size bot_y = top_y + self.agent_view_size return (top_x, top_y, bot_x, bot_y) def relative_coords(self, x, y, agent_id): """Check if a grid position belongs to the agent's field of view. Args: x: Integer x coordinate. y: Integer y coordinate. agent_id: ID of the agent. Returns: The corresponding agent-centric coordinates of the grid position. """ vx, vy = self.get_view_coords(x, y, agent_id) if (vx < 0 or vy < 0 or vx >= self.agent_view_size or vy >= self.agent_view_size): return None return vx, vy def in_view(self, x, y, agent_id): """Check if a grid position is visible to the agent.""" return self.relative_coords(x, y, agent_id) is not None def agent_sees(self, x, y, agent_id): """Check if a non-empty grid position is visible to the agent.""" coordinates = self.relative_coords(x, y, agent_id) if coordinates is None: return False vx, vy = coordinates obs = self.gen_obs() obs_grid, _ = Grid.decode(obs['image'][agent_id]) obs_cell = obs_grid.get(vx, vy) world_cell = self.grid.get(x, y) return obs_cell is not None and obs_cell.type == world_cell.type def agent_is_done(self, agent_id): # Remove correspnding agent object from the grid pos = self.agent_pos[agent_id] agent_obj = self.grid.get(pos[0], pos[1]) self.grid.set(pos[0], pos[1], None) self.done[agent_id] = True # If an agent finishes the level while carrying an object, it is randomly # respawned in a new position. Warning: this may break dependencies for the # level (e.g. if a key is spawned on the wrong side of a door). # TODO(natashajaques): environments can define respawn behavior if self.carrying[agent_id]: self.place_obj(obj=self.carrying[agent_id]) self.carrying[agent_id] = None # Respawn agent in new location self.place_one_agent(agent_id, agent_obj=agent_obj) def move_agent(self, agent_id, new_pos): # Retrieve agent object old_pos = self.agent_pos[agent_id] agent_obj = self.grid.get(old_pos[0], old_pos[1]) assert agent_obj.agent_id == agent_id assert (agent_obj.cur_pos == old_pos).all() # Update the agent position in grid and environment self.grid.set(old_pos[0], old_pos[1], None) self.agent_pos[agent_id] = new_pos agent_obj.cur_pos = new_pos self.grid.set(new_pos[0], new_pos[1], agent_obj) assert (self.grid.get( new_pos[0], new_pos[1]).cur_pos == self.agent_pos[agent_id]).all() def rotate_agent(self, agent_id): # Retrieve agent object pos = self.agent_pos[agent_id] agent_obj = self.grid.get(pos[0], pos[1]) assert agent_obj.agent_id == agent_id # Update the dir agent_obj.dir = self.agent_dir[agent_id] self.grid.set(pos[0], pos[1], agent_obj) assert self.grid.get(pos[0], pos[1]).dir == self.agent_dir[agent_id] def step_one_agent(self, action, agent_id): reward = 0 # Get the position in front of the agent fwd_pos = self.front_pos[agent_id] # Get the contents of the cell in front of the agent fwd_cell = self.grid.get(*fwd_pos) # Rotate left if action == self.actions.left: self.agent_dir[agent_id] -= 1 if self.agent_dir[agent_id] < 0: self.agent_dir[agent_id] += 4 self.rotate_agent(agent_id) # Rotate right elif action == self.actions.right: self.agent_dir[agent_id] = (self.agent_dir[agent_id] + 1) % 4 self.rotate_agent(agent_id) # Move forward elif action == self.actions.forward: # Make sure agents can't walk into each other agent_blocking = False for a in range(self.n_agents): if a != agent_id and np.array_equal(self.agent_pos[a], fwd_pos): agent_blocking = True # Deal with object interactions if not agent_blocking: if fwd_cell is not None and fwd_cell.type == 'goal': self.agent_is_done(agent_id) reward = self._reward() elif fwd_cell is not None and fwd_cell.type == 'lava': self.agent_is_done(agent_id) elif fwd_cell is None or fwd_cell.can_overlap(): self.move_agent(agent_id, fwd_pos) # Pick up an object elif action == self.actions.pickup: if fwd_cell and fwd_cell.can_pickup(): if self.carrying[agent_id] is None: self.carrying[agent_id] = fwd_cell self.carrying[agent_id].cur_pos = np.array([-1, -1]) self.grid.set(fwd_pos[0], fwd_pos[1], None) a_pos = self.agent_pos[agent_id] agent_obj = self.grid.get(a_pos[0], a_pos[1]) agent_obj.contains = fwd_cell # Drop an object elif action == self.actions.drop: if not fwd_cell and self.carrying[agent_id]: self.grid.set(fwd_pos[0], fwd_pos[1], self.carrying[agent_id]) self.carrying[agent_id].cur_pos = fwd_pos self.carrying[agent_id] = None a_pos = self.agent_pos[agent_id] agent_obj = self.grid.get(a_pos[0], a_pos[1]) agent_obj.contains = None # Toggle/activate an object elif action == self.actions.toggle: if fwd_cell: if fwd_cell.type == 'door': fwd_cell.toggle(self, fwd_pos, self.carrying[agent_id]) else: fwd_cell.toggle(self, fwd_pos) # Done action -- by default acts as no-op. elif action == self.actions.done: pass else: assert False, 'unknown action' return reward def step(self, actions): # Maintain backwards compatibility with MiniGrid when there is one agent if not isinstance(actions, list) and self.n_agents == 1: actions = [actions] self.step_count += 1 rewards = [0] * self.n_agents # Randomize order in which agents act for fairness agent_ordering = np.arange(self.n_agents) np.random.shuffle(agent_ordering) # Step each agent for a in agent_ordering: rewards[a] = self.step_one_agent(actions[a], a) obs = self.gen_obs() # Backwards compatibility if self.minigrid_mode: rewards = rewards[0] collective_done = False # In competitive version, if one agent finishes the episode is over. if self.competitive: collective_done = np.sum(self.done) >= 1 # Running out of time applies to all agents if self.step_count >= self.max_steps: collective_done = True return obs, rewards, collective_done, {} def gen_obs_grid(self, agent_id): """Generate the sub-grid observed by the agent. This method also outputs a visibility mask telling us which grid cells the agent can actually see. Args: agent_id: Integer ID of the agent for which to generate the grid. Returns: Sub-grid and visibility mask. """ top_x, top_y, _, _ = self.get_view_exts(agent_id) grid = self.grid.slice(top_x, top_y, self.agent_view_size, self.agent_view_size) for _ in range(self.agent_dir[agent_id] + 1): grid = grid.rotate_left() # Process occluders and visibility # Note that this incurs some performance cost if not self.see_through_walls: vis_mask = grid.process_vis( agent_pos=(self.agent_view_size // 2, self.agent_view_size - 1)) else: vis_mask = np.ones(shape=(grid.width, grid.height), dtype=np.bool) # Make it so the agent sees what it's carrying # We do this by placing the carried object at the agent's position # in the agent's partially observable view agent_pos = grid.width // 2, grid.height - 1 if self.carrying[agent_id]: grid.set(agent_pos[0], agent_pos[1], self.carrying[agent_id]) else: grid.set(agent_pos[0], agent_pos[1], None) return grid, vis_mask def gen_obs(self): """Generate the stacked observation for all agents.""" images = [] dirs = [] for a in range(self.n_agents): image, direction = self.gen_agent_obs(a) images.append(image) dirs.append(direction) # Backwards compatibility: if there is a single agent do not return an array if self.minigrid_mode: images = images[0] # Observations are dictionaries containing: # - an image (partially observable view of the environment) # - the agent's direction/orientation (acting as a compass) # Note direction has shape (1,) for tfagents compatibility obs = { 'image': images, 'direction': dirs } return obs def gen_agent_obs(self, agent_id): """Generate the agent's view (partially observed, low-resolution encoding). Args: agent_id: ID of the agent for which to generate the observation. Returns: 3-dimensional partially observed agent-centric view, and int direction """ grid, vis_mask = self.gen_obs_grid(agent_id) # Encode the partially observable view into a numpy array image = grid.encode(vis_mask) return image, self.agent_dir[agent_id] def get_obs_render(self, obs, tile_size=minigrid.TILE_PIXELS // 2): """Render an agent observation for visualization.""" grid, vis_mask = Grid.decode(obs) # Render the whole grid img = grid.render( tile_size, # agent_pos=self.agent_pos, # agent_dir=self.agent_dir, highlight_mask=vis_mask) return img def compute_agent_visibility_mask(self, agent_id): # Mask of which cells to highlight highlight_mask = np.zeros(shape=(self.width, self.height), dtype=np.bool) # Compute which cells are visible to the agent _, vis_mask = self.gen_obs_grid(agent_id) # Compute the world coordinates of the bottom-left corner # of the agent's view area f_vec = self.dir_vec[agent_id] r_vec = self.right_vec[agent_id] top_left = self.agent_pos[agent_id] + f_vec * (self.agent_view_size-1) - \ r_vec * (self.agent_view_size // 2) # For each cell in the visibility mask for vis_j in range(0, self.agent_view_size): for vis_i in range(0, self.agent_view_size): # If this cell is not visible, don't highlight it if not vis_mask[vis_i, vis_j]: continue # Compute the world coordinates of this cell abs_i, abs_j = top_left - (f_vec * vis_j) + (r_vec * vis_i) if abs_i < 0 or abs_i >= self.width: continue if abs_j < 0 or abs_j >= self.height: continue # Mark this cell to be highlighted highlight_mask[abs_i, abs_j] = True return highlight_mask def render(self, mode='human', close=False, highlight=True, tile_size=minigrid.TILE_PIXELS): """Render the whole-grid human view.""" if close: if self.window: self.window.close() return None if mode == 'human' and not self.window: self.window = window.Window('gym_minigrid') self.window.show(block=False) if highlight: highlight_mask = [] for a in range(self.n_agents): if self.agent_pos[a] is not None: highlight_mask.append(self.compute_agent_visibility_mask(a)) else: highlight_mask = None # Render the whole grid img = self.grid.render(tile_size, highlight_mask=highlight_mask) if mode == 'human': self.window.show_img(img) if hasattr(self, 'mission'): self.window.set_caption(self.mission) if mode == 'human': self.window.show() return img
dcd-main
envs/multigrid/multigrid.py
# Copyright (c) 2019 Maxime Chevalier-Boisvert. # # 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 from gym_minigrid.minigrid import * from envs.registration import register as register class FourRoomsEnv(MiniGridEnv): """ Classic 4 rooms gridworld environment. Can specify agent and goal position, if not it set at random. """ def __init__(self, agent_pos=None, goal_pos=None): self._agent_default_pos = agent_pos self._goal_default_pos = goal_pos super().__init__( grid_size=19, max_steps=100, agent_view_size=5) direction_obs_space = gym.spaces.Box( low=0, high=3, shape=(1,), dtype='uint8') self.observation_space = spaces.Dict({ 'image': self.observation_space['image'], 'direction': direction_obs_space }) def _gen_grid(self, width, height): # Create the grid self.grid = Grid(width, height) # Generate the surrounding walls self.grid.horz_wall(0, 0) self.grid.horz_wall(0, height - 1) self.grid.vert_wall(0, 0) self.grid.vert_wall(width - 1, 0) room_w = width // 2 room_h = height // 2 # For each row of rooms for j in range(0, 2): # For each column for i in range(0, 2): xL = i * room_w yT = j * room_h xR = xL + room_w yB = yT + room_h # Bottom wall and door if i + 1 < 2: self.grid.vert_wall(xR, yT, room_h) pos = (xR, self._rand_int(yT + 1, yB)) self.grid.set(*pos, None) # Bottom wall and door if j + 1 < 2: self.grid.horz_wall(xL, yB, room_w) pos = (self._rand_int(xL + 1, xR), yB) self.grid.set(*pos, None) # Randomize the player start position and orientation if self._agent_default_pos is not None: self.agent_pos = self._agent_default_pos self.grid.set(*self._agent_default_pos, None) self.agent_dir = self._rand_int(0, 4) # assuming random start direction else: self.place_agent() if self._goal_default_pos is not None: goal = Goal() self.put_obj(goal, *self._goal_default_pos) goal.init_pos, goal.cur_pos = self._goal_default_pos else: self.place_obj(Goal()) self.mission = 'Reach the goal' def step(self, action): obs, rewards, done, info = super().step(action) del obs['mission'] obs['image'] = obs['image'] obs['direction'] = [self.agent_dir] return obs, rewards, done, info def reset(self): obs = super().reset() del obs['mission'] obs['image'] = obs['image'] obs['direction'] = [self.agent_dir] return obs if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname register( id='MiniGrid-FourRooms-v0', entry_point=module_path+':FourRoomsEnv' )
dcd-main
envs/multigrid/fourrooms.py
# Copyright (c) 2019 Maxime Chevalier-Boisvert. # # 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 #!/usr/bin/env python3 import time import argparse import numpy as np import gym import gym_minigrid from gym_minigrid.wrappers import * from . import window as multigrid_window from .maze import * from .mst_maze import * from .crossing import * from envs.registration import make as gym_make def redraw(img): if not args.agent_view: img = env.render('rgb_array', tile_size=args.tile_size) window.show_img(img) def reset(): if args.seed != -1: env.seed(args.seed) obs = env.reset() if hasattr(env, 'mission'): print('Mission: %s' % env.mission) window.set_caption(env.mission) redraw(obs) def step(action): print('taking action', action) obs, reward, done, info = env.step(action) # print('step=%s, reward=%.2f' % (env.step_count, reward)) if done or action == env.actions.done: print('done!') reset() else: redraw(obs) def key_handler(event): print('pressed', event.key) if event.key == 'escape': window.close() return if event.key == 'backspace': reset() return if event.key == 'left': step(env.actions.left) return if event.key == 'right': step(env.actions.right) return if event.key == 'up': step(env.actions.forward) return # Spacebar if event.key == ' ': step(env.actions.toggle) return if event.key == 'pageup': step(env.actions.pickup) return if event.key == 'pagedown': step(env.actions.drop) return if event.key == 'enter': step(env.actions.done) return parser = argparse.ArgumentParser() parser.add_argument( "--env", help="gym environment to load", default='MultiGrid-MultiRoom-N4-S5-v0' ) parser.add_argument( "--seed", type=int, help="random seed to generate the environment with", default=-1 ) parser.add_argument( "--tile_size", type=int, help="size at which to render tiles", default=32 ) parser.add_argument( '--agent_view', default=False, help="draw the agent sees (partially observable view)", action='store_true' ) parser.add_argument( '--use_walls', default=False, action='store_true', help="draw the agent sees (partially observable view)", ) args = parser.parse_args() env = gym_make(args.env) window = multigrid_window.Window('gym_minigrid - ' + args.env) window.reg_key_handler(key_handler) reset() # Blocking event loop window.show(block=True)
dcd-main
envs/multigrid/manual_control.py
# coding=utf-8 # Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import numpy as np import networkx import gym_minigrid.minigrid as minigrid from . import multigrid from util.unionfind import UnionFind import envs.registration as register class MSTMazeEnv(multigrid.MultiGridEnv): """Single-agent maze environment specified via a bit map.""" def __init__(self, agent_view_size=5, minigrid_mode=True, max_steps=None, start_pos=None, goal_pos=None, size=15, seed=None): self.seed(seed) self.size = size self._sample_start_and_goal_pos() if max_steps is None: max_steps = 2*size*size super().__init__( n_agents=1, grid_size=size, agent_view_size=agent_view_size, max_steps=max_steps, see_through_walls=True, # Set this to True for maximum speed minigrid_mode=minigrid_mode ) def _sample_start_and_goal_pos(self): size = self.size top_left = (1,1) top_right = (size-2,1) bottom_left = (1,size-2) bottom_right = (size-2,size-2) choices = [top_left, top_right, bottom_left, bottom_right] agent_idx, goal_idx = self.np_random.choice(range(len(choices)), size=(2,), replace=False) agent_pos = choices[agent_idx] goal_pos = choices[goal_idx] self.start_pos = np.array(agent_pos) self.goal_pos = np.array(goal_pos) def _gen_maze(self, width, height): # Use Kruskal's to compute a MST with random edges (walls) # connecting a grid of cells assert (width-2) % 2 == 1 and (height-2) % 2 == 1, 'Dimensions must be 2n+1' self._sample_start_and_goal_pos() h,w = (height-2)//2 + 1, (width-2)//2 + 1 g = networkx.grid_graph([h,w]) bit_map = np.ones((width-2, height-2)) ds = UnionFind() # track connected components for v in g.nodes: y,x = v[0],v[1] bit_map[y*2][x*2] = 0 ds.add(v) # Randomly sample edge edges = list(g.edges) self.np_random.shuffle(edges) for u,v in edges: # convert u,v to full bitmap coordinates if not ds.connected(u,v): y1,x1 = u[0]*2,u[1]*2 y2,x2 = v[0]*2,v[1]*2 wall_y = y1 + (y2 - y1)//2 wall_x = x1 + (x2 - x1)//2 bit_map[wall_y][wall_x] = 0 ds.union(u,v) self.bit_map = bit_map return bit_map def _gen_grid(self, width, height): self._gen_maze(width, height) # Create an empty grid self.grid = multigrid.Grid(width, height) # Generate the surrounding walls self.grid.wall_rect(0, 0, width, height) # Goal self.put_obj(minigrid.Goal(), self.goal_pos[0], self.goal_pos[1]) # Agent self.place_agent_at_pos(0, self.start_pos) # Walls for x in range(self.bit_map.shape[0]): for y in range(self.bit_map.shape[1]): if self.bit_map[y, x]: # Add an offset of 1 for the outer walls self.put_obj(minigrid.Wall(), x+1, y+1) class PerfectMazeSmall(MSTMazeEnv): """A 11x11 Maze environment.""" def __init__(self, seed=None): super().__init__(size=11, seed=seed) class PerfectMazeMedium(MSTMazeEnv): """A 11x11 Maze environment.""" def __init__(self, seed=None): super().__init__(size=21, seed=seed) class PerfectMazeLarge(MSTMazeEnv): """A 11x11 Maze environment.""" def __init__(self, seed=None): super().__init__(size=51, seed=seed) class PerfectMazeXL(MSTMazeEnv): """A 11x11 Maze environment.""" def __init__(self, seed=None): super().__init__(size=101, seed=seed) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname register.register( id='MultiGrid-PerfectMazeSmall-v0', entry_point=module_path + ':PerfectMazeSmall' ) register.register( id='MultiGrid-PerfectMazeMedium-v0', entry_point=module_path + ':PerfectMazeMedium' ) register.register( id='MultiGrid-PerfectMazeLarge-v0', entry_point=module_path + ':PerfectMazeLarge' ) register.register( id='MultiGrid-PerfectMazeXL-v0', entry_point=module_path + ':PerfectMazeXL' )
dcd-main
envs/multigrid/mst_maze.py
# Copyright (c) 2019 Maxime Chevalier-Boisvert. # # 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 from gym_minigrid.minigrid import * import itertools as itt from envs.registration import register as register class CrossingEnv(MiniGridEnv): """ Environment with wall or lava obstacles, sparse reward. """ def __init__(self, size=9, num_crossings=1, obstacle_type=Lava, seed=None): self.num_crossings = num_crossings self.obstacle_type = obstacle_type super().__init__( grid_size=size, max_steps=4*size*size, # Set this to True for maximum speed see_through_walls=False, seed=None, agent_view_size=5 ) direction_obs_space = gym.spaces.Box( low=0, high=3, shape=(1,), dtype='uint8') self.observation_space = spaces.Dict({ 'image': self.observation_space['image'], 'direction': direction_obs_space }) def _gen_grid(self, width, height): assert width % 2 == 1 and height % 2 == 1 # odd size # Create an empty grid self.grid = Grid(width, height) # Generate the surrounding walls self.grid.wall_rect(0, 0, width, height) # Place the agent in the top-left corner self.agent_pos = (1, 1) self.agent_dir = 0 # Place a goal square in the bottom-right corner self.put_obj(Goal(), width - 2, height - 2) # Place obstacles (lava or walls) v, h = object(), object() # singleton `vertical` and `horizontal` objects # Lava rivers or walls specified by direction and position in grid rivers = [(v, i) for i in range(2, height - 2, 2)] rivers += [(h, j) for j in range(2, width - 2, 2)] self.np_random.shuffle(rivers) rivers = rivers[:self.num_crossings] # sample random rivers rivers_v = sorted([pos for direction, pos in rivers if direction is v]) rivers_h = sorted([pos for direction, pos in rivers if direction is h]) obstacle_pos = itt.chain( itt.product(range(1, width - 1), rivers_h), itt.product(rivers_v, range(1, height - 1)), ) for i, j in obstacle_pos: self.put_obj(self.obstacle_type(), i, j) # Sample path to goal path = [h] * len(rivers_v) + [v] * len(rivers_h) self.np_random.shuffle(path) # Create openings limits_v = [0] + rivers_v + [height - 1] limits_h = [0] + rivers_h + [width - 1] room_i, room_j = 0, 0 for direction in path: if direction is h: i = limits_v[room_i + 1] j = self.np_random.choice( range(limits_h[room_j] + 1, limits_h[room_j + 1])) room_i += 1 elif direction is v: i = self.np_random.choice( range(limits_v[room_i] + 1, limits_v[room_i + 1])) j = limits_h[room_j + 1] room_j += 1 else: assert False self.grid.set(i, j, None) self.mission = ( "avoid the lava and get to the green goal square" if self.obstacle_type == Lava else "find the opening and get to the green goal square" ) def step(self, action): obs, rewards, done, info = super().step(action) del obs['mission'] obs['image'] = obs['image'] obs['direction'] = [self.agent_dir] return obs, rewards, done, info def reset(self): obs = super().reset() del obs['mission'] obs['image'] = obs['image'] obs['direction'] = [self.agent_dir] return obs class LavaCrossingEnv(CrossingEnv): def __init__(self): super().__init__(size=9, num_crossings=1) class LavaCrossingS9N2Env(CrossingEnv): def __init__(self): super().__init__(size=9, num_crossings=2) class LavaCrossingS9N3Env(CrossingEnv): def __init__(self): super().__init__(size=9, num_crossings=3) class LavaCrossingS11N5Env(CrossingEnv): def __init__(self): super().__init__(size=11, num_crossings=5) register( id='MiniGrid-LavaCrossingS9N1-v0', entry_point='gym_minigrid.envs:LavaCrossingEnv' ) register( id='MiniGrid-LavaCrossingS9N2-v0', entry_point='gym_minigrid.envs:LavaCrossingS9N2Env' ) register( id='MiniGrid-LavaCrossingS9N3-v0', entry_point='gym_minigrid.envs:LavaCrossingS9N3Env' ) register( id='MiniGrid-LavaCrossingS11N5-v0', entry_point='gym_minigrid.envs:LavaCrossingS11N5Env' ) class SimpleCrossingEnv(CrossingEnv): def __init__(self): super().__init__(size=9, num_crossings=1, obstacle_type=Wall) class SimpleCrossingS9N2Env(CrossingEnv): def __init__(self): super().__init__(size=9, num_crossings=2, obstacle_type=Wall) class SimpleCrossingS9N3Env(CrossingEnv): def __init__(self): super().__init__(size=9, num_crossings=3, obstacle_type=Wall) class SimpleCrossingS11N5Env(CrossingEnv): def __init__(self): super().__init__(size=11, num_crossings=5, obstacle_type=Wall) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname register( id='MiniGrid-SimpleCrossingS9N1-v0', entry_point=module_path+':SimpleCrossingEnv' ) register( id='MiniGrid-SimpleCrossingS9N2-v0', entry_point=module_path+':SimpleCrossingS9N2Env' ) register( id='MiniGrid-SimpleCrossingS9N3-v0', entry_point=module_path+':SimpleCrossingS9N3Env' ) register( id='MiniGrid-SimpleCrossingS11N5-v0', entry_point=module_path+':SimpleCrossingS11N5Env' )
dcd-main
envs/multigrid/crossing.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree.
dcd-main
envs/runners/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import os from collections import deque, defaultdict import numpy as np import torch from baselines.common.running_mean_std import RunningMeanStd from level_replay import LevelSampler, LevelStore from util import \ array_to_csv, \ is_discrete_actions, \ get_obs_at_index, \ set_obs_at_index from teachDeepRL.teachers.teacher_controller import TeacherController import matplotlib as mpl import matplotlib.pyplot as plt class AdversarialRunner(object): """ Performs rollouts of an adversarial environment, given protagonist (agent), antogonist (adversary_agent), and environment adversary (advesary_env) """ def __init__( self, args, venv, agent, ued_venv=None, adversary_agent=None, adversary_env=None, flexible_protagonist=False, train=False, plr_args=None, device='cpu'): """ venv: Vectorized, adversarial gym env with agent-specific wrappers. agent: Protagonist trainer. ued_venv: Vectorized, adversarial gym env with adversary-env-specific wrappers. adversary_agent: Antogonist trainer. adversary_env: Environment adversary trainer. flexible_protagonist: Which agent plays the role of protagonist in calculating the regret depends on which has the lowest score. """ self.args = args self.venv = venv if ued_venv is None: self.ued_venv = venv else: self.ued_venv = ued_venv # Since adv env can have different env wrappers self.is_discrete_actions = is_discrete_actions(self.venv) self.is_discrete_adversary_env_actions = is_discrete_actions(self.venv, adversary=True) self.agents = { 'agent': agent, 'adversary_agent': adversary_agent, 'adversary_env': adversary_env, } self.agent_rollout_steps = args.num_steps self.adversary_env_rollout_steps = self.venv.adversary_observation_space['time_step'].high[0] self.is_dr = args.ued_algo == 'domain_randomization' self.is_training_env = args.ued_algo in ['paired', 'flexible_paired', 'minimax'] self.is_paired = args.ued_algo in ['paired', 'flexible_paired'] self.requires_batched_vloss = args.use_editor and args.base_levels == 'easy' self.is_alp_gmm = args.ued_algo == 'alp_gmm' # Track running mean and std of env returns for return normalization if args.adv_normalize_returns: self.env_return_rms = RunningMeanStd(shape=()) self.device = device if train: self.train() else: self.eval() self.reset() # Set up PLR self.level_store = None self.level_samplers = {} self.current_level_seeds = None self.weighted_num_edits = 0 self.latest_env_stats = defaultdict(float) if plr_args: if self.is_paired: if not args.protagonist_plr and not args.antagonist_plr: self.level_samplers.update({ 'agent': LevelSampler(**plr_args), 'adversary_agent': LevelSampler(**plr_args) }) elif args.protagonist_plr: self.level_samplers['agent'] = LevelSampler(**plr_args) elif args.antagonist_plr: self.level_samplers['adversary_agent'] = LevelSampler(**plr_args) else: self.level_samplers['agent'] = LevelSampler(**plr_args) if self.use_byte_encoding: example = self.ued_venv.get_encodings()[0] data_info = { 'numpy': True, 'dtype': example.dtype, 'shape': example.shape } self.level_store = LevelStore(data_info=data_info) else: self.level_store = LevelStore() self.current_level_seeds = [-1 for i in range(args.num_processes)] self._default_level_sampler = self.all_level_samplers[0] self.use_editor = args.use_editor self.edit_prob = args.level_editor_prob self.base_levels = args.base_levels else: self.use_editor = False self.edit_prob = 0 self.base_levels = None # Set up ALP-GMM if self.is_alp_gmm: self._init_alp_gmm() @property def use_byte_encoding(self): env_name = self.args.env_name if self.args.use_editor \ or env_name.startswith('BipedalWalker') \ or (env_name.startswith('MultiGrid') and self.args.use_reset_random_dr): return True else: return False def _init_alp_gmm(self): args = self.args param_env_bounds = [] if args.env_name.startswith('MultiGrid'): param_env_bounds = {'actions':[0,168,26]} reward_bounds = None elif args.env_name.startswith('Bipedal'): if 'POET' in args.env_name: param_env_bounds = {'actions': [0,2,5]} else: param_env_bounds = {'actions': [0,2,8]} reward_bounds = (-200, 350) else: raise ValueError(f'Environment {args.env_name} not supported for ALP-GMM') self.alp_gmm_teacher = TeacherController( teacher='ALP-GMM', nb_test_episodes=0, param_env_bounds=param_env_bounds, reward_bounds=reward_bounds, seed=args.seed, teacher_params={}) # Use defaults def reset(self): self.num_updates = 0 self.total_num_edits = 0 self.total_episodes_collected = 0 self.total_seeds_collected = 0 self.student_grad_updates = 0 self.sampled_level_info = None max_return_queue_size = 10 self.agent_returns = deque(maxlen=max_return_queue_size) self.adversary_agent_returns = deque(maxlen=max_return_queue_size) def train(self): self.is_training = True [agent.train() if agent else agent for _,agent in self.agents.items()] def eval(self): self.is_training = False [agent.eval() if agent else agent for _,agent in self.agents.items()] def state_dict(self): agent_state_dict = {} optimizer_state_dict = {} for k, agent in self.agents.items(): if agent: agent_state_dict[k] = agent.algo.actor_critic.state_dict() optimizer_state_dict[k] = agent.algo.optimizer.state_dict() return { 'agent_state_dict': agent_state_dict, 'optimizer_state_dict': optimizer_state_dict, 'agent_returns': self.agent_returns, 'adversary_agent_returns': self.adversary_agent_returns, 'num_updates': self.num_updates, 'total_episodes_collected': self.total_episodes_collected, 'total_seeds_collected': self.total_seeds_collected, 'total_num_edits': self.total_num_edits, 'student_grad_updates': self.student_grad_updates, 'latest_env_stats': self.latest_env_stats, 'level_store': self.level_store, 'level_samplers': self.level_samplers, } def load_state_dict(self, state_dict): agent_state_dict = state_dict.get('agent_state_dict') for k,state in agent_state_dict.items(): self.agents[k].algo.actor_critic.load_state_dict(state) optimizer_state_dict = state_dict.get('optimizer_state_dict') for k, state in optimizer_state_dict.items(): self.agents[k].algo.optimizer.load_state_dict(state) self.agent_returns = state_dict.get('agent_returns') self.adversary_agent_returns = state_dict.get('adversary_agent_returns') self.num_updates = state_dict.get('num_updates') self.total_episodes_collected = state_dict.get('total_episodes_collected') self.total_seeds_collected = state_dict.get('total_seeds_collected') self.total_num_edits = state_dict.get('total_num_edits') self.student_grad_updates = state_dict.get('student_grad_updates') self.latest_env_stats = state_dict.get('latest_env_stats') self.level_store = state_dict.get('level_store') self.level_samplers = state_dict.get('level_samplers') if self.args.use_plr: self._default_level_sampler = self.all_level_samplers[0] if self.use_editor: self.weighted_num_edits = self._get_weighted_num_edits() def _get_batched_value_loss(self, agent, clipped=True, batched=True): batched_value_loss = agent.storage.get_batched_value_loss( signed=False, positive_only=False, clipped=clipped, batched=batched) return batched_value_loss def _get_rollout_return_stats(self, rollout_returns): mean_return = torch.zeros(self.args.num_processes, 1) max_return = torch.zeros(self.args.num_processes, 1) for b, returns in enumerate(rollout_returns): if len(returns) > 0: mean_return[b] = float(np.mean(returns)) max_return[b] = float(np.max(returns)) stats = { 'mean_return': mean_return, 'max_return': max_return, 'returns': rollout_returns } return stats def _get_env_stats_multigrid(self, agent_info, adversary_agent_info): num_blocks = np.mean(agent_info.get( 'num_blocks', self.venv.get_num_blocks())) passable_ratio = np.mean(agent_info.get( 'passable_ratio', self.venv.get_passable())) shortest_path_lengths = agent_info.get( 'shortest_path_lengths', self.venv.get_shortest_path_length()) shortest_path_length = np.mean(shortest_path_lengths) solved_idx = agent_info.get('solved_idx', None) if solved_idx is None: if 'max_returns' in adversary_agent_info: solved_idx = \ (torch.max(agent_info['max_return'], \ adversary_agent_info['max_return']) > 0).numpy().squeeze() else: solved_idx = (agent_info['max_return'] > 0).numpy().squeeze() solved_path_lengths = np.array(shortest_path_lengths)[solved_idx] solved_path_length = np.mean(solved_path_lengths) if len(solved_path_lengths) > 0 else 0 stats = { 'num_blocks': num_blocks, 'passable_ratio': passable_ratio, 'shortest_path_length': shortest_path_length, 'solved_path_length': solved_path_length } return stats def _get_plr_buffer_stats(self): stats = {} for k,sampler in self.level_samplers.items(): stats[k + '_plr_passable_mass'] = sampler.solvable_mass stats[k + '_plr_max_score'] = sampler.max_score stats[k + '_plr_weighted_num_edits'] = self.weighted_num_edits return stats def _get_env_stats_car_racing(self, agent_info, adversary_agent_info): infos = self.venv.get_complexity_info() num_envs = len(infos) sums = defaultdict(float) for info in infos: for k,v in info.items(): sums[k] += v stats = {} for k,v in sums.items(): stats['track_' + k] = sums[k]/num_envs return stats def _get_env_stats_bipedalwalker(self, agent_info, adversary_agent_info): infos = self.venv.get_complexity_info() num_envs = len(infos) sums = defaultdict(float) for info in infos: for k,v in info.items(): sums[k] += v stats = {} for k,v in sums.items(): stats['track_' + k] = sums[k]/num_envs return stats def _get_env_stats(self, agent_info, adversary_agent_info, log_replay_complexity=False): env_name = self.args.env_name if env_name.startswith('MultiGrid'): stats = self._get_env_stats_multigrid(agent_info, adversary_agent_info) elif env_name.startswith('CarRacing'): stats = self._get_env_stats_car_racing(agent_info, adversary_agent_info) elif env_name.startswith('BipedalWalker'): stats = self._get_env_stats_bipedalwalker(agent_info, adversary_agent_info) else: raise ValueError(f'Unsupported environment, {self.args.env_name}') stats_ = {} for k,v in stats.items(): stats_['plr_' + k] = v if log_replay_complexity else None stats_[k] = v if not log_replay_complexity else None return stats_ def _get_active_levels(self): assert self.args.use_plr, 'Only call _get_active_levels when using PLR.' env_name = self.args.env_name is_multigrid = env_name.startswith('MultiGrid') is_car_racing = env_name.startswith('CarRacing') is_bipedal_walker = env_name.startswith('BipedalWalker') if self.use_byte_encoding: return [x.tobytes() for x in self.ued_venv.get_encodings()] elif is_multigrid: return self.agents['adversary_env'].storage.get_action_traj(as_string=True) else: return self.ued_venv.get_level() def _get_level_sampler(self, name): other = 'adversary_agent' if name == 'adversary_agent': other = 'agent' level_sampler = self.level_samplers.get(name) or self.level_samplers.get(other) updateable = name in self.level_samplers return level_sampler, updateable @property def all_level_samplers(self): if len(self.level_samplers) == 0: return [] return list(filter(lambda x: x is not None, [v for _, v in self.level_samplers.items()])) def _should_edit_level(self): if self.use_editor: return np.random.rand() < self.edit_prob else: return False def _update_plr_with_current_unseen_levels(self, parent_seeds=None): args = self.args levels = self._get_active_levels() self.current_level_seeds = \ self.level_store.insert(levels, parent_seeds=parent_seeds) if args.log_plr_buffer_stats or args.reject_unsolvable_seeds: passable = self.venv.get_passable() else: passable = None self._update_level_samplers_with_external_unseen_sample( self.current_level_seeds, solvable=passable) def _update_level_samplers_with_external_unseen_sample(self, seeds, solvable=None): level_samplers = self.all_level_samplers if self.args.reject_unsolvable_seeds: solvable = np.array(solvable, dtype=np.bool) seeds = np.array(seeds, dtype=np.int)[solvable] solvable = solvable[solvable] for level_sampler in level_samplers: level_sampler.observe_external_unseen_sample(seeds, solvable) def _reconcile_level_store_and_samplers(self): all_replay_seeds = set() for level_sampler in self.all_level_samplers: all_replay_seeds.update([x for x in level_sampler.seeds if x >= 0]) self.level_store.reconcile_seeds(all_replay_seeds) def _get_weighted_num_edits(self): level_sampler = self.all_level_samplers[0] seed_num_edits = np.zeros(level_sampler.seed_buffer_size) for idx, value in enumerate(self.level_store.seed2parent.values()): seed_num_edits[idx] = len(value) weighted_num_edits = np.dot(level_sampler.sample_weights(), seed_num_edits) return weighted_num_edits def _sample_replay_decision(self): return self._default_level_sampler.sample_replay_decision() def agent_rollout(self, agent, num_steps, update=False, is_env=False, level_replay=False, level_sampler=None, update_level_sampler=False, discard_grad=False, edit_level=False, num_edits=0, fixed_seeds=None): args = self.args if is_env: if edit_level: # Get mutated levels levels = [self.level_store.get_level(seed) for seed in fixed_seeds] self.ued_venv.reset_to_level_batch(levels) self.ued_venv.mutate_level(num_edits=num_edits) self._update_plr_with_current_unseen_levels(parent_seeds=fixed_seeds) return if level_replay: # Get replay levels self.current_level_seeds = [level_sampler.sample_replay_level() for _ in range(args.num_processes)] levels = [self.level_store.get_level(seed) for seed in self.current_level_seeds] self.ued_venv.reset_to_level_batch(levels) return self.current_level_seeds elif self.is_dr and not args.use_plr: obs = self.ued_venv.reset_random() # don't need obs here self.total_seeds_collected += args.num_processes return elif self.is_dr and args.use_plr and args.use_reset_random_dr: obs = self.ued_venv.reset_random() # don't need obs here self._update_plr_with_current_unseen_levels(parent_seeds=fixed_seeds) self.total_seeds_collected += args.num_processes return elif self.is_alp_gmm: obs = self.alp_gmm_teacher.set_env_params(self.ued_venv) self.total_seeds_collected += args.num_processes return else: obs = self.ued_venv.reset() # Prepare for constructive rollout self.total_seeds_collected += args.num_processes else: obs = self.venv.reset_agent() # Initialize first observation agent.storage.copy_obs_to_index(obs,0) rollout_info = {} rollout_returns = [[] for _ in range(args.num_processes)] if level_sampler and level_replay: rollout_info.update({ 'solved_idx': np.zeros(args.num_processes, dtype=np.bool) }) for step in range(num_steps): if args.render: self.venv.render_to_screen() # Sample actions with torch.no_grad(): obs_id = agent.storage.get_obs(step) value, action, action_log_dist, recurrent_hidden_states = agent.act( obs_id, agent.storage.get_recurrent_hidden_state(step), agent.storage.masks[step]) if self.is_discrete_actions: action_log_prob = action_log_dist.gather(-1, action) else: action_log_prob = action_log_dist # Observe reward and next obs reset_random = self.is_dr and not args.use_plr _action = agent.process_action(action.cpu()) if is_env: obs, reward, done, infos = self.ued_venv.step_adversary(_action) else: obs, reward, done, infos = self.venv.step_env(_action, reset_random=reset_random) if args.clip_reward: reward = torch.clamp(reward, -args.clip_reward, args.clip_reward) if not is_env and step >= num_steps - 1: # Handle early termination due to cliffhanger rollout if agent.storage.use_proper_time_limits: for i, done_ in enumerate(done): if not done_: infos[i]['cliffhanger'] = True infos[i]['truncated'] = True infos[i]['truncated_obs'] = get_obs_at_index(obs, i) done = np.ones_like(done, dtype=np.float) if level_sampler and level_replay: next_level_seeds = [s for s in self.current_level_seeds] for i, info in enumerate(infos): if 'episode' in info.keys(): rollout_returns[i].append(info['episode']['r']) if reset_random: self.total_seeds_collected += 1 if not is_env: self.total_episodes_collected += 1 # Handle early termination if agent.storage.use_proper_time_limits: if 'truncated_obs' in info.keys(): truncated_obs = info['truncated_obs'] agent.storage.insert_truncated_obs(truncated_obs, index=i) # If using PLR, sample next level if level_sampler and level_replay: level_seed = level_sampler.sample_replay_level() level = self.level_store.get_level(level_seed) obs_i = self.venv.reset_to_level(level, i) set_obs_at_index(obs, obs_i, i) next_level_seeds[i] = level_seed rollout_info['solved_idx'][i] = True # If using ALP-GMM, sample next level if self.is_alp_gmm: self.alp_gmm_teacher.record_train_episode(rollout_returns[i][-1], index=i) self.alp_gmm_teacher.set_env_params(self.venv) # If done then clean the history of observations. masks = torch.FloatTensor( [[0.0] if done_ else [1.0] for done_ in done]) bad_masks = torch.FloatTensor( [[0.0] if 'truncated' in info.keys() else [1.0] for info in infos]) cliffhanger_masks = torch.FloatTensor( [[0.0] if 'cliffhanger' in info.keys() else [1.0] for info in infos]) # Need to store level seeds alongside non-env agent steps current_level_seeds = None if (not is_env) and level_sampler: current_level_seeds = torch.tensor(self.current_level_seeds, dtype=torch.int).view(-1, 1) agent.insert( obs, recurrent_hidden_states, action, action_log_prob, action_log_dist, value, reward, masks, bad_masks, level_seeds=current_level_seeds, cliffhanger_masks=cliffhanger_masks) if level_sampler and level_replay: self.current_level_seeds = next_level_seeds # Add generated env to level store (as a constructive string representation) if is_env and args.use_plr and not level_replay: self._update_plr_with_current_unseen_levels() rollout_info.update(self._get_rollout_return_stats(rollout_returns)) # Update non-env agent if required if not is_env and update: with torch.no_grad(): obs_id = agent.storage.get_obs(-1) next_value = agent.get_value( obs_id, agent.storage.get_recurrent_hidden_state(-1), agent.storage.masks[-1]).detach() agent.storage.compute_returns( next_value, args.use_gae, args.gamma, args.gae_lambda) # Compute batched value loss if using value_l1-maximizing adversary if self.requires_batched_vloss: # Don't clip value loss reward if env adversary normalizes returns clipped = not args.adv_use_popart and not args.adv_normalize_returns batched_value_loss = self._get_batched_value_loss( agent, clipped=clipped, batched=True) rollout_info.update({'batched_value_loss': batched_value_loss}) # Update level sampler and remove any ejected seeds from level store if level_sampler and update_level_sampler: level_sampler.update_with_rollouts(agent.storage) value_loss, action_loss, dist_entropy, info = agent.update(discard_grad=discard_grad) if level_sampler and update_level_sampler: level_sampler.after_update() rollout_info.update({ 'value_loss': value_loss, 'action_loss': action_loss, 'dist_entropy': dist_entropy, 'update_info': info, }) # Compute LZ complexity of action trajectories if args.log_action_complexity: rollout_info.update({'action_complexity': agent.storage.get_action_complexity()}) return rollout_info def _compute_env_return(self, agent_info, adversary_agent_info): args = self.args if args.ued_algo == 'paired': env_return = torch.max(adversary_agent_info['max_return'] - agent_info['mean_return'], \ torch.zeros_like(agent_info['mean_return'])) elif args.ued_algo == 'flexible_paired': env_return = torch.zeros_like(agent_info['max_return'], dtype=torch.float, device=self.device) adversary_agent_max_idx = adversary_agent_info['max_return'] > agent_info['max_return'] agent_max_idx = ~adversary_agent_max_idx env_return[adversary_agent_max_idx] = \ adversary_agent_info['max_return'][adversary_agent_max_idx] env_return[agent_max_idx] = agent_info['max_return'][agent_max_idx] env_mean_return = torch.zeros_like(env_return, dtype=torch.float) env_mean_return[adversary_agent_max_idx] = \ agent_info['mean_return'][adversary_agent_max_idx] env_mean_return[agent_max_idx] = \ adversary_agent_info['mean_return'][agent_max_idx] env_return = torch.max(env_return - env_mean_return, torch.zeros_like(env_return)) elif args.ued_algo == 'minimax': env_return = -agent_info['max_return'] else: env_return = torch.zeros_like(agent_info['mean_return']) if args.adv_normalize_returns: self.env_return_rms.update(env_return.flatten().cpu().numpy()) env_return /= np.sqrt(self.env_return_rms.var + 1e-8) if args.adv_clip_reward is not None: clip_max_abs = args.adv_clip_reward env_return = env_return.clamp(-clip_max_abs, clip_max_abs) return env_return def run(self): args = self.args adversary_env = self.agents['adversary_env'] agent = self.agents['agent'] adversary_agent = self.agents['adversary_agent'] level_replay = False if args.use_plr and self.is_training: level_replay = self._sample_replay_decision() # Discard student gradients if not level replay (sampling new levels) student_discard_grad = False no_exploratory_grad_updates = \ vars(args).get('no_exploratory_grad_updates', False) if args.use_plr and (not level_replay) and no_exploratory_grad_updates: student_discard_grad = True if self.is_training and not student_discard_grad: self.student_grad_updates += 1 # Generate a batch of adversarial environments env_info = self.agent_rollout( agent=adversary_env, num_steps=self.adversary_env_rollout_steps, update=False, is_env=True, level_replay=level_replay, level_sampler=self._get_level_sampler('agent')[0], update_level_sampler=False) # Run agent episodes level_sampler, is_updateable = self._get_level_sampler('agent') agent_info = self.agent_rollout( agent=agent, num_steps=self.agent_rollout_steps, update=self.is_training, level_replay=level_replay, level_sampler=level_sampler, update_level_sampler=is_updateable, discard_grad=student_discard_grad) # Use a separate PLR curriculum for the antagonist if level_replay and self.is_paired and (args.protagonist_plr == args.antagonist_plr): self.agent_rollout( agent=adversary_env, num_steps=self.adversary_env_rollout_steps, update=False, is_env=True, level_replay=level_replay, level_sampler=self._get_level_sampler('adversary_agent')[0], update_level_sampler=False) adversary_agent_info = defaultdict(float) if self.is_paired: # Run adversary agent episodes level_sampler, is_updateable = self._get_level_sampler('adversary_agent') adversary_agent_info = self.agent_rollout( agent=adversary_agent, num_steps=self.agent_rollout_steps, update=self.is_training, level_replay=level_replay, level_sampler=level_sampler, update_level_sampler=is_updateable, discard_grad=student_discard_grad) # Sample whether the decision to edit levels edit_level = self._should_edit_level() and level_replay if level_replay: sampled_level_info = { 'level_replay': True, 'num_edits': [len(self.level_store.seed2parent[x])+1 for x in env_info], } else: sampled_level_info = { 'level_replay': False, 'num_edits': [0 for _ in range(args.num_processes)] } # ==== This part performs ACCEL ==== # If editing, mutate levels just replayed by PLR if level_replay and edit_level: # Choose base levels for mutation if self.base_levels == 'batch': fixed_seeds = env_info elif self.base_levels == 'easy': if args.num_processes >= 4: # take top 4 easy = list(np.argsort((agent_info['mean_return'].detach().cpu().numpy() - agent_info['batched_value_loss'].detach().cpu().numpy()))[:4]) fixed_seeds = [env_info[x.item()] for x in easy] * int(args.num_processes/4) else: # take top 1 easy = np.argmax((agent_info['mean_return'].detach().cpu().numpy() - agent_info['batched_value_loss'].detach().cpu().numpy())) fixed_seeds = [env_info[easy]] * args.num_processes level_sampler, is_updateable = self._get_level_sampler('agent') # Edit selected levels self.agent_rollout( agent=None, num_steps=None, is_env=True, edit_level=True, num_edits=args.num_edits, fixed_seeds=fixed_seeds) self.total_num_edits += 1 sampled_level_info['num_edits'] = [x+1 for x in sampled_level_info['num_edits']] # Evaluate edited levels agent_info_edited_level = self.agent_rollout( agent=agent, num_steps=self.agent_rollout_steps, update=self.is_training, level_replay=False, level_sampler=level_sampler, update_level_sampler=is_updateable, discard_grad=True) # ==== ACCEL end ==== if args.use_plr: self._reconcile_level_store_and_samplers() if self.use_editor: self.weighted_num_edits = self._get_weighted_num_edits() # Update adversary agent final return env_return = self._compute_env_return(agent_info, adversary_agent_info) adversary_env_info = defaultdict(float) if self.is_training and self.is_training_env: with torch.no_grad(): obs_id = adversary_env.storage.get_obs(-1) next_value = adversary_env.get_value( obs_id, adversary_env.storage.get_recurrent_hidden_state(-1), adversary_env.storage.masks[-1]).detach() adversary_env.storage.replace_final_return(env_return) adversary_env.storage.compute_returns(next_value, args.use_gae, args.gamma, args.gae_lambda) env_value_loss, env_action_loss, env_dist_entropy, info = adversary_env.update() adversary_env_info.update({ 'action_loss': env_action_loss, 'value_loss': env_value_loss, 'dist_entropy': env_dist_entropy, 'update_info': info }) if self.is_training: self.num_updates += 1 # === LOGGING === # Only update env-related stats when run generates new envs (not level replay) log_replay_complexity = level_replay and args.log_replay_complexity if (not level_replay) or log_replay_complexity: stats = self._get_env_stats(agent_info, adversary_agent_info, log_replay_complexity=log_replay_complexity) stats.update({ 'mean_env_return': env_return.mean().item(), 'adversary_env_pg_loss': adversary_env_info['action_loss'], 'adversary_env_value_loss': adversary_env_info['value_loss'], 'adversary_env_dist_entropy': adversary_env_info['dist_entropy'], }) if args.use_plr: self.latest_env_stats.update(stats) # Log latest UED curriculum stats instead of PLR env stats else: stats = self.latest_env_stats.copy() # Log PLR buffer stats if args.use_plr and args.log_plr_buffer_stats: stats.update(self._get_plr_buffer_stats()) [self.agent_returns.append(r) for b in agent_info['returns'] for r in reversed(b)] mean_agent_return = 0 if len(self.agent_returns) > 0: mean_agent_return = np.mean(self.agent_returns) mean_adversary_agent_return = 0 if self.is_paired: [self.adversary_agent_returns.append(r) for b in adversary_agent_info['returns'] for r in reversed(b)] if len(self.adversary_agent_returns) > 0: mean_adversary_agent_return = np.mean(self.adversary_agent_returns) self.sampled_level_info = sampled_level_info stats.update({ 'steps': (self.num_updates + self.total_num_edits) * args.num_processes * args.num_steps, 'total_episodes': self.total_episodes_collected, 'total_seeds': self.total_seeds_collected, 'total_student_grad_updates': self.student_grad_updates, 'mean_agent_return': mean_agent_return, 'agent_value_loss': agent_info['value_loss'], 'agent_pg_loss': agent_info['action_loss'], 'agent_dist_entropy': agent_info['dist_entropy'], 'mean_adversary_agent_return': mean_adversary_agent_return, 'adversary_value_loss': adversary_agent_info['value_loss'], 'adversary_pg_loss': adversary_agent_info['action_loss'], 'adversary_dist_entropy': adversary_agent_info['dist_entropy'], }) if args.log_grad_norm: agent_grad_norm = np.mean(agent_info['update_info']['grad_norms']) adversary_grad_norm = 0 adversary_env_grad_norm = 0 if self.is_paired: adversary_grad_norm = np.mean(adversary_agent_info['update_info']['grad_norms']) if self.is_training_env: adversary_env_grad_norm = np.mean(adversary_env_info['update_info']['grad_norms']) stats.update({ 'agent_grad_norm': agent_grad_norm, 'adversary_grad_norm': adversary_grad_norm, 'adversary_env_grad_norm': adversary_env_grad_norm }) if args.log_action_complexity: stats.update({ 'agent_action_complexity': agent_info['action_complexity'], 'adversary_action_complexity': adversary_agent_info['action_complexity'] }) return stats
dcd-main
envs/runners/adversarial_runner.py
# Copyright (c) OpenAI # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT """ 2D rendering framework """ import os import sys import pyvirtualdisplay if "Apple" in sys.version: if 'DYLD_FALLBACK_LIBRARY_PATH' in os.environ: os.environ['DYLD_FALLBACK_LIBRARY_PATH'] += ':/usr/lib' # (JDS 2016/04/15): avoid bug on Anaconda 2.3.0 / Yosemite from gym import error try: import pyglet except ImportError as e: raise ImportError(''' Cannot import pyglet. HINT: you can install pyglet directly via 'pip install pyglet'. But if you really just want to install all Gym dependencies and not have to think about it, 'pip install -e .[all]' or 'pip install gym[all]' will do it. ''') try: from pyglet.gl import * except ImportError as e: raise ImportError(''' Error occurred while running `from pyglet.gl import *` HINT: make sure you have OpenGL install. On Ubuntu, you can run 'apt-get install python-opengl'. If you're running on a server, you may need a virtual frame buffer; something like this should work: 'xvfb-run -s \"-screen 0 1400x900x24\" python <your_script.py>' ''') import math import numpy as np RAD2DEG = 57.29577951308232 def get_display(spec): """Convert a display specification (such as :0) into an actual Display object. Pyglet only supports multiple Displays on Linux. """ if spec is None: return pyglet.canvas.get_display() # returns already available pyglet_display, # if there is no pyglet display available then it creates one elif isinstance(spec, str): return pyglet.canvas.Display(spec) else: raise error.Error('Invalid display specification: {}. (Must be a string like :0 or None.)'.format(spec)) def get_window(width, height, display, **kwargs): """ Will create a pyglet window from the display specification provided. """ screen = display.get_screens() #available screens config = screen[0].get_best_config() context = config.create_context(None) #create GL context return pyglet.window.Window(width=width, height=height, display=display, config=config, context=context, **kwargs) class Viewer(object): def __init__(self, width, height, display=None): display = get_display(display) self.width = width self.height = height self.window = get_window(width=width, height=height, display=display) self.window.on_close = self.window_closed_by_user self.isopen = True self.geoms = [] self.onetime_geoms = [] self.transform = Transform() glEnable(GL_BLEND) glBlendFunc(GL_SRC_ALPHA, GL_ONE_MINUS_SRC_ALPHA) def close(self): if self.isopen and sys.meta_path: # ^^^ check sys.meta_path to avoid 'ImportError: sys.meta_path is None, Python is likely shutting down' self.window.close() self.isopen = False def window_closed_by_user(self): self.isopen = False def set_bounds(self, left, right, bottom, top): assert right > left and top > bottom scalex = self.width/(right-left) scaley = self.height/(top-bottom) self.transform = Transform( translation=(-left*scalex, -bottom*scaley), scale=(scalex, scaley)) def add_geom(self, geom): self.geoms.append(geom) def add_onetime(self, geom): self.onetime_geoms.append(geom) def render(self, return_rgb_array=False): glClearColor(1,1,1,1) self.window.clear() self.window.switch_to() self.window.dispatch_events() self.transform.enable() for geom in self.geoms: geom.render() for geom in self.onetime_geoms: geom.render() self.transform.disable() arr = None if return_rgb_array: buffer = pyglet.image.get_buffer_manager().get_color_buffer() image_data = buffer.get_image_data() arr = np.frombuffer(image_data.get_data(), dtype=np.uint8) # In https://github.com/openai/gym-http-api/issues/2, we # discovered that someone using Xmonad on Arch was having # a window of size 598 x 398, though a 600 x 400 window # was requested. (Guess Xmonad was preserving a pixel for # the boundary.) So we use the buffer height/width rather # than the requested one. arr = arr.reshape(buffer.height, buffer.width, 4) arr = arr[::-1,:,0:3] self.window.flip() self.onetime_geoms = [] return arr if return_rgb_array else self.isopen # Convenience def draw_circle(self, radius=10, res=30, filled=True, **attrs): geom = make_circle(radius=radius, res=res, filled=filled) _add_attrs(geom, attrs) self.add_onetime(geom) return geom def draw_polygon(self, v, filled=True, **attrs): geom = make_polygon(v=v, filled=filled) _add_attrs(geom, attrs) self.add_onetime(geom) return geom def draw_polyline(self, v, **attrs): geom = make_polyline(v=v) _add_attrs(geom, attrs) self.add_onetime(geom) return geom def draw_line(self, start, end, **attrs): geom = Line(start, end) _add_attrs(geom, attrs) self.add_onetime(geom) return geom def get_array(self): self.window.flip() image_data = pyglet.image.get_buffer_manager().get_color_buffer().get_image_data() self.window.flip() arr = np.fromstring(image_data.get_data(), dtype=np.uint8, sep='') arr = arr.reshape(self.height, self.width, 4) return arr[::-1,:,0:3] def __del__(self): self.close() def _add_attrs(geom, attrs): if "color" in attrs: geom.set_color(*attrs["color"]) if "linewidth" in attrs: geom.set_linewidth(attrs["linewidth"]) class Geom(object): def __init__(self): self._color=Color((0, 0, 0, 1.0)) self.attrs = [self._color] def render(self): for attr in reversed(self.attrs): attr.enable() self.render1() for attr in self.attrs: attr.disable() def render1(self): raise NotImplementedError def add_attr(self, attr): self.attrs.append(attr) def set_color(self, r, g, b): self._color.vec4 = (r, g, b, 1) class Attr(object): def enable(self): raise NotImplementedError def disable(self): pass class Transform(Attr): def __init__(self, translation=(0.0, 0.0), rotation=0.0, scale=(1,1)): self.set_translation(*translation) self.set_rotation(rotation) self.set_scale(*scale) def enable(self): glPushMatrix() glTranslatef(self.translation[0], self.translation[1], 0) # translate to GL loc ppint glRotatef(RAD2DEG * self.rotation, 0, 0, 1.0) glScalef(self.scale[0], self.scale[1], 1) def disable(self): glPopMatrix() def set_translation(self, newx, newy): self.translation = (float(newx), float(newy)) def set_rotation(self, new): self.rotation = float(new) def set_scale(self, newx, newy): self.scale = (float(newx), float(newy)) class Color(Attr): def __init__(self, vec4): self.vec4 = vec4 def enable(self): glColor4f(*self.vec4) class LineStyle(Attr): def __init__(self, style): self.style = style def enable(self): glEnable(GL_LINE_STIPPLE) glLineStipple(1, self.style) def disable(self): glDisable(GL_LINE_STIPPLE) class LineWidth(Attr): def __init__(self, stroke): self.stroke = stroke def enable(self): glLineWidth(self.stroke) class Point(Geom): def __init__(self): Geom.__init__(self) def render1(self): glBegin(GL_POINTS) # draw point glVertex3f(0.0, 0.0, 0.0) glEnd() class FilledPolygon(Geom): def __init__(self, v): Geom.__init__(self) self.v = v def render1(self): if len(self.v) == 4 : glBegin(GL_QUADS) elif len(self.v) > 4 : glBegin(GL_POLYGON) else: glBegin(GL_TRIANGLES) for p in self.v: glVertex3f(p[0], p[1],0) # draw each vertex glEnd() def make_circle(radius=10, res=30, filled=True): points = [] for i in range(res): ang = 2*math.pi*i / res points.append((math.cos(ang)*radius, math.sin(ang)*radius)) if filled: return FilledPolygon(points) else: return PolyLine(points, True) def make_polygon(v, filled=True): if filled: return FilledPolygon(v) else: return PolyLine(v, True) def make_polyline(v): return PolyLine(v, False) def make_capsule(length, width): l, r, t, b = 0, length, width/2, -width/2 box = make_polygon([(l,b), (l,t), (r,t), (r,b)]) circ0 = make_circle(width/2) circ1 = make_circle(width/2) circ1.add_attr(Transform(translation=(length, 0))) geom = Compound([box, circ0, circ1]) return geom class Compound(Geom): def __init__(self, gs): Geom.__init__(self) self.gs = gs for g in self.gs: g.attrs = [a for a in g.attrs if not isinstance(a, Color)] def render1(self): for g in self.gs: g.render() class PolyLine(Geom): def __init__(self, v, close): Geom.__init__(self) self.v = v self.close = close self.linewidth = LineWidth(1) self.add_attr(self.linewidth) def render1(self): glBegin(GL_LINE_LOOP if self.close else GL_LINE_STRIP) for p in self.v: glVertex3f(p[0], p[1],0) # draw each vertex glEnd() def set_linewidth(self, x): self.linewidth.stroke = x class Line(Geom): def __init__(self, start=(0.0, 0.0), end=(0.0, 0.0)): Geom.__init__(self) self.start = start self.end = end self.linewidth = LineWidth(1) self.add_attr(self.linewidth) def render1(self): glBegin(GL_LINES) glVertex2f(*self.start) glVertex2f(*self.end) glEnd() class Image(Geom): def __init__(self, fname, width, height): Geom.__init__(self) self.set_color(1.0, 1.0, 1.0) self.width = width self.height = height img = pyglet.image.load(fname) self.img = img self.flip = False def render1(self): self.img.blit(-self.width/2, -self.height/2, width=self.width, height=self.height) # ================================================================ class SimpleImageViewer(object): def __init__(self, display=None, maxwidth=500): self.window = None self.isopen = False self.display = get_display(display) self.maxwidth = maxwidth def imshow(self, arr): if self.window is None: height, width, _channels = arr.shape if width > self.maxwidth: scale = self.maxwidth / width width = int(scale * width) height = int(scale * height) self.window = get_window(width=width, height=height, display=self.display, vsync=False, resizable=True) self.width = width self.height = height self.isopen = True @self.window.event def on_resize(width, height): self.width = width self.height = height @self.window.event def on_close(): self.isopen = False assert len(arr.shape) == 3, "You passed in an image with the wrong number shape" image = pyglet.image.ImageData(arr.shape[1], arr.shape[0], 'RGB', arr.tobytes(), pitch=arr.shape[1]*-3) gl.glTexParameteri(gl.GL_TEXTURE_2D, gl.GL_TEXTURE_MAG_FILTER, gl.GL_NEAREST) texture = image.get_texture() texture.width = self.width texture.height = self.height self.window.clear() self.window.switch_to() self.window.dispatch_events() texture.blit(0, 0) # draw self.window.flip() def close(self): if self.isopen and sys.meta_path: # ^^^ check sys.meta_path to avoid 'ImportError: sys.meta_path is None, Python is likely shutting down' self.window.close() self.isopen = False def __del__(self): self.close()
dcd-main
envs/box2d/rendering.py
# Copyright (c) Stack Exchange, Inc. and its affiliates. # All rights reserved. # # This source code is licensed under the CC BY-SA 3.0 license. import numpy as np from scipy.special import binom import matplotlib.pyplot as plt bernstein = lambda n, k, t: binom(n,k)* t**k * (1.-t)**(n-k) def bezier(points, num=200): N = len(points) t = np.linspace(0, 1, num=num) curve = np.zeros((num, 2)) for i in range(N): curve += np.outer(bernstein(N - 1, i, t), points[i]) return curve class Segment(): def __init__(self, p1, p2, angle1, angle2, **kw): self.p1 = p1; self.p2 = p2 self.angle1 = angle1; self.angle2 = angle2 self.numpoints = kw.get("numpoints", 100) r = kw.get("r", 0.3) d = np.sqrt(np.sum((self.p2-self.p1)**2)) self.r = r*d self.p = np.zeros((4,2)) self.p[0,:] = self.p1[:] self.p[3,:] = self.p2[:] self.calc_intermediate_points(self.r) def calc_intermediate_points(self,r): self.p[1,:] = self.p1 + np.array([self.r*np.cos(self.angle1), self.r*np.sin(self.angle1)]) self.p[2,:] = self.p2 + np.array([self.r*np.cos(self.angle2+np.pi), self.r*np.sin(self.angle2+np.pi)]) self.curve = bezier(self.p,self.numpoints) def get_curve(points, **kw): segments = [] for i in range(len(points)-1): seg = Segment(points[i,:2], points[i+1,:2], points[i,2],points[i+1,2],**kw) segments.append(seg) curve = np.concatenate([s.curve for s in segments]) return segments, curve def ccw_sort(p): d = p-np.mean(p,axis=0) s = np.arctan2(d[:,0], d[:,1]) return p[np.argsort(s),:] def get_bezier_curve(a=None, rad=0.2, edgy=0, **kw): """ Given an array of points *a*, create a curve through those points. *rad* is a number between 0 and 1 to steer the distance of control points. *edgy* is a parameter which controls how "edgy" the curve is, edgy=0 is smoothest.""" if a is None: a = get_random_points(**kw) numpoints = kw.get('numpoints', 30) p = np.arctan(edgy)/np.pi+.5 a = ccw_sort(a) a = np.append(a, np.atleast_2d(a[0,:]), axis=0) d = np.diff(a, axis=0) ang = np.arctan2(d[:,1],d[:,0]) f = lambda ang : (ang>=0)*ang + (ang<0)*(ang+2*np.pi) ang = f(ang) ang1 = ang ang2 = np.roll(ang,1) ang = p*ang1 + (1-p)*ang2 + (np.abs(ang2-ang1) > np.pi )*np.pi ang = np.append(ang, [ang[0]]) a = np.append(a, np.atleast_2d(ang).T, axis=1) s, c = get_curve(a, r=rad, method="var", numpoints=numpoints) x,y = c.T return x,y,a def get_random_points(n=5, scale=0.8, mindst=None, rec=0, **kw): """Create n random points in the unit square, which are *mindst* apart, then scale them.""" mindst = mindst or 0.7/n np_random = kw.get('np_random', np.random) a = np_random.rand(n,2) d = np.sqrt(np.sum(np.diff(ccw_sort(a), axis=0), axis=1)**2) if np.all(d >= mindst) or rec>=200: return a*scale else: return get_random_points(n=n, scale=scale, mindst=mindst, rec=rec+1, np_random=np_random) if __name__ == '__main__': fig, ax = plt.subplots() ax.set_aspect("equal") rad = 0.2 edgy = 0.5 for c in np.array([[0,0], [0,1], [1,0], [1,1]]): a = get_random_points(n=12, scale=1) + c x,y, _ = get_bezier_curve(a,rad=rad, edgy=edgy) plt.plot(x,y) plt.show()
dcd-main
envs/box2d/bezier.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from envs.registration import register as gym_register from .racetracks import RaceTrack from .racetracks import formula1 from .car_racing_bezier import CarRacingBezier def set_global(name, value): globals()[name] = value racetracks = dict([(name, cls) for name, cls in formula1.__dict__.items() if isinstance(cls, RaceTrack)]) if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname def _create_constructor(track): def constructor(self, **kwargs): return CarRacingBezier.__init__(self, track_name=track.name, **kwargs) return constructor for name, track in racetracks.items(): class_name = f"CarRacingF1-{track.name}" env = type(class_name, (CarRacingBezier, ), { "__init__": _create_constructor(track), }) set_global(class_name, env) gym_register( id=f'CarRacingF1-{track.name}-v0', entry_point=module_path + f':{class_name}', max_episode_steps=track.max_episode_steps, reward_threshold=900)
dcd-main
envs/box2d/car_racing_f1.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .car_racing import CarRacing from .car_racing_bezier import CarRacingBezier from .car_racing_adversarial import CarRacingBezierAdversarial from .car_racing_f1 import *
dcd-main
envs/box2d/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import sys import math import random import numpy as np import gym from gym.envs.box2d.car_dynamics import Car from envs.registration import register as gym_register from .car_racing_bezier import CarRacingBezier from envs.box2d import * class CarRacingBezierAdversarial(CarRacingBezier): def __init__(self, n_control_points=12, random_z_dim=4, track_name=None, bezier=True, show_borders=True, show_indicators=True, birdseye=False, seed=None, fixed_environment=False, animate_zoom=False, min_rad_ratio=None, max_rad_ratio=None, use_sketch=None, choose_start_pos=False, use_categorical=False, clip_reward=None, sparse_rewards=False, num_goal_bins=24, verbose=1): super().__init__( track_name=track_name, bezier=bezier, show_borders=show_borders, show_indicators=show_indicators, birdseye=birdseye, seed=seed, fixed_environment=fixed_environment, animate_zoom=False, clip_reward=clip_reward, sparse_rewards=sparse_rewards, num_goal_bins=num_goal_bins, verbose=verbose) self.passable = True self.random_z_dim = random_z_dim self.choose_start_pos = choose_start_pos self._adv_start_alpha = None self.n_control_points = n_control_points self._adversary_control_points = [] # sketch_dim = int(np.round(self.playfield/self.track_width)) sketch_dim = 10 self.sketch_dim = sketch_dim # Should be 50 self.sketch_ratio = self.playfield/self.sketch_dim self._adversary_sketch = np.zeros((self.sketch_dim, self.sketch_dim)) self.adversary_max_steps = n_control_points if choose_start_pos: self.adversary_max_steps += 1 # Extra step to choose start pos if sparse_rewards: self.adversary_max_steps += 1 # Extra step to choose goal bin (last action) self.adversary_step_count = 0 # === Adversary env observations === self._clear_adversary_sketch() self._adversary_sketch_dirty = False # === Adversary observation and action space === self.adversary_ts_obs_space = gym.spaces.Box( low=0, high=self.adversary_max_steps, shape=(1,), dtype='uint8') self.adversary_randomz_obs_space = gym.spaces.Box( low=0, high=1.0, shape=(random_z_dim,), dtype=np.float32) self.adversary_control_points_obs_space = gym.spaces.Box( low=0, high=sketch_dim, shape=(1, sketch_dim, sketch_dim), dtype='uint8') if sparse_rewards: self.adversary_goal_bin_obs_space = gym.spaces.Box( low=0, high=num_goal_bins + 1, # +1 for placeholder (at last, extra index) shape=(1,), dtype='uint8' ) self.adversary_observation_space = gym.spaces.Dict( {'control_points': self.adversary_control_points_obs_space, 'time_step': self.adversary_ts_obs_space, 'random_z': self.adversary_randomz_obs_space, 'goal_bin': self.adversary_goal_bin_obs_space}) else: self.adversary_observation_space = gym.spaces.Dict( {'control_points': self.adversary_control_points_obs_space, 'time_step': self.adversary_ts_obs_space, 'random_z': self.adversary_randomz_obs_space}) # Note adversary_action_space is only used to communicate to storage # the proper dimensions for storing the *unprocessed* actions if use_categorical: action_low, action_high = np.array((0,)), np.array((self.sketch_dim**2 + 1,)) # +1 for skip action if sparse_rewards: action_low = np.array((0, *action_low)) action_high = np.array((1, *action_high)) self.adversary_action_space = gym.spaces.Box( low=action_low, high=action_high, dtype='uint8') else: action_shape = (3,) if sparse_rewards: action_shape = (4,) # First dim stores goal flag self.adversary_action_space = gym.spaces.Box( low=0, high=1, shape=action_shape, dtype='float32') @property def processed_action_dim(self): return 3 def reset(self): self.steps = 0 self.adversary_step_count = 0 if self._adversary_sketch_dirty: self._clear_adversary_sketch() # Clear track and agent status self.reset_agent_status() obs = { 'control_points': np.expand_dims(self._adversary_sketch,0), 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } # Set goal bin to 1 more than max 0-indexed goal bin if self.sparse_rewards: obs.update({'goal_bin': [self.num_goal_bins]}) self.goal_bin = None return obs def _alpha_from_xy(self, x,y): alpha = np.arctan2(y,x) if alpha < 0: alpha += 2*math.pi return alpha def _set_start_position(self, x, y): _,_,unnorm_x,unnorm_y = self.unnormalize_xy(x,y) u = np.mean(np.array(self._adversary_control_points), axis=0) alpha = self._alpha_from_xy(unnorm_x-u[0],unnorm_y-u[1]) self._adv_start_alpha = alpha return alpha def _closest_track_index(self, alpha): if len(self._adversary_control_points) == 0: return 0 u = np.mean(np.array(self._adversary_control_points), axis=0) track_alphas = np.array([self._alpha_from_xy(x-u[0],y-u[1]) for _,_,x,y in self.track]) i = np.argmin(np.abs(track_alphas - alpha)) return np.argmin(np.abs(track_alphas - alpha)) def reset_agent_status(self): # Reset env-specific meta-data self._destroy() self.reward = 0.0 self.prev_reward = 0.0 self.tile_visited_count = 0 self.t = 0.0 self.road_poly = [] self.steps = 0 self._create_track(control_points=self.track_data) if self._adv_start_alpha is None: start_idx = 0 else: start_idx = self._closest_track_index(self._adv_start_alpha) beta0, x0, y0 = 0,0,0 if self._adversary_sketch_dirty: # Car only if track (because reset was called) beta0, x0, y0 = self.track[start_idx][1:4] x0 -= self.x_offset y0 -= self.y_offset if self.car: self.car.destroy() self.car = None self.car = Car(self.world, beta0, x0, y0) self.reset_sparse_state() def reset_agent(self): self.reset_agent_status() return self.step(None)[0] def reset_to_level(self, level): self.reset() level_features = eval(level) self._adversary_control_points = level_features[:-1] self._adv_start_alpha = level_features[-1] # Build new level self._adversary_sketch_dirty = True self._create_track_adversary() obs = self.reset_agent() return obs @property def level(self): return str(tuple(self._adversary_control_points + [self._adv_start_alpha,])) def generate_random_z(self): return np.random.uniform(size=(self.random_z_dim,)).astype(np.float32) def unnormalize_xy(self, x,y): scaled_x = int(np.minimum(np.maximum(np.round(self.sketch_dim*x), 0), self.sketch_dim - 1)) scaled_y = int(np.minimum(np.maximum(np.round(self.sketch_dim*y), 0), self.sketch_dim - 1)) unnorm_x = (scaled_x + 1)*self.sketch_ratio unnorm_y = (scaled_y + 1)*self.sketch_ratio return scaled_x, scaled_y, unnorm_x, unnorm_y def _update_adversary_sketch(self, x, y): # Update sketch based on latest control points scaled_x, scaled_y, unnorm_x, unnorm_y = self.unnormalize_xy(x,y) self._adversary_control_points.append((unnorm_x, unnorm_y)) self._adversary_sketch_dirty = True self._adversary_sketch[scaled_x][scaled_y] = 1.0 return unnorm_x, unnorm_y, self._adversary_sketch def _clear_adversary_sketch(self): self._adversary_sketch.fill(0) self._adversary_control_points = [] self._adversary_sketch_dirty = False self._adv_start_alpha = None def _create_track_adversary(self): # Compile adversary control points into playfield coordinates # Note that each sketch grid point corresponds to to at least a track width apart if self.bezier: self.track_data = self._adversary_control_points else: raise NotImplementedError @property def is_goal_step(self): if self.sparse_rewards: return self.adversary_step_count == self.adversary_max_steps - 1 else: return False @property def is_start_pos_step(self): if self.choose_start_pos: return self.adversary_step_count == self.n_control_points else: return False def step_adversary(self, action): # Updates sketch with a new control pt (action) # Obs is the latest sketch of control points scaled by self.sketch_dim. done = False goal_bin = self.num_goal_bins if self.is_goal_step: goal_bin = action else: x,y,skip = action # Place control point if self.adversary_step_count < self.n_control_points: if not (self.adversary_step_count > 3 and np.isclose(skip, 1)): self._update_adversary_sketch(x,y) elif self.is_start_pos_step: self._set_start_position(x,y) elif self.is_goal_step: self.goal_bin = goal_bin self.set_goal(goal_bin) self.adversary_step_count += 1 if self.adversary_step_count == self.adversary_max_steps: self._create_track_adversary() self.reset_agent_status() done = True obs = { 'control_points': np.expand_dims(self._adversary_sketch,0), # 1 x sketch_dim x sketch_dim 'time_step': [self.adversary_step_count], 'random_z': self.generate_random_z() } if self.sparse_rewards: obs.update({'goal_bin': [goal_bin]}) return obs, 0., done, {} def reset_random(self): self._adversary_sketch_dirty = True if self.fixed_environment: self.seed(self.level_seed) if self.sparse_rewards: self.goal_bin = None self.set_goal() return super().reset() if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname gym_register( id='CarRacing-Bezier-Adversarial-v0', entry_point=module_path + ':CarRacingBezierAdversarial', max_episode_steps=1000, reward_threshold=900)
dcd-main
envs/box2d/car_racing_adversarial.py
# Copyright (c) OpenAI # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/openai/gym/blob/master/gym/envs/box2d/car_racing.py """ Easiest continuous control task to learn from pixels, a top-down racing environment. Discrete control is reasonable in this environment as well, on/off discretization is fine. State consists of STATE_W x STATE_H pixels. The reward is -0.1 every frame and +1000/N for every track tile visited, where N is the total number of tiles visited in the track. For example, if you have finished in 732 frames, your reward is 1000 - 0.1*732 = 926.8 points. The game is solved when the agent consistently gets 900+ points. The generated track is random every episode. The episode finishes when all the tiles are visited. The car also can go outside of the PLAYFIELD - that is far off the track, then it will get -100 and die. Some indicators are shown at the bottom of the window along with the state RGB buffer. From left to right: the true speed, four ABS sensors, the steering wheel position and gyroscope. To play yourself (it's rather fast for humans), type: python gym/envs/box2d/car_racing.py Remember it's a powerful rear-wheel drive car - don't press the accelerator and turn at the same time. Created by Oleg Klimov. Licensed on the same terms as the rest of OpenAI Gym. """ import sys import math import numpy as np import Box2D from Box2D.b2 import fixtureDef from Box2D.b2 import polygonShape from Box2D.b2 import contactListener import gym from gym import spaces from gym.envs.box2d.car_dynamics import Car from gym.utils import seeding, EzPickle from envs.registration import register as gym_register import pyglet pyglet.options["debug_gl"] = False from pyglet import gl STATE_W = 96 # less than Atari 160x192 STATE_H = 96 VIDEO_W = 600 VIDEO_H = 400 WINDOW_W = 1000 WINDOW_H = 800 SCALE = 6.0 # Track scale TRACK_RAD = 900 / SCALE # Track is heavily morphed circle with this radius PLAYFIELD = 2000 / SCALE # Game over boundary FPS = 50 # Frames per second ZOOM = 2.7 # Camera zoom ZOOM_FOLLOW = True # Set to False for fixed view (don't use zoom) TRACK_DETAIL_STEP = 21 / SCALE TRACK_TURN_RATE = 0.31 TRACK_WIDTH = 40 / SCALE BORDER = 8 / SCALE BORDER_MIN_COUNT = 4 ROAD_COLOR = [0.4, 0.4, 0.4] class FrictionDetector(contactListener): def __init__(self, env): contactListener.__init__(self) self.env = env def BeginContact(self, contact): self._contact(contact, True) def EndContact(self, contact): self._contact(contact, False) def _contact(self, contact, begin): tile = None obj = None u1 = contact.fixtureA.body.userData u2 = contact.fixtureB.body.userData if u1 and "road_friction" in u1.__dict__: tile = u1 obj = u2 if u2 and "road_friction" in u2.__dict__: tile = u2 obj = u1 if not tile: return tile.color[0] = ROAD_COLOR[0] tile.color[1] = ROAD_COLOR[1] tile.color[2] = ROAD_COLOR[2] if not obj or "tiles" not in obj.__dict__: return if begin: obj.tiles.add(tile) if not tile.road_visited: tile.road_visited = True self.env.reward += 1000.0 / len(self.env.track) self.env.tile_visited_count += 1 else: obj.tiles.remove(tile) class CarRacing(gym.Env, EzPickle): metadata = { "render.modes": ["human", "rgb_array", "state_pixels"], "video.frames_per_second": FPS, } def __init__(self, verbose=0, **kwargs): EzPickle.__init__(self) self.seed(kwargs.get('seed', None)) self.contactListener_keepref = FrictionDetector(self) self.world = Box2D.b2World((0, 0), contactListener=self.contactListener_keepref) self.viewer = None self.invisible_state_window = None self.invisible_video_window = None self.road = None self.car = None self.reward = 0.0 self.prev_reward = 0.0 self.verbose = verbose self.fd_tile = fixtureDef( shape=polygonShape(vertices=[(0, 0), (1, 0), (1, -1), (0, -1)]) ) self.action_space = spaces.Box( np.array([-1, 0, 0]), np.array([+1, +1, +1]), dtype=np.float32 ) # steer, gas, brake self.observation_space = spaces.Box( low=0, high=255, shape=(STATE_H, STATE_W, 3), dtype=np.uint8 ) def seed(self, seed=None): self.np_random, seed = seeding.np_random(seed) return [seed] def _destroy(self): if not self.road: return for t in self.road: self.world.DestroyBody(t) self.road = [] self.car.destroy() def _create_track(self): CHECKPOINTS = 12 # Create checkpoints checkpoints = [] for c in range(CHECKPOINTS): noise = self.np_random.uniform(0, 2 * math.pi * 1 / CHECKPOINTS) alpha = 2 * math.pi * c / CHECKPOINTS + noise rad = self.np_random.uniform(TRACK_RAD / 3, TRACK_RAD) if c == 0: alpha = 0 rad = 1.5 * TRACK_RAD if c == CHECKPOINTS - 1: alpha = 2 * math.pi * c / CHECKPOINTS self.start_alpha = 2 * math.pi * (-0.5) / CHECKPOINTS rad = 1.5 * TRACK_RAD checkpoints.append((alpha, rad * math.cos(alpha), rad * math.sin(alpha))) self.road = [] # Go from one checkpoint to another to create track x, y, beta = 1.5 * TRACK_RAD, 0, 0 dest_i = 0 laps = 0 track = [] no_freeze = 2500 visited_other_side = False while True: alpha = math.atan2(y, x) if visited_other_side and alpha > 0: laps += 1 visited_other_side = False if alpha < 0: visited_other_side = True alpha += 2 * math.pi while True: # Find destination from checkpoints failed = True while True: dest_alpha, dest_x, dest_y = checkpoints[dest_i % len(checkpoints)] if alpha <= dest_alpha: failed = False break dest_i += 1 if dest_i % len(checkpoints) == 0: break if not failed: break alpha -= 2 * math.pi continue r1x = math.cos(beta) r1y = math.sin(beta) p1x = -r1y p1y = r1x dest_dx = dest_x - x # vector towards destination dest_dy = dest_y - y # destination vector projected on rad: proj = r1x * dest_dx + r1y * dest_dy while beta - alpha > 1.5 * math.pi: beta -= 2 * math.pi while beta - alpha < -1.5 * math.pi: beta += 2 * math.pi prev_beta = beta proj *= SCALE if proj > 0.3: beta -= min(TRACK_TURN_RATE, abs(0.001 * proj)) if proj < -0.3: beta += min(TRACK_TURN_RATE, abs(0.001 * proj)) x += p1x * TRACK_DETAIL_STEP y += p1y * TRACK_DETAIL_STEP track.append((alpha, prev_beta * 0.5 + beta * 0.5, x, y)) if laps > 4: break no_freeze -= 1 if no_freeze == 0: break # Find closed loop range i1..i2, first loop should be ignored, second is OK i1, i2 = -1, -1 i = len(track) while True: i -= 1 if i == 0: return False # Failed pass_through_start = ( track[i][0] > self.start_alpha and track[i - 1][0] <= self.start_alpha ) if pass_through_start and i2 == -1: i2 = i elif pass_through_start and i1 == -1: i1 = i break if self.verbose == 1: print("Track generation: %i..%i -> %i-tiles track" % (i1, i2, i2 - i1)) assert i1 != -1 assert i2 != -1 track = track[i1 : i2 - 1] first_beta = track[0][1] first_perp_x = math.cos(first_beta) first_perp_y = math.sin(first_beta) # Length of perpendicular jump to put together head and tail well_glued_together = np.sqrt( np.square(first_perp_x * (track[0][2] - track[-1][2])) + np.square(first_perp_y * (track[0][3] - track[-1][3])) ) if well_glued_together > TRACK_DETAIL_STEP: return False # Red-white border on hard turns border = [False] * len(track) for i in range(len(track)): good = True oneside = 0 for neg in range(BORDER_MIN_COUNT): beta1 = track[i - neg - 0][1] beta2 = track[i - neg - 1][1] good &= abs(beta1 - beta2) > TRACK_TURN_RATE * 0.2 oneside += np.sign(beta1 - beta2) good &= abs(oneside) == BORDER_MIN_COUNT border[i] = good for i in range(len(track)): for neg in range(BORDER_MIN_COUNT): border[i - neg] |= border[i] # Create tiles for i in range(len(track)): alpha1, beta1, x1, y1 = track[i] alpha2, beta2, x2, y2 = track[i - 1] road1_l = ( x1 - TRACK_WIDTH * math.cos(beta1), y1 - TRACK_WIDTH * math.sin(beta1), ) road1_r = ( x1 + TRACK_WIDTH * math.cos(beta1), y1 + TRACK_WIDTH * math.sin(beta1), ) road2_l = ( x2 - TRACK_WIDTH * math.cos(beta2), y2 - TRACK_WIDTH * math.sin(beta2), ) road2_r = ( x2 + TRACK_WIDTH * math.cos(beta2), y2 + TRACK_WIDTH * math.sin(beta2), ) vertices = [road1_l, road1_r, road2_r, road2_l] self.fd_tile.shape.vertices = vertices t = self.world.CreateStaticBody(fixtures=self.fd_tile) t.userData = t c = 0.01 * (i % 3) t.color = [ROAD_COLOR[0] + c, ROAD_COLOR[1] + c, ROAD_COLOR[2] + c] t.road_visited = False t.road_friction = 1.0 t.fixtures[0].sensor = True self.road_poly.append(([road1_l, road1_r, road2_r, road2_l], t.color)) self.road.append(t) if border[i]: side = np.sign(beta2 - beta1) b1_l = ( x1 + side * TRACK_WIDTH * math.cos(beta1), y1 + side * TRACK_WIDTH * math.sin(beta1), ) b1_r = ( x1 + side * (TRACK_WIDTH + BORDER) * math.cos(beta1), y1 + side * (TRACK_WIDTH + BORDER) * math.sin(beta1), ) b2_l = ( x2 + side * TRACK_WIDTH * math.cos(beta2), y2 + side * TRACK_WIDTH * math.sin(beta2), ) b2_r = ( x2 + side * (TRACK_WIDTH + BORDER) * math.cos(beta2), y2 + side * (TRACK_WIDTH + BORDER) * math.sin(beta2), ) self.road_poly.append( ([b1_l, b1_r, b2_r, b2_l], (1, 1, 1) if i % 2 == 0 else (1, 0, 0)) ) self.track = track return True def reset(self): self._destroy() self.reward = 0.0 self.prev_reward = 0.0 self.tile_visited_count = 0 self.t = 0.0 self.road_poly = [] while True: success = self._create_track() if success: break if self.verbose == 1: print( "retry to generate track (normal if there are not many" "instances of this message)" ) self.car = Car(self.world, *self.track[0][1:4]) return self.step(None)[0] def reset_random(self): return self.reset() def reset_agent(self): return self.reset() def step(self, action): if action is not None: self.car.steer(-action[0]) self.car.gas(action[1]) self.car.brake(action[2]) self.car.step(1.0 / FPS) self.world.Step(1.0 / FPS, 6 * 30, 2 * 30) self.t += 1.0 / FPS self.state = self.render("state_pixels") step_reward = 0 done = False if action is not None: # First step without action, called from reset() self.reward -= 0.1 # We actually don't want to count fuel spent, we want car to be faster. # self.reward -= 10 * self.car.fuel_spent / ENGINE_POWER self.car.fuel_spent = 0.0 step_reward = self.reward - self.prev_reward self.prev_reward = self.reward if self.tile_visited_count == len(self.track): done = True x, y = self.car.hull.position if abs(x) > PLAYFIELD or abs(y) > PLAYFIELD: done = True step_reward = -100 return self.state, step_reward, done, {} def render(self, mode="human"): assert mode in ["human", "state_pixels", "rgb_array"] if self.viewer is None: from gym.envs.classic_control import rendering self.viewer = rendering.Viewer(WINDOW_W, WINDOW_H) self.score_label = pyglet.text.Label( "0000", font_size=36, x=20, y=WINDOW_H * 2.5 / 40.00, anchor_x="left", anchor_y="center", color=(255, 255, 255, 255), ) self.transform = rendering.Transform() if "t" not in self.__dict__: return # reset() not called yet # Animate zoom first second: zoom = ZOOM*SCALE scroll_x = self.car.hull.position[0] scroll_y = self.car.hull.position[1] angle = -self.car.hull.angle vel = self.car.hull.linearVelocity if np.linalg.norm(vel) > 0.5: angle = math.atan2(vel[0], vel[1]) self.transform.set_scale(zoom, zoom) self.transform.set_translation( WINDOW_W / 2 - (scroll_x * zoom * math.cos(angle) - scroll_y * zoom * math.sin(angle)), WINDOW_H / 4 - (scroll_x * zoom * math.sin(angle) + scroll_y * zoom * math.cos(angle)), ) self.transform.set_rotation(angle) self.car.draw(self.viewer, mode != "state_pixels") arr = None win = self.viewer.window win.switch_to() win.dispatch_events() win.clear() t = self.transform if mode == "rgb_array": VP_W = VIDEO_W VP_H = VIDEO_H elif mode == "state_pixels": VP_W = STATE_W VP_H = STATE_H else: pixel_scale = 1 if hasattr(win.context, "_nscontext"): pixel_scale = ( win.context._nscontext.view().backingScaleFactor() ) # pylint: disable=protected-access VP_W = int(pixel_scale * WINDOW_W) VP_H = int(pixel_scale * WINDOW_H) gl.glViewport(0, 0, VP_W, VP_H) t.enable() self.render_road() for geom in self.viewer.onetime_geoms: geom.render() self.viewer.onetime_geoms = [] t.disable() self.render_indicators(WINDOW_W, WINDOW_H) if mode == "human": win.flip() return self.viewer.isopen image_data = ( pyglet.image.get_buffer_manager().get_color_buffer().get_image_data() ) arr = np.fromstring(image_data.get_data(), dtype=np.uint8, sep="") arr = arr.reshape(VP_H, VP_W, 4) arr = arr[::-1, :, 0:3] return arr def close(self): if self.viewer is not None: self.viewer.close() self.viewer = None def render_road(self): colors = [0.4, 0.8, 0.4, 1.0] * 4 polygons_ = [ +PLAYFIELD, +PLAYFIELD, 0, +PLAYFIELD, -PLAYFIELD, 0, -PLAYFIELD, -PLAYFIELD, 0, -PLAYFIELD, +PLAYFIELD, 0, ] k = PLAYFIELD / 20.0 colors.extend([0.4, 0.9, 0.4, 1.0] * 4 * 20 * 20) for x in range(-20, 20, 2): for y in range(-20, 20, 2): polygons_.extend( [ k * x + k, k * y + 0, 0, k * x + 0, k * y + 0, 0, k * x + 0, k * y + k, 0, k * x + k, k * y + k, 0, ] ) for poly, color in self.road_poly: colors.extend([color[0], color[1], color[2], 1] * len(poly)) for p in poly: polygons_.extend([p[0], p[1], 0]) vl = pyglet.graphics.vertex_list( len(polygons_) // 3, ("v3f", polygons_), ("c4f", colors) # gl.GL_QUADS, ) vl.draw(gl.GL_QUADS) vl.delete() def render_indicators(self, W, H): s = W / 40.0 h = H / 40.0 colors = [0, 0, 0, 1] * 4 polygons = [W, 0, 0, W, 5 * h, 0, 0, 5 * h, 0, 0, 0, 0] def vertical_ind(place, val, color): colors.extend([color[0], color[1], color[2], 1] * 4) polygons.extend( [ place * s, h + h * val, 0, (place + 1) * s, h + h * val, 0, (place + 1) * s, h, 0, (place + 0) * s, h, 0, ] ) def horiz_ind(place, val, color): colors.extend([color[0], color[1], color[2], 1] * 4) polygons.extend( [ (place + 0) * s, 4 * h, 0, (place + val) * s, 4 * h, 0, (place + val) * s, 2 * h, 0, (place + 0) * s, 2 * h, 0, ] ) true_speed = np.sqrt( np.square(self.car.hull.linearVelocity[0]) + np.square(self.car.hull.linearVelocity[1]) ) vertical_ind(5, 0.02 * true_speed, (1, 1, 1)) vertical_ind(7, 0.01 * self.car.wheels[0].omega, (0.0, 0, 1)) # ABS sensors vertical_ind(8, 0.01 * self.car.wheels[1].omega, (0.0, 0, 1)) vertical_ind(9, 0.01 * self.car.wheels[2].omega, (0.2, 0, 1)) vertical_ind(10, 0.01 * self.car.wheels[3].omega, (0.2, 0, 1)) horiz_ind(20, -10.0 * self.car.wheels[0].joint.angle, (0, 1, 0)) horiz_ind(30, -0.8 * self.car.hull.angularVelocity, (1, 0, 0)) vl = pyglet.graphics.vertex_list( len(polygons) // 3, ("v3f", polygons), ("c4f", colors) # gl.GL_QUADS, ) vl.draw(gl.GL_QUADS) vl.delete() self.score_label.text = "%04i" % self.reward self.score_label.draw() if __name__ == "__main__": from pyglet.window import key a = np.array([0.0, 0.0, 0.0]) def key_press(k, mod): global restart if k == 0xFF0D: restart = True if k == key.LEFT: a[0] = -1.0 if k == key.RIGHT: a[0] = +1.0 if k == key.UP: a[1] = +1.0 if k == key.DOWN: a[2] = +0.8 # set 1.0 for wheels to block to zero rotation def key_release(k, mod): if k == key.LEFT and a[0] == -1.0: a[0] = 0 if k == key.RIGHT and a[0] == +1.0: a[0] = 0 if k == key.UP: a[1] = 0 if k == key.DOWN: a[2] = 0 env = CarRacing() env.render() env.viewer.window.on_key_press = key_press env.viewer.window.on_key_release = key_release record_video = False if record_video: from gym.wrappers.monitor import Monitor env = Monitor(env, "/tmp/video-test", force=True) isopen = True while isopen: env.reset() total_reward = 0.0 steps = 0 restart = False while True: s, r, done, info = env.step(a) total_reward += r if steps % 200 == 0 or done: print("\naction " + str(["{:+0.2f}".format(x) for x in a])) print("step {} total_reward {:+0.2f}".format(steps, total_reward)) steps += 1 isopen = env.render() if done or restart or isopen == False: break env.close() if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname gym_register(id='CarRacing-Vanilla-v0', entry_point=module_path + ':CarRacing', max_episode_steps=1000)
dcd-main
envs/box2d/car_racing.py
# Copyright (c) OpenAI # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT # # This file is an extended version of # https://github.com/openai/gym/blob/master/gym/envs/box2d/car_racing.py import sys import argparse import math import time import numpy as np import Box2D from Box2D.b2 import fixtureDef from Box2D.b2 import polygonShape from Box2D.b2 import contactListener import gym from gym import spaces from gym.envs.box2d.car_dynamics import Car from gym.utils import seeding, EzPickle from envs.registration import register as gym_register from util import geo_complexity import pyglet pyglet.options["debug_gl"] = False from pyglet import gl import matplotlib.pyplot as plt from . import bezier from . import racetracks STATE_W = 96 STATE_H = 96 VIDEO_W = 600 VIDEO_H = 400 WINDOW_W = 1000 WINDOW_H = 800 SCALE = 6.0 # Track scale TRACK_RAD = 900 / SCALE # Track is heavily morphed circle with this radius PLAYFIELD = 2000 / SCALE # Game over boundary FPS = 50 # Frames per second ZOOM = 2.7 # Camera zoom ZOOM_FOLLOW = True # Set to False for fixed view (don't use zoom) TRACK_DETAIL_STEP = 21 / SCALE TRACK_TURN_RATE = 0.31 TRACK_WIDTH = 40 / SCALE BORDER = 8 / SCALE BORDER_MIN_COUNT = 4 ROAD_COLOR = [0.4, 0.4, 0.4] class FrictionDetector(contactListener): def __init__(self, env): contactListener.__init__(self) self.env = env def BeginContact(self, contact): self._contact(contact, True) def EndContact(self, contact): self._contact(contact, False) def _contact(self, contact, begin): tile = None obj = None u1 = contact.fixtureA.body.userData u2 = contact.fixtureB.body.userData index = -1 if u1 and "tile" in u1: if "road_friction" in u1['tile'].__dict__: tile = u1['tile'] index = u1['index'] obj = u2 if u2 and "tile" in u2: if "road_friction" in u2['tile'].__dict__: tile = u2['tile'] index = u2['index'] obj = u1 if not tile: return tile.color[0] = ROAD_COLOR[0] tile.color[1] = ROAD_COLOR[1] tile.color[2] = ROAD_COLOR[2] if not obj or "tiles" not in obj.__dict__: return if begin: obj.tiles.add(tile) if not tile.road_visited: tile.road_visited = True self.env.reward += 1000.0 / len(self.env.track) self.env.tile_visited_count += 1 if self.env.sparse_rewards and index >= 0: self._eval_tile_index(index) else: obj.tiles.remove(tile) def _eval_tile_index(self, index): goal_bin = self.env.goal_bin track_len = len(self.env.track) goal_step = track_len/(self.env.num_goal_bins) MIN_DISTANCE_TO_GO = 10 distance = track_len - index tile_bin = np.floor(distance/goal_step) # print('in tile bin, index', tile_bin, index, flush=True) if goal_bin == 0 and distance < MIN_DISTANCE_TO_GO: self.env.goal_reached = False elif goal_bin == self.env.num_goal_bins - 1 \ and index < MIN_DISTANCE_TO_GO: self.env.goal_reached = False elif tile_bin == goal_bin: self.env.goal_reached = True # print(f'goal bin {goal_bin} reached!', flush=True) class CarRacingBezier(gym.Env, EzPickle): metadata = { "render.modes": ["human", "rgb_array", "state_pixels"], "video.frames_per_second": FPS, } def __init__(self, n_control_points=12, track_name=None, bezier=True, show_borders=True, show_indicators=True, birdseye=False, seed=None, fixed_environment=False, animate_zoom=False, min_rad_ratio=0.333333333, max_rad_ratio=1.0, sparse_rewards=False, clip_reward=None, num_goal_bins=24, verbose=0): EzPickle.__init__(self) self.level_seed = seed self.seed(seed) self.n_control_points = n_control_points self.bezier = bezier self.fixed_environment = fixed_environment self.animate_zoom = animate_zoom self.min_rad_ratio = min_rad_ratio self.max_rad_ratio = max_rad_ratio self.steps = 0 self.contactListener_keepref = FrictionDetector(self) self.world = Box2D.b2World((0, 0), contactListener=self.contactListener_keepref) self.viewer = None self.invisible_state_window = None self.invisible_video_window = None self.road = None self.car = None self.reward = 0.0 self.prev_reward = 0.0 self.preloaded_track = racetracks.get_track(track_name) self.show_borders = show_borders self.show_indicators = show_indicators self.birdseye = birdseye self.verbose = verbose self.track_data = None self.complexity_info = None self.window_h = WINDOW_H self.window_w = WINDOW_W self.track_rad = TRACK_RAD self.track_width = TRACK_WIDTH if self.preloaded_track: self.playfield = self.preloaded_track.bounds / SCALE self.full_zoom = self.preloaded_track.full_zoom else: self.playfield = PLAYFIELD self.full_zoom = 0.25 self.fd_tile = fixtureDef( shape=polygonShape(vertices=[(0, 0), (1, 0), (1, -1), (0, -1)]) ) self.action_space = spaces.Box( np.array([-1, 0, 0]), np.array([+1, +1, +1]), dtype=np.float32 ) # steer, gas, brake self.observation_space = spaces.Box( low=0, high=255, shape=(STATE_H, STATE_W, 3), dtype=np.uint8 ) self.clip_reward = clip_reward # Create goal for sparse rewards self.sparse_rewards = sparse_rewards self.num_goal_bins = num_goal_bins # 0-indexed self.goal_bin = None if sparse_rewards: self.set_goal() self.accumulated_rewards = 0.0 def seed(self, seed=None): self.np_random, seed = seeding.np_random(seed) return [seed] def get_complexity_info(self): if self.complexity_info is None: # recompute points = ((x,y) for _,_,x,y in self.track) return geo_complexity.complexity(points) return self.complexity_info def set_goal(self, goal_bin=None): if goal_bin is None: goal_bin = self.goal_bin if goal_bin is None: self.goal_bin = self.np_random.randint(1,self.num_goal_bins) else: self.goal_bin = goal_bin self.goal_reached = False def _destroy(self): if not self.road: return for t in self.road: t.userData = t.userData['tile'] self.world.DestroyBody(t) self.road = [] self.car.destroy() self.car = None def _create_track(self, control_points=None, show_borders=None): if self.bezier: return self._create_track_bezier( control_points=control_points, show_borders=show_borders) else: t = 0 reset_random = False while True: t += 1 if t > 10: reset_random = True break success = self._create_track_polar( control_points=control_points, show_borders=show_borders) if success: return success if reset_random: t = 0 while True: t += 1 success = self._create_track_polar( show_borders=show_borders) if success: return success def _create_track_bezier(self, control_points=None, show_borders=None): if show_borders is None: show_borders = self.show_borders else: show_borders = show_borders # Create random bezier curve track = [] self.road = [] if self.preloaded_track is not None: points = self.preloaded_track.xy x,y = zip(*points) elif control_points is not None: a = np.array(control_points) x, y, _ = bezier.get_bezier_curve(a=a, rad=0.2, edgy=0.2, numpoints=40) self.track_data = a else: a = bezier.get_random_points(n=self.n_control_points, scale=self.playfield, np_random=self.np_random) x, y, _ = bezier.get_bezier_curve(a=a, rad=0.2, edgy=0.2, numpoints=40) self.track_data = a min_x, max_x = x[-1], x[-1] min_y, max_y = y[-1], y[-1] points = list(zip(x,y)) betas = [] for i, p in enumerate(points[:-1]): x1, y1 = points[i] x2, y2 = points[i+1] dx = x2 - x1 dy = y2 - y1 if (dx == dy == 0): continue # alpha = math.atan(dy/(dx+1e-5)) alpha = np.arctan2(dy, dx) beta = math.pi/2 + alpha track.append((alpha, beta, x1, y1)) betas.append(beta) min_x = min(x1, min_x) min_y = min(y1, min_y) max_x = max(x1, max_x) max_y = max(y1, max_y) x_offset = min_x + (max_x - min_x)/2 y_offset = min_y + (max_y - min_y)/2 self.x_offset = x_offset self.y_offset = y_offset betas = np.array(betas) abs_dbeta = abs(betas[1:] - betas[0:-1]) mean_abs_dbeta = abs_dbeta.mean() std_abs_dbeta = abs_dbeta.std() one_dev_dbeta = mean_abs_dbeta + std_abs_dbeta/2 # Red-white border on hard turns border = [False] * len(track) if show_borders: for i in range(len(track)): good = True oneside = 0 for neg in range(BORDER_MIN_COUNT): beta1 = track[i - neg - 0][1] beta2 = track[i - neg - 1][1] good &= abs(beta1 - beta2) > mean_abs_dbeta oneside += np.sign(beta1 - beta2) good &= abs(oneside) == BORDER_MIN_COUNT border[i] = good for i in range(len(track)): for neg in range(BORDER_MIN_COUNT): border[i - neg] |= border[i] # Create tiles for i in range(len(track)): alpha1, beta1, x1, y1 = track[i] alpha2, beta2, x2, y2 = track[i - 1] road1_l = ( x1 - TRACK_WIDTH * math.cos(beta1) - x_offset, y1 - TRACK_WIDTH * math.sin(beta1) - y_offset, ) road1_r = ( x1 + TRACK_WIDTH * math.cos(beta1) - x_offset, y1 + TRACK_WIDTH * math.sin(beta1) - y_offset, ) road2_l = ( x2 - TRACK_WIDTH * math.cos(beta2) - x_offset, y2 - TRACK_WIDTH * math.sin(beta2) - y_offset, ) road2_r = ( x2 + TRACK_WIDTH * math.cos(beta2) - x_offset, y2 + TRACK_WIDTH * math.sin(beta2) - y_offset, ) vertices = [road1_l, road1_r, road2_r, road2_l] try: self.fd_tile.shape.vertices = vertices except: pass t = self.world.CreateStaticBody(fixtures=self.fd_tile) # t.userData = t t.userData = { 'tile': t, 'index': i } c = 0.01 * (i % 3) t.color = [ROAD_COLOR[0] + c, ROAD_COLOR[1] + c, ROAD_COLOR[2] + c] t.road_visited = False t.road_friction = 1.0 t.fixtures[0].sensor = True self.road_poly.append(([road1_l, road1_r, road2_r, road2_l], t.color)) self.road.append(t) if self.show_borders and border[i]: side = np.sign(beta2 - beta1) b1_l = ( x1 + side * TRACK_WIDTH * math.cos(beta1) - x_offset, y1 + side * TRACK_WIDTH * math.sin(beta1) - y_offset, ) b1_r = ( x1 + side * (TRACK_WIDTH + BORDER) * math.cos(beta1) - x_offset, y1 + side * (TRACK_WIDTH + BORDER) * math.sin(beta1) - y_offset, ) b2_l = ( x2 + side * TRACK_WIDTH * math.cos(beta2) - x_offset, y2 + side * TRACK_WIDTH * math.sin(beta2) - y_offset, ) b2_r = ( x2 + side * (TRACK_WIDTH + BORDER) * math.cos(beta2) - x_offset, y2 + side * (TRACK_WIDTH + BORDER) * math.sin(beta2) - y_offset, ) self.road_poly.append( ([b1_l, b1_r, b2_r, b2_l], (1, 1, 1) if i % 2 == 0 else (1, 0, 0)) ) self.track = track self.complexity_info = geo_complexity.complexity(points) return True def _create_track_polar(self, control_points=None, show_borders=None): if show_borders is None: show_borders = self.show_borders else: show_borders = show_borders CHECKPOINTS = self.n_control_points self.x_offset = 0 self.y_offset = 0 min_rad = TRACK_RAD*self.min_rad_ratio max_rad = TRACK_RAD*self.max_rad_ratio # Create checkpoints if control_points is not None: checkpoints = control_points self.start_alpha = 2 * math.pi * (-0.5) / self.n_control_points else: checkpoints = [] for c in range(CHECKPOINTS): noise = self.np_random.uniform(0, 2 * math.pi * 1 / CHECKPOINTS) alpha = 2 * math.pi * c / CHECKPOINTS + noise rad = self.np_random.uniform(min_rad, max_rad) if c == 0: alpha = 0 rad = 1.5 * TRACK_RAD if c == CHECKPOINTS - 1: alpha = 2 * math.pi * c / CHECKPOINTS self.start_alpha = 2 * math.pi * (-0.5) / CHECKPOINTS rad = 1.5 * TRACK_RAD checkpoints.append((alpha, rad * math.cos(alpha), rad * math.sin(alpha))) self.track_data = checkpoints self.road = [] # Go from one checkpoint to another to create track # x, y, beta = 1.5 * TRACK_RAD, 0, 0 _,x,y = checkpoints[0] beta = 0 dest_i = 0 laps = 0 track = [] no_freeze = 2500 visited_other_side = False while True: alpha = math.atan2(y, x) if visited_other_side and alpha > 0: laps += 1 visited_other_side = False if alpha < 0: visited_other_side = True alpha += 2 * math.pi while True: # Find destination from checkpoints failed = True while True: dest_alpha, dest_x, dest_y = checkpoints[dest_i % len(checkpoints)] if alpha <= dest_alpha: failed = False break dest_i += 1 if dest_i % len(checkpoints) == 0: break if not failed: break alpha -= 2 * math.pi continue r1x = math.cos(beta) r1y = math.sin(beta) p1x = -r1y p1y = r1x dest_dx = dest_x - x # vector towards destination dest_dy = dest_y - y # destination vector projected on rad: proj = r1x * dest_dx + r1y * dest_dy while beta - alpha > 1.5 * math.pi: beta -= 2 * math.pi while beta - alpha < -1.5 * math.pi: beta += 2 * math.pi prev_beta = beta proj *= SCALE if proj > 0.3: beta -= min(TRACK_TURN_RATE, abs(0.001 * proj)) if proj < -0.3: beta += min(TRACK_TURN_RATE, abs(0.001 * proj)) x += p1x * TRACK_DETAIL_STEP y += p1y * TRACK_DETAIL_STEP track.append((alpha, prev_beta * 0.5 + beta * 0.5, x, y)) if laps > 4: break no_freeze -= 1 if no_freeze == 0: break # Find closed loop range i1..i2, first loop should be ignored, second is OK i1, i2 = -1, -1 i = len(track) while True: i -= 1 if i == 0: return False # Failed pass_through_start = ( track[i][0] > self.start_alpha and track[i - 1][0] <= self.start_alpha ) if pass_through_start and i2 == -1: i2 = i elif pass_through_start and i1 == -1: i1 = i break assert i1 != -1 assert i2 != -1 track = track[i1 : i2 - 1] # Red-white border on hard turns border = [False] * len(track) if show_borders: for i in range(len(track)): good = True oneside = 0 for neg in range(BORDER_MIN_COUNT): beta1 = track[i - neg - 0][1] beta2 = track[i - neg - 1][1] good &= abs(beta1 - beta2) > TRACK_TURN_RATE * 0.2 oneside += np.sign(beta1 - beta2) good &= abs(oneside) == BORDER_MIN_COUNT border[i] = good for i in range(len(track)): for neg in range(BORDER_MIN_COUNT): border[i - neg] |= border[i] # Create tiles for i in range(len(track)): alpha1, beta1, x1, y1 = track[i] alpha2, beta2, x2, y2 = track[i - 1] road1_l = ( x1 - TRACK_WIDTH * math.cos(beta1), y1 - TRACK_WIDTH * math.sin(beta1), ) road1_r = ( x1 + TRACK_WIDTH * math.cos(beta1), y1 + TRACK_WIDTH * math.sin(beta1), ) road2_l = ( x2 - TRACK_WIDTH * math.cos(beta2), y2 - TRACK_WIDTH * math.sin(beta2), ) road2_r = ( x2 + TRACK_WIDTH * math.cos(beta2), y2 + TRACK_WIDTH * math.sin(beta2), ) vertices = [road1_l, road1_r, road2_r, road2_l] self.fd_tile.shape.vertices = vertices t = self.world.CreateStaticBody(fixtures=self.fd_tile) t.userData = t c = 0.01 * (i % 3) t.color = [ROAD_COLOR[0] + c, ROAD_COLOR[1] + c, ROAD_COLOR[2] + c] t.road_visited = False t.road_friction = 1.0 t.fixtures[0].sensor = True self.road_poly.append(([road1_l, road1_r, road2_r, road2_l], t.color)) self.road.append(t) if border[i]: side = np.sign(beta2 - beta1) b1_l = ( x1 + side * TRACK_WIDTH * math.cos(beta1), y1 + side * TRACK_WIDTH * math.sin(beta1), ) b1_r = ( x1 + side * (TRACK_WIDTH + BORDER) * math.cos(beta1), y1 + side * (TRACK_WIDTH + BORDER) * math.sin(beta1), ) b2_l = ( x2 + side * TRACK_WIDTH * math.cos(beta2), y2 + side * TRACK_WIDTH * math.sin(beta2), ) b2_r = ( x2 + side * (TRACK_WIDTH + BORDER) * math.cos(beta2), y2 + side * (TRACK_WIDTH + BORDER) * math.sin(beta2), ) self.road_poly.append( ([b1_l, b1_r, b2_r, b2_l], (1, 1, 1) if i % 2 == 0 else (1, 0, 0)) ) self.track = track return True def reset_sparse_state(self): if self.sparse_rewards: self.accumulated_rewards = 0.0 self.set_goal() def reset(self): if self.fixed_environment: self.seed(self.level_seed) self._destroy() self.reward = 0.0 self.prev_reward = 0.0 self.tile_visited_count = 0 self.t = 0.0 self.road_poly = [] self.track_data = None self.steps = 0 self._create_track() beta0, x0, y0 = self.track[0][1:4] x0 -= self.x_offset y0 -= self.y_offset self.car = Car(self.world, beta0, x0, y0) self.goal_bin = None self.reset_sparse_state() return self.step(None)[0] def step(self, action): if action is not None: self.car.steer(-action[0]) self.car.gas(action[1]) self.car.brake(action[2]) self.car.step(1.0 / FPS) self.world.Step(1.0 / FPS, 6 * 30, 2 * 30) self.t += 1.0 / FPS self.steps += 1 self.state = self.render("state_pixels") step_reward = 0 done = False if action is not None: # First step without action, called from reset() self.reward -= 0.1 # We actually don't want to count fuel spent, we want car to be faster. # self.reward -= 10 * self.car.fuel_spent / ENGINE_POWER self.car.fuel_spent = 0.0 step_reward = self.reward - self.prev_reward self.prev_reward = self.reward if self.tile_visited_count == len(self.track): done = True x, y = self.car.hull.position if abs(x) > self.playfield or abs(y) > self.playfield: done = True step_reward = -100 if self.sparse_rewards: self.accumulated_rewards += step_reward revealed_reward = 0 if self.goal_reached: revealed_reward = self.accumulated_rewards self.accumulated_rewards = 0.0 done = True else: revealed_reward = step_reward if self.clip_reward: revealed_reward = min(max(revealed_reward, -self.clip_reward), self.clip_reward) return self.state, revealed_reward, done, {} def render(self, mode="human"): assert mode in ["human", "state_pixels", "rgb_array", "level", "sketch"] if self.viewer is None: from envs.box2d import rendering self.viewer = rendering.Viewer(WINDOW_W, WINDOW_H) self.score_label = pyglet.text.Label( "0000", font_size=36, x=20, y=WINDOW_H * 2.5 / 40.00, anchor_x="left", anchor_y="center", color=(255, 255, 255, 255), ) self.transform = rendering.Transform() if "t" not in self.__dict__: return # reset() not called yet # Animate zoom first second: if self.birdseye or mode in ['level', 'sketch']: zoom_coef = self.full_zoom else: zoom_coef = ZOOM if self.animate_zoom: zoom = 0.1 * SCALE * max(1 - self.t, 0) + zoom_coef * SCALE * min(self.t, 1) else: zoom = zoom_coef * SCALE scroll_x = self.car.hull.position[0] scroll_y = self.car.hull.position[1] angle = -self.car.hull.angle vel = self.car.hull.linearVelocity if np.linalg.norm(vel) > 0.5: angle = math.atan2(vel[0], vel[1]) self.transform.set_scale(zoom, zoom) if self.birdseye or mode in ['level', 'sketch']: self.transform.set_translation( WINDOW_W / 2, WINDOW_H / 2, ) self.transform.set_rotation(0) else: self.transform.set_translation( WINDOW_W / 2 - (scroll_x * zoom * math.cos(angle) - scroll_y * zoom * math.sin(angle)), WINDOW_H / 4 - (scroll_x * zoom * math.sin(angle) + scroll_y * zoom * math.cos(angle)), ) self.transform.set_rotation(angle) self.car.draw(self.viewer, mode != "state_pixels") arr = None win = self.viewer.window win.switch_to() win.dispatch_events() win.clear() t = self.transform if mode == "rgb_array": VP_W = VIDEO_W VP_H = VIDEO_H elif mode in ["state_pixels", "sketch"]: VP_W = STATE_W VP_H = STATE_H else: pixel_scale = 1 if hasattr(win.context, "_nscontext"): pixel_scale = ( win.context._nscontext.view().backingScaleFactor() ) # pylint: disable=protected-access VP_W = int(pixel_scale * WINDOW_W) VP_H = int(pixel_scale * WINDOW_H) gl.glViewport(0, 0, VP_W, VP_H) t.enable() self.render_road() for geom in self.viewer.onetime_geoms: geom.render() self.viewer.onetime_geoms = [] t.disable() if mode not in ['level', 'sketch'] and self.show_indicators: self.render_indicators(WINDOW_W, WINDOW_H) if mode == "human": win.flip() return self.viewer.isopen image_data = ( pyglet.image.get_buffer_manager().get_color_buffer().get_image_data() ) arr = np.fromstring(image_data.get_data(), dtype=np.uint8, sep="") arr = arr.reshape(VP_H, VP_W, 4) arr = arr[::-1, :, 0:3] return arr def close(self): if self.viewer is not None: self.viewer.close() self.viewer = None def render_road(self): colors = [0.4, 0.8, 0.4, 1.0] * 4 polygons_ = [ +self.playfield, +self.playfield, 0, +self.playfield, -self.playfield, 0, -self.playfield, -self.playfield, 0, -self.playfield, +self.playfield, 0, ] k = self.playfield / 20.0 colors.extend([0.4, 0.9, 0.4, 1.0] * 4 * 20 * 20) for x in range(-20, 20, 2): for y in range(-20, 20, 2): polygons_.extend( [ k * x + k, k * y + 0, 0, k * x + 0, k * y + 0, 0, k * x + 0, k * y + k, 0, k * x + k, k * y + k, 0, ] ) for poly, color in self.road_poly: colors.extend([color[0], color[1], color[2], 1] * len(poly)) for p in poly: polygons_.extend([p[0], p[1], 0]) vl = pyglet.graphics.vertex_list( len(polygons_) // 3, ("v3f", polygons_), ("c4f", colors) # gl.GL_QUADS, ) vl.draw(gl.GL_QUADS) vl.delete() def render_indicators(self, W, H): s = W / 40.0 h = H / 40.0 colors = [0, 0, 0, 1] * 4 polygons = [W, 0, 0, W, 5 * h, 0, 0, 5 * h, 0, 0, 0, 0] def vertical_ind(place, val, color): colors.extend([color[0], color[1], color[2], 1] * 4) polygons.extend( [ place * s, h + h * val, 0, (place + 1) * s, h + h * val, 0, (place + 1) * s, h, 0, (place + 0) * s, h, 0, ] ) def horiz_ind(place, val, color): colors.extend([color[0], color[1], color[2], 1] * 4) polygons.extend( [ (place + 0) * s, 4 * h, 0, (place + val) * s, 4 * h, 0, (place + val) * s, 2 * h, 0, (place + 0) * s, 2 * h, 0, ] ) true_speed = np.sqrt( np.square(self.car.hull.linearVelocity[0]) + np.square(self.car.hull.linearVelocity[1]) ) vertical_ind(5, 0.02 * true_speed, (1, 1, 1)) vertical_ind(7, 0.01 * self.car.wheels[0].omega, (0.0, 0, 1)) # ABS sensors vertical_ind(8, 0.01 * self.car.wheels[1].omega, (0.0, 0, 1)) vertical_ind(9, 0.01 * self.car.wheels[2].omega, (0.2, 0, 1)) vertical_ind(10, 0.01 * self.car.wheels[3].omega, (0.2, 0, 1)) horiz_ind(20, -10.0 * self.car.wheels[0].joint.angle, (0, 1, 0)) horiz_ind(30, -0.8 * self.car.hull.angularVelocity, (1, 0, 0)) vl = pyglet.graphics.vertex_list( len(polygons) // 3, ("v3f", polygons), ("c4f", colors) # gl.GL_QUADS, ) vl.draw(gl.GL_QUADS) vl.delete() self.score_label.text = "%04i" % self.reward self.score_label.draw() if hasattr(__loader__, 'name'): module_path = __loader__.name elif hasattr(__loader__, 'fullname'): module_path = __loader__.fullname try: gym_register(id='CarRacing-Bezier-v0', entry_point=module_path + ':CarRacingBezier') except: pass if __name__ == "__main__": from pyglet.window import key parser = argparse.ArgumentParser() parser.add_argument( '--track_name', type=str, default=None, help='Name of preexisting track.') parser.add_argument( '--birdseye', action='store_true', default=False, help='Show a fixed birdseye view of track.') parser.add_argument( '--seed', type=int, default=None, help='PRNG seed.') args = parser.parse_args() a = np.array([0.0, 0.0, 0.0]) def key_press(k, mod): global restart if k == 0xFF0D: restart = True if k == key.LEFT: a[0] = -1.0 if k == key.RIGHT: a[0] = +1.0 if k == key.UP: a[1] = +1.0 if k == key.DOWN: a[2] = +0.8 # set 1.0 for wheels to block to zero rotation def key_release(k, mod): if k == key.LEFT and a[0] == -1.0: a[0] = 0 if k == key.RIGHT and a[0] == +1.0: a[0] = 0 if k == key.UP: a[1] = 0 if k == key.DOWN: a[2] = 0 env = CarRacingBezier(track_name=args.track_name, birdseye=args.birdseye, seed=args.seed) env.render() env.viewer.window.on_key_press = key_press env.viewer.window.on_key_release = key_release record_video = False if record_video: from gym.wrappers.monitor import Monitor env = Monitor(env, "videos/", force=True) isopen = True while isopen: env.reset() total_reward = 0.0 steps = 0 restart = False while True: s, r, done, info = env.step(a) total_reward += r if steps % 200 == 0 or done: print("\naction " + str(["{:+0.2f}".format(x) for x in a])) print("step {} total_reward {:+0.2f}".format(steps, total_reward)) steps += 1 isopen = env.render() if done or restart or isopen == False: break env.close()
dcd-main
envs/box2d/car_racing_bezier.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. from .formula1 import * def get_track(name): if isinstance(name, str): return getattr(sys.modules[__name__], name, None) else: return None
dcd-main
envs/box2d/racetracks/__init__.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. import sys import pickle import os from .racetrack import RaceTrack # ====== Racetracks ====== Belgium = RaceTrack( name='Belgium', xy = [[117.91060180664063,280.5566802978516],[117.55629272460938,280.8065093994141],[117.20198364257813,281.05633850097655],[116.84766082763672,281.30616760253906],[116.49335174560547,281.5560241699219],[116.13872680664063,281.8054138183594],[115.78410186767579,282.0547760009766],[115.42947692871094,282.3041656494141],[115.07484512329101,282.5535552978516],[114.71991806030273,282.80250549316406],[114.3649772644043,283.05145568847655],[114.01003646850586,283.3003784179688],[113.65509567260743,283.54932861328126],[113.29985961914063,283.79783935546874],[112.94460983276367,284.0463500976563],[112.58936004638672,284.2948333740234],[112.23411026000977,284.54334411621096],[111.8785789489746,284.79144287109375],[111.52302703857423,285.0395141601563],[111.16747512817383,285.2875579833985],[110.81193008422852,285.53562927246094],[110.45609664916992,285.7833160400391],[110.1002426147461,286.0309204101563],[109.74438171386718,286.27855224609374],[109.38852767944336,286.52618408203125],[109.03240585327148,286.7734313964844],[108.6762565612793,287.0206237792969],[108.32010040283204,287.2678436279297],[107.96395111083984,287.5150360107422],[107.60754089355468,287.7618713378906],[107.25109634399415,288.00865173339844],[106.8946517944336,288.25543212890625],[106.53820724487305,288.50221252441406],[106.18139877319337,288.74847106933595],[105.8245216369629,288.9946197509766],[105.4676513671875,289.2407958984375],[105.11077423095703,289.48694458007816],[104.75389709472657,289.73309326171875],[104.39702682495117,289.9792694091797],[104.0401496887207,290.2254180908203],[103.68327255249024,290.47156677246096],[103.32604522705078,290.71722106933595],[102.96874237060547,290.9627655029297],[102.61143951416015,291.20830993652345],[102.25413665771485,291.4538269042969],[101.89661407470703,291.6990417480469],[101.53903656005859,291.944174194336],[101.18145904541016,292.18930664062503],[100.82388153076172,292.43446655273436],[100.4659812927246,292.67913208007815],[100.1079917907715,292.9236602783203],[99.75000228881837,293.16818847656253],[99.39201278686524,293.4127166748047],[99.03401641845703,293.65724487304686],[98.67602691650391,293.9017730712891],[98.31803741455079,294.14630126953125],[97.96004791259766,294.39085693359374],[97.60166015625,294.6348083496094],[97.24313507080079,294.8785400390625],[96.88460998535156,295.12229919433594],[96.52608489990234,295.36603088378905],[96.16755981445313,295.6097900390625],[95.80903472900391,295.8535491943359],[95.4505096435547,296.0972808837891],[95.09198455810547,296.34104003906253],[94.73309555053712,296.5842498779297],[94.37404861450196,296.82721252441405],[94.0150016784668,297.07020263671876],[93.65595474243165,297.3131927490235],[93.29690780639649,297.5561553955078],[92.93786087036133,297.7991455078125],[92.57881393432618,298.0421356201172],[92.2197738647461,298.28509826660155],[91.8603904724121,298.52759399414066],[91.50084228515625,298.7698150634766],[91.14128723144532,299.01206359863284],[90.78174591064453,299.25428466796876],[90.4221908569336,299.496533203125],[90.06264266967774,299.73875427246094],[89.70309448242188,299.9810028076172],[89.34354629516602,300.22325134277344],[88.98368225097657,300.4650054931641],[88.62363967895509,300.7065124511719],[88.2635971069336,300.9479919433594],[87.90355453491212,301.1894989013672],[87.54351196289063,301.43100585937503],[87.18346252441407,301.6725128173828],[86.82341995239258,301.91399230957035],[86.4633773803711,302.15549926757814],[86.10304641723633,302.396566772461],[85.74252319335938,302.6373596191406],[85.38199996948242,302.87815246582034],[85.02148361206055,303.1189178466797],[84.6609603881836,303.3597106933594],[84.30043716430664,303.6005035400391],[83.93991394042969,303.8412689208985],[83.57939071655274,304.0820617675781],[83.21861343383789,304.3224700927735],[82.85762329101563,304.562548828125],[82.49664001464843,304.80262756347656],[82.13564987182617,305.04273376464846],[81.77466659545898,305.28281250000003],[81.41367645263672,305.52289123535155],[81.05269317626953,305.7629699707031],[80.69170303344727,306.003076171875],[80.33047943115234,306.2427978515625],[79.96904296875,306.4822174072266],[79.60760650634766,306.7216369628906],[79.2461769104004,306.9610290527344],[78.88474044799806,307.20044860839846],[78.5233039855957,307.4398681640625],[78.16186752319337,307.6792877197266],[77.8004379272461,307.91867980957034],[77.43878860473633,308.15776977539065],[77.07691268920898,308.3965301513672],[76.71503677368165,308.63526306152346],[76.3531608581543,308.8740234375],[75.99129180908203,309.1127563476563],[75.6294158935547,309.3515167236328],[75.26753997802734,309.5902770996094],[74.90566406250001,309.8290100097656],[74.54360275268554,310.0674682617188],[74.18130798339844,310.3055694580078],[73.81901321411134,310.5436981201172],[73.45671844482422,310.78179931640625],[73.09441680908203,311.0199005126953],[72.73212203979493,311.2580017089844],[72.36982727050781,311.4961303710938],[72.00753250122071,311.73423156738284],[71.64506607055664,311.9720855712891],[71.28235931396485,312.209555053711],[70.91964569091797,312.4470245361328],[70.55693893432617,312.6844940185547],[70.19423217773438,312.9219909667969],[69.83152542114259,313.1594604492188],[69.4688117980957,313.3969299316406],[69.10610504150391,313.6344268798828],[68.7432472229004,313.8716766357422],[68.38014907836914,314.1085418701172],[68.01704406738281,314.34543457031253],[67.65393905639648,314.5822998046875],[67.29084091186523,314.8191650390625],[66.92772903442383,315.0560577392578],[66.56463088989258,315.2929229736328],[66.20152587890625,315.5297882080078],[65.8383041381836,315.76648864746096],[65.4748146057129,316.0027770996094],[65.11133193969727,316.2390380859375],[64.74784240722657,316.47532653808594],[64.38435974121094,316.7116149902344],[64.02087020874023,316.9479034423828],[63.65738067626953,317.18419189453124],[63.293898010253905,317.4204803466797],[62.93029861450196,317.65660400390624],[62.566445159912114,317.89231567382814],[62.20259170532227,318.12802734375003],[61.838738250732426,318.3637390136719],[61.47487106323242,318.5994506835938],[61.11101760864258,318.8351623535156],[60.74716415405273,319.0708740234375],[60.383303833007815,319.3066131591797],[60.019354248046874,319.5421875],[59.65514373779297,319.77732238769534],[59.29092636108398,320.0124847412109],[58.926708984375004,320.2476470947266],[58.56249847412109,320.4828094482422],[58.198281097412114,320.7179718017578],[57.8340705871582,320.95313415527346],[57.46984977722168,321.18829650878905],[57.105560302734375,321.42334899902346],[56.74100303649902,321.6579620361328],[56.3764389038086,321.8926025390625],[56.01188163757325,322.1272430419922],[55.647324371337895,322.3618560791016],[55.28276710510254,322.59649658203125],[54.91820297241211,322.83110961914065],[54.55364570617676,323.0657501220703],[54.18902664184571,323.30028076171874],[53.82413291931152,323.53439941406253],[53.45924263000489,323.76849060058595],[53.094352340698244,324.0026092529297],[52.7294620513916,324.23670043945316],[52.36456489562988,324.4708190917969],[51.99967460632325,324.70493774414064],[51.6347843170166,324.9390563964844],[51.269845962524414,325.1730926513672],[50.90463981628418,325.40671691894534],[50.53943367004395,325.64031372070315],[50.174227523803715,325.8739379882813],[49.80901794433594,326.10756225585936],[49.4438117980957,326.3411865234375],[49.07860565185547,326.5747833251953],[48.713399505615236,326.80840759277345],[48.34815216064453,327.04197692871094],[47.98264045715332,327.2751068115235],[47.617125320434575,327.50823669433595],[47.251606750488286,327.74139404296875],[46.88609504699707,327.9745239257813],[46.52057991027832,328.20765380859376],[46.155068206787114,328.44078369140624],[45.789546203613284,328.6739410400391],[45.4240104675293,328.90704345703125],[45.058206939697264,329.13970642089845],[44.69239311218262,329.372396850586],[44.326586151123045,329.6050598144531],[43.96077919006348,329.8377227783203],[43.59497222900391,330.07041320800784],[43.22915840148926,330.30307617187503],[42.86335144042969,330.5357666015625],[42.4975341796875,330.7684295654297],[42.13144569396973,331.0006530761719],[41.765350341796875,331.2328765869141],[41.3992618560791,331.4651275634766],[41.03317337036133,331.6973510742188],[40.66707801818848,331.92957458496096],[40.3009895324707,332.1618255615235],[39.934901046752934,332.39404907226566],[39.56881256103516,332.62627258300785],[39.2024528503418,332.85808410644535],[38.83609657287598,333.08989562988285],[38.469740295410155,333.32170715332035],[38.103380584716795,333.55351867675785],[37.73702430725098,333.78533020019535],[37.37066802978516,334.01714172363285],[37.00431175231934,334.24895324707035],[36.63794860839844,334.48076477050785],[36.271348571777345,334.7121917724609],[35.90473823547364,334.94359130859374],[35.53812446594238,335.17499084472655],[35.17150726318359,335.40639038085936],[34.804896926879884,335.6377899169922],[34.438286590576176,335.869189453125],[34.07166938781739,336.1006164550781],[33.70505561828613,336.33201599121094],[33.338222122192384,336.5630584716797],[32.97136459350586,336.79407348632816],[32.6045036315918,337.0251159667969],[32.237649536132814,337.2561309814453],[31.870795440673827,337.4871459960938],[31.503934478759767,337.7181610107422],[31.137076950073244,337.9491760253906],[30.770222854614257,338.18019104003906],[30.40316619873047,338.41090393066406],[30.03607521057129,338.64153442382815],[29.66898765563965,338.8721923828125],[29.301900100708007,339.1028503417969],[28.934815979003908,339.33350830078126],[28.567723274230957,339.56413879394535],[28.200637435913087,339.7947967529297],[27.833549880981447,340.02545471191405],[27.466273498535156,340.255810546875],[27.098967933654787,340.4861114501953],[26.731662368774415,340.71641235351564],[26.364356803894044,340.94671325683595],[25.997046089172365,341.17701416015626],[25.629740524291993,341.4073150634766],[25.26243495941162,341.6376159667969],[24.895124244689942,341.8679168701172],[24.52851734161377,342.09934387207034],[24.16376781463623,342.3336547851563],[23.80100955963135,342.5710418701172],[23.439887237548827,342.8109558105469],[23.08026695251465,343.0530670166016],[22.722019958496094,343.2972106933594],[22.36488189697266,343.54297485351566],[22.00858840942383,343.7900024414063],[21.652966117858888,344.0379638671875],[21.29785194396973,344.28663940429686],[20.943101692199708,344.53586425781253],[20.58834972381592,344.7850616455078],[20.23329906463623,345.0338470458984],[19.878219223022462,345.28260498046876],[19.52266902923584,345.53064880371096],[19.166318893432617,345.77756652832034],[18.809124183654784,346.02324829101565],[18.45073127746582,346.267172241211],[18.091016578674317,346.50917358398436],[17.72981357574463,346.7489501953125],[17.366923141479493,346.98614501953125],[17.002067184448244,347.22031860351564],[16.63524227142334,347.4513610839844],[16.266199493408205,347.6788604736328],[15.894648742675782,347.90223999023436],[15.520634651184082,348.1214996337891],[15.143994140625,348.33619995117186],[14.764334106445313,348.5454895019531],[14.38192663192749,348.7497253417969],[13.996366596221923,348.9479461669922],[13.607665157318115,349.1399322509766],[13.215797424316406,349.3253540039063],[12.82059087753296,349.5035797119141],[12.422146797180176,349.67444458007816],[12.020416259765625,349.8373992919922],[11.615411281585693,349.9920318603516],[11.207240867614747,350.13812255859375],[10.795887851715088,350.274984741211],[10.382595920562744,350.4059143066406],[9.968851661682129,350.53538818359374],[9.553783893585205,350.6605499267578],[9.136623573303224,350.77857055664066],[8.716703796386719,350.88629150390625],[8.293519878387452,350.98033447265624],[7.866858959197998,351.0569641113281],[7.436903858184815,351.11211547851565],[7.004381132125855,351.1403778076172],[6.570989370346069,351.1361755371094],[6.139758825302124,351.09319152832035],[5.715515756607056,351.0050811767578],[5.304866123199463,350.8670104980469],[4.915656995773316,350.67680969238285],[4.556090354919434,350.43519287109376],[4.229881811141968,350.15004272460936],[3.9378737926483156,349.8298736572266],[3.6790380477905273,349.4822937011719],[3.4523300170898437,349.1129058837891],[3.256286287307739,348.72637939453125],[3.089749002456665,348.32622985839845],[2.952321410179138,347.91514892578124],[2.8440745353698733,347.495443725586],[2.765798234939575,347.06914672851565],[2.719184231758118,346.63823547363285],[2.7008634567260743,346.205126953125],[2.7066325664520265,345.77171630859374],[2.7343799114227294,345.3391021728516],[2.7820996284484862,344.9082458496094],[2.847894859313965,344.4797790527344],[2.9300140142440796,344.0541137695313],[3.0268417596817017,343.6315521240235],[3.1369342088699343,343.2122314453125],[3.2589811563491824,342.7962615966797],[3.3918007135391237,342.3835876464844],[3.5343586206436157,341.97418212890625],[3.685721254348755,341.56793518066405],[3.845219135284424,341.1648193359375],[4.011717796325684,340.7645599365234],[4.184707832336426,340.3670196533203],[4.363532209396363,339.9720886230469],[4.547598695755005,339.57957458496094],[4.736325359344483,339.1892852783203],[4.929194211959839,338.80100097656253],[5.1256615161895756,338.41455688476566],[5.325271511077881,338.0297058105469],[5.527303218841553,337.6461181640625],[5.731248092651367,337.2635467529297],[5.93648042678833,336.8816619873047],[6.142242336273194,336.5000793457031],[6.3476725101470945,336.11830444335936],[6.5517877578735355,335.7358428955078],[6.752992057800293,335.35181579589846],[6.9491945743560795,334.9652069091797],[7.137055206298828,334.5745056152344],[7.319017124176026,334.1810028076172],[7.500978183746338,333.7875],[7.682939243316651,333.39402465820314],[7.864901161193848,333.0005218505859],[8.046084594726564,332.6066619873047],[8.226974487304688,332.2126373291016],[8.407859230041504,331.8186401367188],[8.588743972778321,331.424642944336],[8.769190979003907,331.03045349121095],[8.94909725189209,330.6360168457031],[9.129002666473388,330.24155273437503],[9.308908081054687,329.8471160888672],[9.488631534576417,329.4525970458985],[9.667674350738526,329.05774841308596],[9.846717166900635,328.6629272460938],[10.025759983062745,328.26807861328126],[10.204792499542236,327.87322998046875],[10.383084297180176,327.4780517578125],[10.561376094818115,327.08287353515624],[10.739673900604249,326.6876953125],[10.917965698242188,326.2925170898438],[11.09571418762207,325.8970916748047],[11.273370838165283,325.50163879394535],[11.451027488708496,325.10618591308594],[11.628684139251709,324.71070556640626],[11.805832672119141,324.3150329589844],[11.982788944244385,323.91925048828125],[12.159751224517823,323.5234680175781],[12.336707496643067,323.127685546875],[12.51366376876831,322.7319030761719],[12.690620040893554,322.3361480712891],[12.867577171325683,321.94036560058595],[13.044533443450929,321.5445831298828],[13.221211624145509,321.14869079589846],[13.397683811187745,320.7526885986328],[13.574149990081787,320.3566864013672],[13.750617027282715,319.96071166992186],[13.927083206176759,319.56470947265626],[14.103549385070801,319.16870727539066],[14.280015563964843,318.772705078125],[14.456481742858887,318.3767303466797],[14.632954788208009,317.98072814941406],[14.809420967102051,317.58472595214846],[14.985887145996093,317.1887237548828],[15.162353324890137,316.7927215576172],[15.33881950378418,316.39674682617186],[15.515285682678224,316.00074462890626],[15.691751861572266,315.60474243164066],[15.868224906921387,315.208740234375],[16.04502239227295,314.8129028320313],[16.222094535827637,314.41717529296875],[16.399166679382326,314.0214477539063],[16.57624053955078,313.62572021484374],[16.75331268310547,313.22999267578126],[16.930384826660156,312.8342651367188],[17.107463836669922,312.43853759765625],[17.28453598022461,312.0428100585938],[17.462131690979003,311.6473297119141],[17.640000343322754,311.25195922851566],[17.817867279052734,310.8565887451172],[17.995735931396485,310.46124572753905],[18.174148750305175,310.06609497070315],[18.35274181365967,309.6710540771484],[18.53134002685547,309.27601318359376],[18.709934806823732,308.8809722900391],[18.889255714416503,308.48626098632815],[19.06871395111084,308.09160461425785],[19.248173904418945,307.6969482421875],[19.427632141113282,307.3023193359375],[19.60804138183594,306.9081024169922],[19.78851070404053,306.5139129638672],[19.96897659301758,306.1197235107422],[20.14951457977295,305.72556152343753],[20.331134033203124,305.33192138671876],[20.5127534866333,304.9382537841797],[20.694372940063477,304.5445861816406],[20.876172637939455,304.1510284423828],[21.05875339508057,303.75780029296874],[21.241498947143555,303.3646545410156],[21.424750900268556,302.9717559814453],[21.608231163024904,302.57896728515624],[21.792202377319338,302.1863983154297],[21.976455116271975,301.7939666748047],[22.161164474487304,301.4017547607422],[22.34623603820801,301.0096801757813],[22.53172817230225,300.6178253173828],[22.71764259338379,300.2261901855469],[22.903956985473634,299.8347473144531],[23.09077262878418,299.4435241699219],[23.277940177917483,299.05246582031253],[23.465675926208498,298.66168212890625],[23.653720664978028,298.2710357666016],[23.842410850524903,297.88074645996096],[24.031360244750978,297.49053955078125],[24.221059799194336,297.10071716308596],[24.41096019744873,296.7109771728516],[24.60168800354004,296.3216491699219],[24.792563438415527,295.9324035644531],[24.984360694885254,295.5435699462891],[25.17623691558838,295.1548187255859],[25.36912422180176,294.7665618896485],[25.56207504272461,294.3783325195313],[25.756050682067873,293.990625],[25.950122451782228,293.6029449462891],[26.14519500732422,293.2157867431641],[26.340434074401855,292.8286834716797],[26.536625862121582,292.44207458496095],[26.733042526245118,292.05560302734375],[26.93038444519043,291.66957092285156],[27.128013038635256,291.2837310791016],[27.32651710510254,290.89830322265624],[27.525383377075197,290.51306762695316],[27.725090789794923,290.1282440185547],[27.925217056274416,289.74366760253906],[28.126153564453126,289.35950317382816],[28.327563858032228,288.9756134033203],[28.529743194580078,288.5921081542969],[28.73244438171387,288.20887756347656],[28.935890579223635,287.82605895996096],[29.1399169921875,287.4435150146484],[29.34466438293457,287.0613555908203],[29.550022888183594,286.67955322265624],[29.756074905395508,286.29810791015626],[29.962782669067384,285.91704711914065],[30.170170211791994,285.5363433837891],[30.378244400024414,285.1559967041016],[30.586984634399414,284.7760345458984],[30.796222686767578,284.3963195800781],[31.00591049194336,284.01685180664066],[31.215914154052737,283.6375762939453],[31.426189041137697,283.2584655761719],[31.63686218261719,282.8795471191406],[31.847820281982422,282.50079345703125],[32.05923500061035,282.122314453125],[32.270969009399415,281.74400024414064],[32.48324203491211,281.3659881591797],[32.695844650268555,280.98814086914064],[32.90907211303711,280.610678100586],[33.122636032104495,280.23338012695314],[33.336903762817386,279.8565216064453],[33.5515251159668,279.4798278808594],[33.766946411132814,279.1036010742188],[33.98272132873535,278.7275665283203],[34.19937171936035,278.3520538330078],[34.41637916564942,277.9767333984375],[34.63436851501465,277.6020172119141],[34.852721786499025,277.2274658203125],[35.072156524658205,276.85357360839845],[35.29193115234375,276.47987365722656],[35.51289367675781,276.1068603515625],[35.734178924560545,275.7340393066406],[35.95642547607422,275.36182250976566],[36.179585266113286,274.99012756347656],[36.403603363037114,274.61895446777345],[36.62848663330078,274.2483306884766],[36.85427970886231,273.87822875976565],[37.08099632263184,273.50867614746096],[37.308650207519534,273.1397277832031],[37.53725509643555,272.7713562011719],[37.76685562133789,272.40361633300785],[37.99748611450195,272.03650817871096],[38.229143142700195,271.67005920410156],[38.461861038208006,271.30429687500003],[38.69565696716309,270.93919372558594],[38.930554962158205,270.57480468750003],[39.166572189331056,270.2111297607422],[39.40374984741211,269.84825134277344],[39.64208450317383,269.4860870361328],[39.88162422180176,269.1247467041016],[40.1223690032959,268.7642028808594],[40.3643497467041,268.40448303222655],[40.60759735107422,268.0456146240235],[40.852101516723636,267.68759765625003],[41.097903442382815,267.3304870605469],[41.34502029418945,266.9742828369141],[41.59346923828125,266.6190124511719],[41.84328117370605,266.2646759033203],[42.0944766998291,265.911328125],[42.34706954956055,265.55896911621096],[42.60106315612793,265.20762634277344],[42.85650215148926,264.8573272705078],[43.113383102417,264.5081268310547],[43.37176780700684,264.15997009277345],[43.631601333618164,263.812939453125],[43.89299011230469,263.4670349121094],[44.155875778198244,263.1223114013672],[44.42032012939453,262.7787689208985],[44.6863094329834,262.4364349365234],[44.95388488769532,262.0953094482422],[45.223070526123045,261.7554473876953],[45.493783950805664,261.41684875488284],[45.76611442565918,261.0795135498047],[46.04002075195313,260.7434967041016],[46.31550979614258,260.4087158203125],[46.59234123229981,260.0751159667969],[46.87084121704102,259.74280700683596],[47.15065956115723,259.4116516113281],[47.43182373046875,259.0817047119141],[47.714477920532225,258.7529663085938],[47.99836120605469,258.42529907226566],[48.28364181518555,258.0988677978516],[48.57017555236816,257.77353515625003],[48.85791435241699,257.4492462158203],[49.146971511840825,257.12611083984376],[49.43711700439453,256.8039916992188],[49.728495025634764,256.48297119140625],[50.020988845825194,256.1629669189453],[50.31454010009766,255.84392395019532],[50.609409713745116,255.5261444091797],[50.90514793395996,255.20913391113282],[51.201737594604495,254.89289245605468],[51.49954948425293,254.5778594970703],[51.798319244384764,254.26370544433595],[52.09782371520996,253.95026550292968],[52.398340988159184,253.63778686523438],[52.69988136291504,253.32629699707033],[53.002108383178715,253.01546630859374],[53.30511474609375,252.70540466308594],[53.609161376953125,252.3963592529297],[53.91385688781738,252.08794555664062],[54.219129180908205,251.78013610839844],[54.52544174194336,251.47331542968752],[54.8323413848877,251.16709899902344],[55.139780044555664,250.86143188476564],[55.448018646240236,250.55653381347656],[55.75685806274414,250.25232238769533],[56.06620559692383,249.94857788085938],[56.37615394592285,249.64546508789064],[56.68677177429199,249.34301147460937],[56.9977912902832,249.0409698486328],[57.3092845916748,248.7394226074219],[57.62139587402344,248.43856201171874],[57.93388824462891,248.13803100585938],[58.246717071533205,247.83788452148437],[58.56007461547852,247.53831481933594],[58.87379608154297,247.23904724121095],[59.18781280517578,246.9401641845703],[59.502454376220705,246.64188537597656],[59.81706848144531,246.34363403320313],[60.13188858032227,246.0455749511719],[60.44729919433594,245.7481201171875],[60.762689208984376,245.45069274902343],[61.07832641601563,245.15345764160156],[61.394293212890624,244.85663452148438],[61.71028060913086,244.55978393554688],[62.02642593383789,244.26315307617188],[62.34280471801758,243.96674194335938],[62.65919036865235,243.6703308105469],[62.97567901611328,243.37402954101563],[63.29227066040039,243.07783813476564],[63.60884170532227,242.78164672851562],[63.92543334960938,242.48545532226564],[64.24201126098633,242.18929138183594],[64.55860290527345,241.89307250976563],[64.87504348754884,241.59674377441408],[65.19143600463867,241.3003875732422],[65.50784912109376,241.00397644042968],[65.82391204833985,240.70726318359377],[66.13996124267578,240.4104949951172],[66.45599670410157,240.11372680664064],[66.77147598266602,239.8163269042969],[67.08695526123047,239.51895446777345],[67.40231781005859,239.22152709960938],[67.71704177856445,238.92333068847657],[68.03174514770508,238.62516174316406],[68.34631805419922,238.3268280029297],[68.66032791137695,238.02794494628907],[68.97397384643556,237.72859497070314],[69.28729705810547,237.42894287109377],[69.60021514892578,237.12890625],[69.91261138916016,236.8282653808594],[70.22459564208985,236.527294921875],[70.53623657226562,236.22588500976562],[70.8471290588379,235.92376098632812],[71.1576301574707,235.6211700439453],[71.46769180297852,235.3181396484375],[71.77698440551758,235.01436767578124],[72.08570709228516,234.70999145507812],[72.39392852783203,234.40512084960938],[72.70144271850586,234.0995086669922],[73.00816040039062,233.79315490722658],[73.31434936523438,233.4862243652344],[73.61984481811524,233.17857971191407],[73.92472915649414,232.8703857421875],[74.22955169677735,232.56208190917968],[74.5343605041504,232.2538055419922],[74.8391830444336,231.94550170898438],[75.14398498535157,231.6372253417969],[75.44880752563476,231.32894897460938],[75.75363006591797,231.02064514160156],[76.05843887329102,230.71236877441407],[76.36326141357422,230.40406494140626],[76.66806335449219,230.09578857421874],[76.97288589477539,229.7874984741211],[77.27769470214844,229.4792221069336],[77.58251724243165,229.1709182739258],[77.88733978271485,228.86262817382814],[78.19214172363282,228.55435180664062],[78.49696426391601,228.2460479736328],[78.80177307128906,227.93777160644532],[79.10659561157227,227.62948150634767],[79.41139755249024,227.32120513916016],[79.71622009277344,227.0129150390625],[80.02104949951172,226.7046112060547],[80.32560424804687,226.39610137939454],[80.6301658630371,226.08755035400392],[80.93470687866211,225.77901306152344],[81.23926162719727,225.47044830322267],[81.54380264282227,225.1619110107422],[81.8483642578125,224.85335998535157],[82.15291900634766,224.5447952270508],[82.45746002197266,224.23625793457032],[82.7620216369629,223.9277069091797],[83.06656265258789,223.61916961669922],[83.3710075378418,223.3105224609375],[83.67530822753906,223.0017517089844],[83.97962951660156,222.69295349121094],[84.28393020629883,222.38418273925782],[84.58825149536133,222.07538452148438],[84.89257278442383,221.7666000366211],[85.19687347412109,221.45782928466798],[85.50119476318359,221.14903106689454],[85.80549545288086,220.84026031494142],[86.10981674194336,220.53146209716797],[86.41411743164063,220.22269134521486],[86.71818466186524,219.91363220214845],[87.02221755981445,219.60455932617188],[87.32622985839843,219.29550018310547],[87.63026962280274,218.9864273071289],[87.93428192138673,218.6773681640625],[88.23831481933594,218.36829528808593],[88.542333984375,218.0592498779297],[88.84636688232422,217.75017700195312],[89.15039978027345,217.44109039306642],[89.4544189453125,217.13204498291017],[89.75830764770508,216.82282104492188],[90.06199035644532,216.51343231201173],[90.36569366455079,216.20404357910158],[90.66937637329102,215.8946548461914],[90.97307968139648,215.5852523803711],[91.27678298950195,215.27584991455078],[91.5804656982422,214.9664749145508],[91.88416900634766,214.65707244873047],[92.18785171508789,214.3476974487305],[92.49155502319336,214.03829498291017],[92.7952377319336,213.72890625],[93.09857711791993,213.41916046142578],[93.40189590454102,213.10938720703126],[93.70520095825195,212.79962768554688],[94.00852661132812,212.48985443115234],[94.31182479858398,212.18010864257812],[94.61515045166016,211.8703353881836],[94.9184555053711,211.56057586669922],[95.22177429199219,211.25080261230468],[95.52509994506836,210.94102935791017],[95.8284049987793,210.63128356933595],[96.13152465820313,210.32130432128906],[96.43440399169923,210.01114654541016],[96.73729705810547,209.7009475708008],[97.04017639160156,209.39077606201172],[97.34306945800782,209.0805908203125],[97.64596252441406,208.77039184570313],[97.94884185791015,208.46023406982422],[98.25173492431641,208.15003509521486],[98.5546142578125,207.8398635864258],[98.85750732421876,207.52967834472656],[99.16038665771485,207.2195068359375],[99.46366424560547,206.9096923828125],[99.76808853149414,206.60099029541016],[100.07354278564453,206.293359375],[100.38000640869141,205.9866897583008],[100.6873764038086,205.6809814453125],[100.99564590454102,205.37613830566406],[101.30469131469727,205.07210540771484],[101.61469116210938,204.7690200805664],[101.92500686645508,204.46625061035158],[102.23623580932617,204.16445617675782],[102.54765701293945,203.8628402709961],[102.8599365234375,203.5621307373047],[103.17235336303712,203.26155853271484],[103.48530578613281,202.9615493774414],[103.79850540161134,202.66174621582033],[104.11207580566406,202.36235504150392],[104.42562561035156,202.06297760009767],[104.7391960144043,201.76358642578126],[105.05282135009766,201.46429138183595],[105.36650161743164,201.16499633789064],[105.68016128540039,200.8657424926758],[105.99382095336914,200.56643371582032],[106.30706176757813,200.26669921875],[106.62015838623047,199.96685485839845],[106.93283615112306,199.66652984619142],[107.24518432617188,199.3659164428711],[107.55708618164063,199.06478118896484],[107.86842498779298,198.7630828857422],[108.17933807373048,198.46091766357424],[108.4895851135254,198.15814819335938],[108.79909057617188,197.85455474853515],[109.10784759521485,197.55017852783203],[109.41569137573242,197.2449508666992],[109.72263565063477,196.93877563476562],[110.02860488891602,196.6316665649414],[110.33356475830078,196.32351379394532],[110.63741912841797,196.01427612304687],[110.94011306762695,195.70391235351562],[111.24157791137695,195.39232635498047],[111.54173126220704,195.07950439453126],[111.84052505493165,194.7653778076172],[112.13784942626954,194.44987792968752],[112.433642578125,194.13288116455078],[112.72772598266602,193.8143737792969],[113.02014083862305,193.49430084228516],[113.31081848144531,193.17263488769532],[113.59966278076172,192.84934844970704],[113.88660507202148,192.52435913085938],[114.17156295776367,192.1976531982422],[114.45460510253906,191.8692581176758],[114.73532638549806,191.53888549804688],[115.01384353637695,191.20664520263674],[115.29004669189453,190.87246856689453],[115.56378479003907,190.53628692626953],[115.83505096435547,190.1980728149414],[116.1037353515625,189.85788116455078],[116.36981048583985,189.5156021118164],[116.63315277099609,189.17120819091798],[116.89314422607423,188.82428741455078],[117.14788970947266,188.47348022460938],[117.39721069335938,188.11881408691406],[117.64132690429688,187.7605224609375],[117.88040313720704,187.39890747070314],[118.11474151611328,187.03414764404297],[118.34456176757813,186.66655883789062],[118.57008361816406,186.29629211425782],[118.79160919189454,185.9236083984375],[119.00920715332032,185.5486587524414],[119.22364654541016,185.17186889648437],[119.43465270996094,184.79317016601564],[119.64292602539062,184.4129196166992],[119.8484115600586,184.03121337890624],[120.05167236328126,183.64824371337892],[120.25277709960938,183.2641616821289],[120.45215148925782,182.87921447753908],[120.64982299804687,182.49334716796875],[120.8466293334961,182.10708160400392],[121.04236450195313,181.7202392578125],[121.23745422363281,181.33309478759767],[121.43236541748047,180.94581298828126],[121.62719421386718,180.5585174560547],[121.82200927734375,180.17123565673828],[122.01759338378906,179.78431091308593],[122.21397399902344,179.3978256225586],[122.41121978759766,179.0117385864258],[122.6099624633789,178.6264617919922],[122.81050415039063,178.24209136962892],[123.01288604736328,177.85869598388672],[123.21768493652344,177.47659149169922],[123.42481842041016,177.09570922851563],[123.6349868774414,176.71654357910157],[123.8479705810547,176.33892974853515],[124.06467590332032,175.96345825195314],[124.28464965820312,175.5898681640625],[124.50872955322266,175.21873626708984],[124.73697052001954,174.85015869140625],[124.96966094970703,174.4843276977539],[125.2069793701172,174.12154541015624],[125.44921417236328,173.76199035644532],[125.69658508300782,173.4059783935547],[125.94892730712891,173.05342712402344],[126.20243682861329,172.70171356201172],[126.45645446777344,172.350439453125],[126.7115707397461,171.99989318847656],[126.96771697998047,171.6501434326172],[127.22508544921875,171.3012451171875],[127.4838134765625,170.9533905029297],[127.74410705566406,170.60667572021484],[128.0060760498047,170.26126556396486],[128.26973419189454,169.91711883544923],[128.53558959960938,169.5746612548828],[128.80360107421876,169.2339065551758],[129.073974609375,168.8949920654297],[129.3467788696289,168.5580551147461],[129.622233581543,168.22327423095703],[129.9004623413086,167.89081420898438],[130.18164367675783,167.5608123779297],[130.46588745117188,167.23344726562502],[130.7533172607422,166.90893859863283],[131.0441390991211,166.58739624023437],[131.33840789794922,166.2690673828125],[131.63634338378907,165.95408935546877],[131.93797302246094,165.64273681640626],[132.2435028076172,165.33514709472658],[132.55301513671876,165.03155364990235],[132.86659240722656,164.73221740722656],[133.18435821533203,164.4373031616211],[133.50640869140625,164.14708557128907],[133.83282623291015,163.86175689697265],[134.1636520385742,163.5816192626953],[134.49903717041016,163.30687866210937],[134.8389678955078,163.03775482177736],[135.1828811645508,162.7738220214844],[135.53028259277343,162.51446228027345],[135.88102111816406,162.25967559814453],[136.23505554199218,162.0094207763672],[136.59211120605468,161.7635467529297],[136.95218811035156,161.522135925293],[137.31508026123046,161.28489990234377],[137.68059539794922,161.05181121826172],[138.04877471923828,160.82286987304687],[138.4194808959961,160.59814453125],[138.79253540039062,160.37727813720704],[139.1678009033203,160.16021575927735],[139.54527740478517,159.9469436645508],[139.9248825073242,159.7375442504883],[140.30641021728516,159.5316879272461],[140.6897918701172,159.32925109863282],[141.07495880126953,159.13026123046876],[141.46188354492188,158.93471832275392],[141.8503875732422,158.74236145019532],[142.2404296875,158.55306701660157],[142.63194122314454,158.36683502197266],[143.0248809814453,158.18367919921874],[143.4191116333008,158.0032974243164],[143.81455078125,157.82562103271485],[144.21121215820312,157.65065002441406],[144.60899963378907,157.47832946777345],[145.00787200927735,157.3083709716797],[145.4076919555664,157.14076080322266],[145.80848693847656,156.97547149658203],[146.21018829345704,156.81239318847656],[146.61269989013672,156.6513885498047],[147.01599426269533,156.49229278564454],[147.4200164794922,156.33514709472658],[147.82483520507813,156.17989654541017],[148.2302444458008,156.0262664794922],[148.6362030029297,155.87420196533205],[149.04299926757812,155.72421112060547],[149.4519790649414,155.58048248291016],[149.8632797241211,155.44338684082032],[150.2765853881836,155.31264953613282],[150.69178619384766,155.1878173828125],[151.10864868164063,155.06868438720704],[151.52700805664062,154.9550994873047],[151.94674072265624,154.84656829833986],[152.36766815185547,154.74278869628907],[152.78970794677736,154.6435546875],[153.2126678466797,154.54852294921875],[153.6365478515625,154.45746002197265],[154.06108703613282,154.36954193115236],[154.48631286621094,154.28522186279298],[154.91211547851563,154.20359344482424],[155.3383575439453,154.12442321777345],[155.76505279541016,154.04776611328126],[156.1920639038086,153.97289428710937],[156.61937713623047,153.89960174560548],[157.0468963623047,153.8278060913086],[157.47459411621094,153.75679321289064],[157.9024429321289,153.6866180419922],[158.33026428222658,153.61663513183595],[158.75812683105468,153.5466522216797],[159.18590698242187,153.47635345458986],[159.61363220214844,153.4055603027344],[160.04120635986328,153.3340255737305],[160.46858825683594,153.26117248535158],[160.89570922851564,153.18669891357422],[161.3224594116211,153.1104949951172],[161.74883880615235,153.03197021484377],[162.17473754882812,152.9509735107422],[162.6001419067383,152.86736755371095],[163.02481842041016,152.7803146362305],[163.44889068603516,152.69008941650392],[163.87209777832032,152.59600524902345],[164.29430236816407,152.49771881103516],[164.71551818847658,152.3950378417969],[165.13552551269532,152.28763275146486],[165.55422821044922,152.17517395019533],[165.97140655517578,152.0572494506836],[166.38699188232422,151.9337356567383],[166.80075073242188,151.80430297851564],[167.21243591308595,151.66845703125],[167.62193756103517,151.5261016845703],[168.02899475097658,151.37698974609376],[168.43342895507814,151.2208465576172],[168.83496551513673,151.05742492675782],[169.23401641845703,150.88797454833986],[169.63080139160158,150.71325073242187],[170.02519683837892,150.53326721191408],[170.41740875244142,150.3485321044922],[170.8073684692383,150.15914154052734],[171.19504852294924,149.96509552001953],[171.5804626464844,149.76662750244142],[171.96377563476562,149.56405334472657],[172.34498748779296,149.35757904052736],[172.7240432739258,149.14720458984377],[173.10106658935547,148.9331771850586],[173.47616729736328,148.71582641601563],[173.84942779541015,148.49528961181642],[174.2208206176758,148.27167663574218],[174.5904968261719,148.0451385498047],[174.9585388183594,147.8159912109375],[175.32501525878908,147.58444061279297],[175.69004974365234,147.35050048828126],[176.05365600585938,147.11444549560548],[176.4160400390625,146.87646789550783],[176.7771194458008,146.63655395507814],[177.1373062133789,146.39522552490234],[177.49654541015624,146.1525375366211],[177.85494689941407,145.90862731933595],[178.2126480102539,145.66363220214845],[178.56966247558594,145.4177032470703],[178.92618255615236,145.17099151611328],[179.28216705322265,144.9236068725586],[179.63809661865236,144.67605743408203],[179.99388885498047,144.42831573486328],[180.34954376220705,144.18042297363283],[180.70530853271484,143.93266754150392],[181.06133422851562,143.68529663085937],[181.41737365722656,143.43792572021485],[181.7740447998047,143.19146118164062],[182.13126525878906,142.94580688476563],[182.48855438232422,142.70022125244142],[182.84522552490236,142.45379791259765],[183.20108642578126,142.20615234375],[183.55612335205078,141.95738067626954],[183.91039123535157,141.7074691772461],[184.2638900756836,141.45648651123048],[184.61663360595705,141.2044464111328],[184.96863555908203,140.95137634277344],[185.3199234008789,140.69733123779298],[185.67052459716797,140.44229736328126],[186.02045288085938,140.1863571166992],[186.36970825195314,139.92951049804688],[186.71833190917968,139.6717987060547],[187.06635131835938,139.413249206543],[187.4137390136719,139.1539306640625],[187.76057739257814,138.89380187988283],[188.10686645507812,138.63294525146486],[188.45257873535158,138.37137451171876],[188.79765930175782,138.1089111328125],[189.1424102783203,137.84606323242187],[189.48665313720704,137.58248748779297],[189.83047027587892,137.31841735839845],[190.17382049560547,137.05370178222657],[190.5167999267578,136.78851928710938],[190.85933990478517,136.5228012084961],[191.20156402587892,136.25662994384766],[191.54338989257812,135.99000549316406],[191.88494110107422,135.72295532226562],[192.22613525390625,135.45554809570314],[192.56709594726564,135.18775634765626],[192.9078094482422,134.91963500976564],[193.24824829101564,134.65122528076174],[193.58841247558595,134.38245849609376],[193.92828826904298,134.11334838867188],[194.26819152832033,133.84422454833984],[194.60808105468752,133.575114440918],[194.94776458740236,133.30571594238282],[195.2872283935547,133.0360290527344],[195.6266647338867,132.7663558959961],[195.96611480712892,132.49666900634767],[196.3055374145508,132.22694091796876],[196.6449188232422,131.95715789794923],[196.98428649902345,131.68740234375],[197.32366790771485,131.41761932373046],[197.66317291259767,131.14800109863282],[198.00281524658203,130.87858886718752],[198.3424850463867,130.6091766357422],[198.68214111328126,130.33977813720705],[199.02200317382812,130.07058563232422],[199.36209869384766,129.80175018310547],[199.70237274169924,129.53310699462892],[200.0429214477539,129.2647933959961],[200.3836624145508,128.9967269897461],[200.7247055053711,128.72905883789062],[201.06595458984376,128.4616928100586],[201.4076156616211,128.19479370117188],[201.74948272705078,127.92822418212891],[202.09183044433595,127.66220397949219],[202.43443908691407,127.39654083251953],[202.7775421142578,127.13155059814453],[203.12096099853517,126.86691741943359],[203.4649154663086,126.60303955078125],[203.8091995239258,126.33955993652344],[204.1541290283203,126.07693176269531],[204.4991683959961,125.81441345214844],[204.84441375732422,125.55218353271485],[205.18964538574218,125.2899673461914],[205.53490447998047,125.02773742675781],[205.8801223754883,124.76552124023438],[206.22538146972656,124.50329132080078],[206.57061309814455,124.24107513427735],[206.91585845947267,123.97884521484376],[207.2611038208008,123.7166015625],[207.6061569213867,123.45416564941407],[207.95122375488282,123.19170227050782],[208.29627685546876,122.92925262451172],[208.64134368896484,122.66677551269531],[208.98639678955078,122.40432586669922],[209.3314636230469,122.14184875488282],[209.67653045654296,121.87938537597657],[210.0215835571289,121.61693572998047],[210.36673278808595,121.35455474853516],[210.71189575195314,121.09226989746094],[211.05709991455078,120.82997131347656],[211.402262878418,120.56767272949219],[211.74746704101562,120.30537414550781],[212.0926300048828,120.04307556152344],[212.43783416748047,119.78077697753906],[212.78302459716798,119.51846466064454],[213.12828369140627,119.2562759399414],[213.47376251220703,118.9943344116211],[213.8192138671875,118.7324203491211],[214.1646926879883,118.47049255371094],[214.51019897460938,118.20857849121094],[214.8559524536133,117.94704895019531],[215.2017059326172,117.68551940917969],[215.5474868774414,117.42396240234375],[215.89324035644532,117.16243286132813],[216.23930969238282,116.90135650634765],[216.58543395996094,116.6403076171875],[216.93158569335938,116.37923126220703],[217.27769622802734,116.11818237304688],[217.62415008544923,115.85757293701172],[217.97074127197266,115.59708709716797],[218.3173049926758,115.33662872314453],[218.66385498046876,115.07616348266602],[219.01067962646485,114.81611709594726],[219.3578063964844,114.55631103515626],[219.7048782348633,114.29653930664062],[220.05195007324218,114.03677444458008],[220.3993103027344,113.7772705078125],[220.74697265625,113.51829528808594],[221.09463500976562,113.25932006835937],[221.44229736328126,113.00033798217774],[221.79012451171874,112.74145889282227],[222.13828125,112.48313598632812],[222.4864929199219,112.22486801147461],[222.8350341796875,111.96699142456055],[223.18353424072265,111.70919036865234],[223.53240509033205,111.45184936523438],[223.88127593994142,111.19450149536134],[224.23057250976564,110.93761367797852],[224.57982788085937,110.68078765869141],[224.9294403076172,110.42443542480468],[225.2791488647461,110.16813125610352],[225.62915954589843,109.91229400634766],[225.97923889160157,109.65660095214844],[226.32960662841796,109.40134735107422],[226.68018035888673,109.14622421264649],[227.0310012817383,108.89149932861328],[227.38198699951172,108.63703536987305],[227.73323364257814,108.38280487060547],[228.0845901489258,108.12886276245118],[228.4359603881836,107.87492752075195],[228.78731689453124,107.62099227905274],[229.13872833251955,107.36702270507813],[229.49009857177734,107.1130874633789],[229.84146881103516,106.85922775268556],[230.19322357177734,106.60575256347657],[230.54493713378906,106.35229797363282],[230.89666442871095,106.09885025024414],[231.24872131347658,105.84584884643554],[231.6008056640625,105.59285430908203],[231.95289001464843,105.33988723754884],[232.3052764892578,105.08734588623047],[232.65782775878907,104.83495559692383],[233.01032409667968,104.58259963989258],[233.36306762695312,104.33064880371094],[233.7160858154297,104.07901382446289],[234.06913146972656,103.82735137939453],[234.42236938476563,103.57599105834962],[234.77599182128907,103.32521438598633],[235.12966918945312,103.07441024780273],[235.4833740234375,102.8237777709961],[235.83768310546876,102.57397613525391],[236.1919921875,102.32417449951173],[236.54635620117188,102.07433853149415],[236.90140686035156,101.82555313110352],[237.2565124511719,101.57685012817383],[237.6116180419922,101.32811279296875],[237.96719055175782,101.08006210327149],[238.32295532226564,100.83235473632813],[238.67913208007812,100.58521041870118],[239.03561096191407,100.3383888244629],[239.39222717285156,100.09190368652344],[239.7493103027344,99.84609146118164],[240.1066680908203,99.60053329467773],[240.46427307128906,99.3554901123047],[240.82231750488282,99.11101684570313],[241.18049926757814,98.86689376831055],[241.5392578125,98.62340240478515],[241.89826354980468,98.38037796020508],[242.25751647949218,98.13773803710937],[242.61740112304688,97.89590148925781],[242.97747802734375,97.65444946289062],[243.3379119873047,97.41358108520508],[243.69884033203127,97.17340621948243],[244.06004333496094,96.93358840942383],[244.42176818847656,96.69462890625],[244.78385009765626,96.45620498657227],[245.1462615966797,96.21819305419922],[245.50922241210938,95.98124542236329],[245.87248535156252,95.74464111328125],[246.23613281250002,95.50861358642578],[246.5998077392578,95.27256546020509],[246.96370239257814,95.03690185546876],[247.3279541015625,94.80182189941407],[247.69275512695313,94.56757278442383],[248.05791320800782,94.3339210510254],[248.42351074218752,94.1009147644043],[248.78993225097656,93.86924057006836],[249.15693054199218,93.6383903503418],[249.52445068359376,93.4083984375],[249.89293212890627,93.1800750732422],[250.26226501464845,92.95296707153321],[250.63244934082033,92.72732849121094],[251.00367736816406,92.50343399047851],[251.37583923339844,92.28112564086915],[251.74918212890626,92.06058197021484],[252.12362365722657,91.84215316772462],[252.4991638183594,91.6255989074707],[252.8760772705078,91.4112419128418],[253.2542266845703,91.19927444458008],[253.6336395263672,90.98951797485351],[254.0144805908203,90.7824806213379],[254.39685974121093,90.57801132202148],[254.78044738769532,90.37600021362304],[255.16485900878908,90.17552032470704],[255.54998474121095,89.97653045654297],[255.93590698242187,89.77894134521485],[256.3225433349609,89.58281478881837],[256.7098663330078,89.38809585571289],[257.09795837402345,89.19479827880859],[257.48679199218753,89.00303192138672],[257.87622985839846,88.81263885498048],[258.2663269042969,88.62358474731445],[258.65716552734375,88.43578720092773],[259.0484985351563,88.24934234619141],[259.4405181884766,88.06414031982422],[259.8330871582031,87.8802085876465],[260.2262878417969,87.69749908447265],[260.61998291015624,87.51603927612305],[261.01433715820315,87.33593902587891],[261.40924072265625,87.1570198059082],[261.80466613769534,86.97924728393555],[262.2005584716797,86.8026351928711],[262.59702758789064,86.62710800170899],[262.99388122558594,86.45272064208984],[263.3912567138672,86.27938385009766],[263.78907165527346,86.10712509155273],[264.18743591308595,85.93586196899415],[264.5861846923828,85.76577301025391],[264.9853729248047,85.59670715332031],[265.38502807617186,85.42859573364258],[265.78501281738284,85.2614730834961],[266.18543701171876,85.09527053833008],[266.58619079589846,84.93000869750976],[266.98741149902344,84.76560516357422],[267.38893432617186,84.60210800170898],[267.79078674316406,84.43948287963867],[268.19305114746095,84.27771606445313],[268.5956176757813,84.11683502197266],[268.99859619140625,83.95696334838867],[269.4018218994141,83.79779891967773],[269.8054595947266,83.63950653076172],[270.20953674316405,83.48238830566406],[270.61383361816405,83.32598419189453],[271.0185150146485,83.17035598754883],[271.4236083984375,83.01590194702149],[271.82892150878905,82.86210021972657],[272.23450927734376,82.70899200439453],[272.6405914306641,82.55703735351562],[273.04681091308595,82.40570755004883],[273.4532775878906,82.25497512817383],[273.86021118164064,82.10534133911133],[274.2673370361328,81.95627746582032],[274.6746276855469,81.8078109741211],[275.0823028564453,81.66032638549805],[275.4902252197266,81.5134048461914],[275.89825744628905,81.36703948974609],[276.30664672851566,81.22153930664062],[276.715283203125,81.07659530639648],[277.12402954101566,80.93215942382812],[277.5330505371094,80.78847885131836],[277.9422912597656,80.64537506103515],[278.3517242431641,80.5026969909668],[278.7613220214844,80.36068496704102],[279.1711120605469,80.21924285888672],[279.5811218261719,80.07825393676758],[279.9913787841797,79.93811645507813],[280.4016082763672,79.79797897338868],[280.81194763183595,79.65823287963867],[281.2226989746094,79.51939315795899],[281.6333953857422,79.38057403564453],[282.0442565917969,79.2421257019043],[282.4553924560547,79.10444641113281],[282.86647338867186,78.96678771972657],[283.2776641845703,78.82951354980469],[283.68907470703124,78.69285736083985],[284.10056762695314,78.55618743896484],[284.5120880126953,78.41990203857422],[284.9237731933594,78.28410415649414],[285.3355407714844,78.14828567504883],[285.74736328125,78.01279678344727],[286.1592956542969,77.87769241333008],[286.57122802734375,77.74258117675781],[286.9832702636719,77.60774459838868],[287.39536743164064,77.47316207885743],[287.8074645996094,77.33857955932618],[288.2197540283203,77.20424423217774],[288.63201599121095,77.07015609741211],[289.0442779541016,76.93606109619141],[289.4565399169922,76.80197296142579],[289.8688568115235,76.66786422729493],[290.2811187744141,76.53376922607423],[290.6933807373047,76.39975662231446],[291.10572509765626,76.26576461791993],[291.51804199218753,76.13178634643555],[291.9303314208984,75.99780807495118],[292.3426208496094,75.86383666992188],[292.754965209961,75.72984466552735],[293.1671447753906,75.59548873901367],[293.5792694091797,75.46100234985352],[293.9914489746094,75.32648849487305],[294.40357360839846,75.19200210571289],[294.81572570800785,75.05750885009766],[295.2278503417969,74.92301559448242],[295.6398101806641,74.7878631591797],[296.05168762207035,74.65258712768555],[296.46356506347655,74.5173110961914],[296.87530517578125,74.38138275146484],[297.2869354248047,74.24537200927735],[297.6985656738281,74.10936126708985],[298.10992126464845,73.97254028320313],[298.52130432128905,73.8356300354004],[298.93263244628906,73.69873352050782],[299.34368591308595,73.5608139038086],[299.7547119140625,73.42285308837891],[300.16565551757816,73.28491287231445],[300.5762420654297,73.14576416015625],[300.98682861328126,73.00662231445312],[301.39744262695314,72.86738433837891],[301.8075622558594,72.72686920166016],[302.2176818847656,72.5863540649414],[302.6278289794922,72.44571533203126],[303.0375640869141,72.30408096313477],[303.4471069335938,72.16196594238282],[303.8565124511719,72.01941833496095],[304.26572570800784,71.87614288330079],[304.67469177246096,71.73229751586915],[305.0835205078125,71.58798522949219],[305.4921020507813,71.44292449951172],[305.9003814697266,71.29721145629883],[306.30852355957035,71.15096969604492],[306.71636352539065,71.00397262573243],[307.12395629882815,70.85617904663086],[307.5313293457031,70.70793228149414],[307.93848266601566,70.55906753540039],[308.34569091796874,70.41017532348633],[308.7528442382813,70.26131057739258],[309.1599975585938,70.11243896484375],[309.56715087890626,69.96357421875],[309.97424926757816,69.81431121826172],[310.3811828613281,69.66483535766602],[310.7881164550781,69.51536636352539],[311.1951049804688,69.36586990356446],[311.60203857421874,69.21639404296876],[312.00897216796875,69.06692504882812],[312.4157958984375,68.91696853637696],[312.82256469726565,68.76690902709962],[313.22930603027345,68.6168701171875],[313.6360198974609,68.46682434082031],[314.0428161621094,68.31676483154297],[314.4495300292969,68.16672592163086],[314.8560516357422,68.01622009277344],[315.2625732421875,67.86565246582032],[315.66917724609374,67.71507110595704],[316.07569885253906,67.5645034790039],[316.4822479248047,67.41393585205078],[316.88876953125003,67.26337509155273],[317.2952362060547,67.1123405456543],[317.7015655517578,66.96128540039062],[318.10792236328126,66.81023025512695],[318.51433410644535,66.65915451049806],[318.9206909179688,66.50809936523437],[319.3270477294922,66.3570442199707],[319.7332397460938,66.20563201904297],[320.13945922851565,66.05409622192383],[320.5456512451172,65.90258102416992],[320.95184326171875,65.75106582641602],[321.3580627441406,65.5995231628418],[321.7642547607422,65.4480079650879],[322.1703369140625,65.29624557495117],[322.5763641357422,65.14429092407227],[322.9824188232422,64.99232254028321],[323.38844604492186,64.84037475585937],[323.7944732666016,64.68842697143555],[324.2005279541016,64.53645172119141],[324.60650024414065,64.38440780639648],[325.0123626708984,64.23205490112305],[325.4182525634766,64.07970199584962],[325.824169921875,63.927328491210936],[326.23003234863285,63.774975585937504],[326.6358947753906,63.622622680664065],[327.04181213378905,63.47024917602539],[327.4474822998047,63.31741561889648],[327.85312500000003,63.16449966430664],[328.25879516601566,63.011583709716795],[328.66449279785155,62.8586540222168],[329.0701629638672,62.70573806762695],[329.47580566406253,62.55282211303711],[329.88153076171875,62.39988555908203],[330.28717346191405,62.246969604492186],[330.6928436279297,62.09405364990234],[331.09848632812503,61.9411376953125],[331.5041839599609,61.7882080078125],[331.90985412597655,61.635292053222656],[332.3154968261719,61.48237609863281],[332.72100219726565,61.32887649536133],[333.12639770507815,61.17528076171875],[333.53179321289065,61.02168502807617],[333.93718872070315,60.868096160888676],[334.34263916015624,60.71447982788086],[334.74803466796874,60.56088409423828],[335.15343017578124,60.40729522705078],[335.5589080810547,60.25367889404297],[335.9643035888672,60.10009002685547],[336.3696990966797,59.94649429321289],[336.7750946044922,59.79289855957031],[337.1805450439453,59.63928909301758],[337.5859405517578,59.485693359375],[337.9912811279297,59.331747436523436],[338.396484375,59.17753372192383],[338.80166015625,59.02333374023438],[339.2068359375,58.869133758544926],[339.61201171875,58.71494064331055],[340.0172149658203,58.56072006225586],[340.4223907470703,58.40652008056641],[340.82756652832035,58.25232696533203],[341.23279724121096,58.098106384277344],[341.63794555664066,57.94390640258789],[342.0431213378906,57.789713287353514],[342.44829711914065,57.63551330566406],[342.85352783203126,57.481296157836915],[343.25864868164064,57.32708930969238],[343.6636047363281,57.172350311279295],[344.06861572265626,57.01759071350098],[344.4735992431641,56.86285171508789],[344.87855529785156,56.708109283447264],[345.28351135253905,56.553370285034184],[345.6885223388672,56.39861068725586],[346.093505859375,56.24386825561523],[346.4984619140625,56.08912925720215],[346.9034729003906,55.93436965942383],[347.3084289550781,55.7796272277832],[347.7134124755859,55.62488822937012],[348.1183685302735,55.470149230957034],[348.52337951660155,55.31538963317871],[348.9282531738281,55.16048583984375],[349.3330444335938,55.00525932312012],[349.7378631591797,54.85001220703125],[350.1426544189453,54.69478569030762],[350.54741821289065,54.53955917358399],[350.9521820068359,54.38433265686035],[351.3570281982422,54.229085540771486],[351.7617919921875,54.073855590820315],[352.1665832519531,53.91862907409668],[352.5714019775391,53.76338195800781],[352.9761932373047,53.60815544128418],[353.38095703125003,53.452928924560545],[353.78574829101564,53.297702407836915],[354.19056701660156,53.14245529174805],[354.59527587890625,52.986981582641604],[354.99990234375,52.83131217956543],[355.40455627441406,52.67562561035157],[355.8091552734375,52.51995620727539],[356.21375427246096,52.36429023742676],[356.6183807373047,52.20862083435059],[357.0230346679688,52.05293426513672],[357.4276336669922,51.897264862060545],[357.8322326660156,51.74159889221192],[358.23691406250003,51.58590888977051],[358.6415130615234,51.430242919921874],[359.0461120605469,51.274573516845706],[359.45073852539065,51.11890411376953],[359.8553924560547,50.96321754455567],[360.2599090576172,50.807294082641604],[360.66437072753905,50.65122985839844],[361.06885986328126,50.49514503479004],[361.47332153320315,50.339080810546875],[361.87778320312503,50.183016586303715],[362.2822174072266,50.02695236206055],[362.6867340087891,49.87086753845215],[363.09119567871096,49.714803314208986],[363.49565734863285,49.558735656738286],[363.900146484375,49.40265426635742],[364.3046081542969,49.24658660888672],[364.7090698242188,49.090522384643556],[365.11353149414066,48.93445816040039],[365.5180206298828,48.778373336791994],[365.92234497070314,48.62206878662109],[366.32666931152346,48.46564407348633],[366.73102111816405,48.30919876098633],[367.1353454589844,48.152777481079106],[367.5396697998047,47.99635276794434],[367.943994140625,47.83992805480957],[368.3483459472656,47.68348617553711],[368.75267028808594,47.527061462402344],[369.15699462890626,47.370640182495116],[369.5613464355469,47.21419486999512],[369.9656707763672,47.05777015686035],[370.3699951171875,46.90134887695313],[370.7742919921875,46.74492416381836],[371.1786712646485,46.5884822845459],[371.5828857421875,46.431796646118165],[371.98707275390626,46.27504920959473],[372.3913146972656,46.11828117370606],[372.7955291748047,45.96153373718262],[373.19971618652346,45.80478630065918],[373.6039031982422,45.64804229736328],[374.0081451416016,45.49127426147461],[374.41233215332034,45.334526824951176],[374.8165191650391,45.17777938842774],[375.22076110839845,45.02101135253906],[375.6249481201172,44.864267349243164],[376.02916259765624,44.707519912719725],[376.433349609375,44.55077247619629],[376.8375915527344,44.39400444030762],[377.2416687011719,44.23697204589844],[377.6457458496094,44.07993278503418],[378.0498779296875,43.922872924804686],[378.45395507812503,43.76583023071289],[378.8580322265625,43.608790969848634],[379.262109375,43.451748275756835],[379.66624145507814,43.29468841552735],[380.07031860351566,43.13764915466309],[380.4743957519531,42.98060646057129],[380.87847290039065,42.823567199707036],[381.28260498046876,42.66650733947754],[381.6866821289063,42.50946464538574],[382.09075927734375,42.35242538452149],[382.4948638916016,42.19527969360352],[382.8987762451172,42.03785934448242],[383.30271606445314,41.88043899536133],[383.7066558837891,41.723022079467775],[384.1106231689453,41.56558113098145],[384.5145629882813,41.40816078186035],[384.91847534179686,41.250740432739256],[385.3224700927735,41.09330291748047],[385.7264099121094,40.935882568359375],[386.130322265625,40.778462219238286],[386.534262084961,40.62104187011719],[386.9382293701172,40.463600921630864],[387.34216918945316,40.30618057250977],[387.74610900878906,40.14876365661621],[388.15007629394535,39.991322708129886],[388.55401611328125,39.83390235900879],[388.9579284667969,39.6764820098877],[389.36186828613285,39.5190616607666],[389.7658355712891,39.36162414550781],[390.16977539062503,39.20420379638672],[390.57371520996094,39.046783447265625],[390.9776824951172,38.8893424987793],[391.3816223144531,38.731925582885744],[391.78553466796876,38.57450523376465],[392.1894744873047,38.41708488464356],[392.59344177246095,38.259643936157225],[392.9973815917969,38.102223587036136],[393.4012390136719,37.94470710754395],[393.80506896972656,37.786847305297854],[394.2088165283203,37.629008102417],[394.6125915527344,37.47116889953613],[395.01633911132814,37.31332969665527],[395.4201690673828,37.15546989440918],[395.8239440917969,36.99763069152832],[396.2276916503906,36.839791488647464],[396.63152160644535,36.68193168640137],[397.03529663085936,36.52409248352051],[397.4390441894531,36.36625328063965],[397.8428192138672,36.20841407775879],[398.2466217041016,36.050554275512695],[398.65039672851566,35.89271507263184],[399.0541717529297,35.73487586975098],[399.4579742431641,35.577016067504886],[399.86174926757815,35.41917686462403],[400.2655242919922,35.26133766174316],[400.669271850586,35.103498458862305],[401.07310180664064,34.94563865661621],[401.4768493652344,34.78779945373535],[401.88062438964846,34.629960250854495],[402.2844543457031,34.4721004486084],[402.6882019042969,34.31426124572754],[403.09197692871095,34.15642204284668],[403.495751953125,33.99858283996582],[403.8995269775391,33.84060974121094],[404.30316467285155,33.682454681396486],[404.7068298339844,33.52429618835449],[405.1105224609375,33.36612052917481],[405.51416015625,33.20796203613281],[405.9177978515625,33.04980697631836],[406.321435546875,32.89164848327637],[406.7251281738281,32.73347282409668],[407.12876586914064,32.57531433105469],[407.53240356445315,32.41715927124024],[407.93609619140625,32.25898361206055],[408.33973388671876,32.10082511901856],[408.7433715820313,31.9426700592041],[409.14703674316405,31.78451156616211],[409.5507293701172,31.626335906982423],[409.9543670654297,31.46817741394043],[410.3580047607422,31.310022354125977],[410.76169738769534,31.15184326171875],[411.16533508300785,30.9936882019043],[411.5689727783203,30.835529708862307],[411.9726104736328,30.677374649047852],[412.376303100586,30.519198989868165],[412.7799407958984,30.361040496826174],[413.18360595703126,30.20288543701172],[413.58729858398436,30.044706344604492],[413.99082641601564,29.886352157592775],[414.3943542480469,29.72793960571289],[414.79790954589845,29.56952362060547],[415.2014923095703,29.411087036132812],[415.6050476074219,29.252674484252932],[416.0085754394531,29.094258499145507],[416.412158203125,28.93582534790039],[416.8157135009766,28.77740936279297],[417.2192413330078,28.618996810913085],[417.6227966308594,28.460580825805664],[418.02637939453126,28.302147674560548],[418.4299346923828,28.143731689453126],[418.8334625244141,27.985317420959472],[419.23704528808594,27.826882553100585],[419.64060058593753,27.668468284606934],[420.04412841796875,27.510054016113283],[420.44768371582035,27.35163974761963],[420.8512664794922,27.193204879760742],[421.25482177734375,27.03479061126709],[421.658349609375,26.876376342773437],[422.0619323730469,26.71794147491455],[422.4654876708984,26.5595272064209],[422.8690155029297,26.401111221313478],[423.27257080078124,26.242696952819824],[423.67615356445316,26.084262084960937],[424.0796813964844,25.925847816467286],[424.483236694336,25.767433547973635],[424.88681945800784,25.60899868011475],[425.2903747558594,25.450584411621094],[425.69390258789065,25.292170143127443],[426.0974578857422,25.13375587463379],[426.50104064941405,24.9753210067749],[426.9045684814453,24.81690673828125],[427.30812377929686,24.65849075317383],[427.7117065429688,24.500057601928713],[428.1152618408203,24.34164161682129],[428.5187896728516,24.183227348327637],[428.92234497070314,24.024813079833987],[429.325927734375,23.8663782119751],[429.7294555664063,23.707963943481445],[430.1330108642578,23.549549674987794],[430.5365936279297,23.391114807128908],[430.9401489257813,23.232700538635253],[431.34373168945314,23.074275970458984],[431.7472595214844,22.915873718261718],[432.1508697509766,22.75745258331299],[432.5543975830078,22.599050331115723],[432.9579528808594,22.440649795532227],[433.3615631103516,22.28222694396973],[433.7650909423828,22.123826408386233],[434.1686462402344,21.965424156188966],[434.5721740722656,21.80702362060547],[434.9757843017578,21.648600769042968],[435.3793395996094,21.490200233459472],[435.7828674316406,21.33179798126221],[436.1864776611328,21.173376846313477],[436.5900054931641,21.01497459411621],[436.9935607910156,20.856574058532715],[437.3971160888672,20.69817180633545],[437.8006988525391,20.53975067138672],[438.2042541503906,20.381348419189454],[438.6078369140625,20.22308692932129],[439.01152954101565,20.064966201782227],[439.4151947021484,19.9068660736084],[439.81885986328126,19.74876766204834],[440.2225250244141,19.590667533874512],[440.6262451171875,19.43254680633545],[441.0299102783203,19.27444839477539],[441.43357543945314,19.116348266601562],[441.83729553222656,18.958227539062502],[442.2409606933594,18.800127410888674],[442.6446258544922,18.642028999328613],[443.048291015625,18.483928871154784],[443.4519836425781,18.325808143615724],[443.85564880371095,18.167709732055666],[444.2593139648438,18.009609603881838],[444.66306152343753,17.851667404174805],[445.06694641113285,17.694039344787598],[445.47080383300784,17.536430168151856],[445.8746612548828,17.378822708129885],[446.27857360839846,17.221192932128908],[446.68243103027345,17.063585472106933],[447.08628845214844,16.90597629547119],[447.4903930664063,16.74891300201416],[447.8945251464844,16.59184627532959],[448.2985748291016,16.434798431396484],[448.70265197753906,16.27775058746338],[449.1067840576172,16.120683860778808],[449.5110534667969,15.964106369018555],[449.91546020507815,15.807951164245607],[450.3198944091797,15.651795959472656],[450.7243560791016,15.495621871948243],[451.12879028320316,15.339468383789063],[451.53355407714844,15.184355163574219],[451.9385101318359,15.029288291931152],[452.3437133789063,14.875182723999023],[452.7489440917969,14.721078872680664],[453.1540100097656,14.566714096069337],[453.55877380371095,14.411309051513673],[453.96287841796874,14.254359912872316],[454.3669830322266,14.097409057617188],[454.77064819335936,13.93905658721924],[455.1739837646484,13.780141925811767],[455.577099609375,13.620675373077393],[455.9797760009766,13.460079288482666],[456.38250732421875,13.29946174621582],[456.7846618652344,13.137518119812013],[457.1867889404297,12.97553415298462],[457.5886688232422,12.812861824035645],[457.9903564453125,12.649760341644287],[458.39190673828125,12.486408233642578],[458.7931274414063,12.32220983505249],[459.1944030761719,12.157989978790283],[459.5956237792969,11.993791580200195],[459.99684448242186,11.829592323303222],[460.39801025390625,11.665110683441162],[460.7990386962891,11.500384426116943],[461.20001220703125,11.335658168792724],[461.60101318359375,11.170931911468506],[462.0020690917969,11.006185054779053],[462.4032897949219,10.841900825500488],[462.8045104980469,10.677763366699219],[463.2058410644531,10.51360445022583],[463.60706176757816,10.349466991424562],[464.00828247070314,10.185344982147218],[464.4099975585938,10.022345638275146],[464.811767578125,9.859324836730957],[465.2138122558594,9.697051620483398],[465.615966796875,9.53520154953003],[466.0183410644531,9.373721408843995],[466.421044921875,9.213285827636719],[466.8238037109375,9.052850246429443],[467.2271667480469,8.893937301635743],[467.6306396484375,8.735193443298341],[468.0343322753906,8.577263259887696],[468.43846435546874,8.420369052886963],[468.8429809570313,8.264346027374268],[469.2478271484375,8.109299755096435],[469.6531677246094,7.955407047271729],[470.058837890625,7.802603530883789],[470.4650024414063,7.6508814811706545],[470.8715515136719,7.500321578979492],[471.27854003906253,7.350957298278809],[471.68596801757815,7.202809238433838],[472.0939453125,7.056150341033936],[472.5024719238281,6.910963439941407],[472.91143798828125,6.767206907272339],[473.3209533691406,6.624885034561157],[473.73101806640625,6.484077215194702],[474.1415222167969,6.344855117797851],[474.552685546875,6.207229042053223],[474.9645080566406,6.07163372039795],[475.3768249511719,5.937794494628906],[475.78969116210936,5.805744409561157],[476.203271484375,5.675507497787476],[476.6174011230469,5.547168302536011],[477.0320251464844,5.420774459838867],[477.4474731445313,5.296577453613281],[477.8634704589844,5.174688005447388],[478.28012695312503,5.054924583435059],[478.6973876953125,4.937315082550049],[479.1153076171875,4.821931171417236],[479.5337768554688,4.708827352523804],[479.9529052734375,4.598044395446777],[480.37285766601565,4.490071535110474],[480.793359375,4.384629392623902],[481.21441040039065,4.281311130523682],[481.6361755371094,4.180955314636231],[482.05859985351566,4.083307886123658],[482.48157348632816,3.988337516784668],[482.9051513671875,3.8961575031280518],[483.32944335937503,3.806951951980591],[483.7541748046875,3.7200329303741455],[484.1792907714844,3.6349657058715823],[484.6049011230469,3.552628326416016],[485.03139038085936,3.474568319320679],[485.4587036132813,3.4018866777420045],[485.8871704101563,3.3358240842819216],[486.316845703125,3.277648258209229],[486.747509765625,3.228404402732849],[487.17932739257816,3.190041518211365],[487.61207885742186,3.1637487888336184],[488.0453796386719,3.151008725166321],[488.47890014648436,3.153359842300415],[488.9119812011719,3.172344732284546],[489.3439086914063,3.2094828128814696],[489.7736389160156,3.266223978996277],[490.2000732421875,3.3438799381256104],[490.6227172851563,3.4403701543807985],[491.0422302246094,3.549772524833679],[491.45822753906253,3.6716321468353272],[491.87054443359375,3.8055310249328613],[492.2789611816406,3.951072835922241],[492.6831481933594,4.107629728317261],[493.0832153320313,4.274683713912964],[493.47888793945316,4.451738691329957],[493.8703308105469,4.638252210617066],[494.25721435546876,4.833678817749024],[494.6398132324219,5.037564039230347],[495.01812744140625,5.249333667755127],[495.3921569824219,5.468557691574097],[495.7619567871094,5.694767045974731],[496.12774658203125,5.927452325820923],[496.4896911621094,6.166209697723389],[496.84779052734376,6.410492849349976],[497.20220947265625,6.660121536254883],[497.5533874511719,6.9143962383270265],[497.9012145996094,7.173121690750122],[498.2461853027344,7.435671329498291],[498.58818969726565,7.7021284103393555],[498.92607421875,7.973800563812256],[499.25462036132814,8.256628131866455],[499.5738830566406,8.549775981903077],[499.8844665527344,8.852366924285889],[500.1865905761719,9.163215637207031],[500.48096923828126,9.481445789337158],[500.76820678710936,9.806107234954835],[501.0492370605469,10.136267852783204],[501.3245544433594,10.471117401123047],[501.59558715820316,10.809511756896972],[501.86277465820314,11.150990009307861],[502.1272705078125,11.494382286071778],[502.38989868164066,11.839349555969239],[502.6519226074219,12.184705638885498],[502.91416625976564,12.529972457885743],[503.17723388671874,12.87455348968506],[503.4427734375,13.217226505279541],[503.71116943359374,13.557755470275879],[503.9836853027344,13.894906997680664],[504.2611450195313,14.227994441986084],[504.5444274902344,14.556126022338868],[504.8344665527344,14.87841510772705],[505.12587890625,15.199389266967774],[505.4117431640625,15.525281524658203],[505.69480590820314,15.85367660522461],[505.9773742675781,16.182530021667482],[506.26219482421874,16.509354400634766],[506.552783203125,16.83098773956299],[506.85210571289065,17.144621658325196],[507.1627990722656,17.446936225891115],[507.48760986328125,17.733957481384277],[507.82813110351566,18.002092552185058],[508.18507690429686,18.248119354248047],[508.55278930664065,18.477673530578613],[508.9282470703125,18.694396018981934],[509.3109558105469,18.898127174377443],[509.70020141601566,19.088909912109376],[510.0955444335938,19.26679058074951],[510.49627075195315,19.432090187072756],[510.90199584960936,19.584807014465333],[511.312060546875,19.725490379333497],[511.7258605957031,19.854596900939942],[512.1431213378906,19.972536849975587],[512.5632385253906,20.079226112365724],[512.9858825683594,20.175677490234374],[513.4106689453125,20.262373352050783],[513.8372680664063,20.33953857421875],[514.2661743164062,20.402687644958498],[514.6972229003907,20.448277473449707],[515.1298095703125,20.47682304382324],[515.5631652832031,20.488974952697756],[515.996630859375,20.485498809814455],[516.4297119140625,20.467084693908692],[516.8621337890626,20.435037231445314],[517.2932373046875,20.38988513946533],[517.7229675292969,20.333075523376465],[518.1512145996094,20.26494312286377],[518.5776489257813,20.187144470214843],[519.0023254394531,20.100064086914063],[519.4252441406251,20.005101013183594],[519.8466247558594,19.902773666381837],[520.2660827636719,19.793511199951173],[520.6837829589844,19.677461242675783],[521.0997253417969,19.554987716674805],[521.5138000488281,19.426744651794433],[521.9260070800782,19.29244194030762],[522.3364562988281,19.153003120422365],[522.7450927734375,19.00806770324707],[523.1520263671875,18.858607292175293],[523.5572021484376,18.704323196411135],[523.96083984375,18.54605484008789],[524.3627746582032,18.38361339569092],[524.76328125,18.217783355712893],[525.1623046875001,18.04830551147461],[525.5601745605469,17.876021003723146],[525.9566711425781,17.70069122314453],[526.3521240234376,17.523098945617676],[526.7464782714844,17.342811584472656],[527.1399536132812,17.160847091674807],[527.53271484375,16.977413177490234],[527.9248718261719,16.792583656311034],[528.3163696289063,16.606197166442872],[528.7074279785156,16.419125747680663],[529.0982666015625,16.231444931030275],[529.4888305664062,16.04322338104248],[529.87939453125,15.85502758026123],[530.270068359375,15.667176818847656],[530.6609069824219,15.479611015319824],[531.0518005371094,15.292021179199219],[531.4432983398438,15.105890464782716],[531.8354003906251,14.920839500427247],[532.2280517578125,14.736972999572755],[532.6215270996094,14.555001640319825],[533.015771484375,14.374798393249511],[533.4111694335937,14.196991539001464],[533.807666015625,14.02151927947998],[534.20537109375,13.848970413208008],[534.6042846679687,13.679302883148194],[535.004736328125,13.513126945495605],[535.4065612792969,13.350334453582764],[535.8100341796875,13.191748523712159],[536.2149353027344,13.036973476409912],[536.6213745117187,12.88602819442749],[537.0278686523437,12.735293197631837],[537.433758544922,12.583060455322267],[537.8395385742188,12.430166816711425],[538.2448791503906,12.27643117904663],[538.6502197265626,12.122695541381836],[539.0555053710938,11.968983936309815],[539.4611755371094,11.81594867706299],[539.8670654296875,11.663643836975098],[540.27333984375,11.512302017211914],[540.6802185058594,11.362512016296387],[541.0878662109375,11.214963054656982],[541.4962829589844,11.069587326049804],[541.9055786132812,10.926755619049073],[542.3160278320313,10.786958026885987],[542.7275756835937,10.650808238983155],[543.1403320312501,10.518282222747803],[543.5544067382813,10.389710426330566],[543.9697998046876,10.265825843811035],[544.3867309570313,10.146940898895265],[544.8051452636719,10.033456420898437],[545.22509765625,9.925638484954835],[545.646533203125,9.824090480804443],[546.0695068359375,9.728939437866211],[546.4940185546875,9.640951824188233],[546.9199035644532,9.560052967071533],[547.3466674804688,9.483646488189697],[547.7735961914062,9.408675956726075],[548.2009643554687,9.335238361358643],[548.6287170410156,9.265038299560548],[549.0570739746094,9.19817533493042],[549.4861450195312,9.136062240600586],[549.9158752441407,9.078802871704102],[550.3463745117188,9.027570533752442],[550.777587890625,8.982895660400391],[551.2095153808594,8.945907783508302],[551.6421569824219,8.917471218109132],[552.0752380371094,8.898373889923096],[552.5087036132812,8.889485263824463],[552.9421691894531,8.891716861724854],[553.3754150390625,8.906035995483398],[553.8081115722656,8.933582496643067],[554.239599609375,8.975034427642823],[554.6694396972656,9.031252670288087],[555.0969177246094,9.10307664871216],[555.5213745117188,9.191559505462648],[555.942919921875,9.292670631408692],[556.3620483398438,9.403325271606446],[556.7785949707031,9.523546600341797],[557.19228515625,9.653316593170166],[557.6027893066406,9.792650699615479],[558.0098327636719,9.941616725921632],[558.4133056640625,10.100360584259034],[558.8127136230469,10.26892776489258],[559.2077819824219,10.447406673431397],[559.5980712890625,10.635964679718018],[559.9834167480469,10.834787178039551],[560.3631042480469,11.043984031677246],[560.7367492675781,11.263742351531983],[561.1039123535156,11.4942458152771],[561.4639892578125,11.7356858253479],[561.8164306640625,11.98807954788208],[562.1604675292969,12.251813220977784],[562.49560546875,12.52690486907959],[562.82080078125,12.813529586791992],[563.1354492187501,13.111671924591064],[563.4388916015625,13.421348190307617],[563.7370056152344,13.736108207702637],[564.0350646972656,14.050868225097657],[564.332684326172,14.366122627258301],[564.6301391601563,14.68154697418213],[564.9271545410156,14.997309494018555],[565.2236755371094,15.313549232482911],[565.5202514648438,15.629787254333497],[565.8168273925781,15.94606647491455],[566.1133483886719,16.262304496765136],[566.408935546875,16.579412841796877],[566.7043029785157,16.896800994873047],[566.9996704101562,17.214147949218752],[567.2950378417969,17.531494903564454],[567.5902954101563,17.848929405212402],[567.8845642089844,18.167344093322754],[568.1787780761719,18.485717582702637],[568.473046875,18.80409107208252],[568.7673156738282,19.122505760192873],[569.061199951172,19.44118824005127],[569.3543701171875,19.760533332824707],[569.6475952148438,20.079880142211916],[569.9408203125,20.39926643371582],[570.2339904785157,20.71861152648926],[570.5266662597656,21.0384578704834],[570.81884765625,21.358757400512697],[571.111083984375,21.679015731811525],[571.4032653808594,21.999275779724123],[571.6954467773438,22.31953411102295],[571.9869689941406,22.640437889099122],[572.2782714843751,22.961544227600097],[572.5695190429688,23.282650566101076],[572.8608215332032,23.60379810333252],[573.1520690917969,23.924904441833498],[573.442547607422,24.246697425842285],[573.7329711914062,24.568595123291015],[574.0233947753907,24.890534019470216],[574.3137634277344,25.212430000305176],[574.6041320800781,25.534327697753906],[574.8937316894531,25.856966972351074],[575.1832763671875,26.17961139678955],[575.4728759765625,26.50225410461426],[575.7624206542969,26.824898529052735],[576.0519653320313,27.14762535095215],[576.340740966797,27.470963287353516],[576.6295166015625,27.794299507141115],[576.9183471679688,28.11767864227295],[577.2071228027344,28.44101486206055],[577.4958435058594,28.764431762695313],[577.7839050292969,29.088411712646487],[578.0719665527344,29.412432861328124],[578.360028076172,29.736412811279298],[578.6480895996094,30.06039276123047],[578.9360961914062,30.384503173828126],[579.2234985351563,30.709073638916017],[579.5109008789062,31.033640670776368],[579.7983032226563,31.35821113586426],[580.0857055664063,31.682819366455078],[580.3729980468751,32.00745162963867],[580.6597412109376,32.33257827758789],[580.9465393066406,32.65774612426758],[581.2333374023438,32.9828727722168],[581.5200805664062,33.30799942016602],[581.8067687988281,33.63318099975586],[582.0929626464844,33.95885353088379],[582.3791564941406,34.28448829650879],[582.6653503417969,34.610119628906254],[582.9515991210938,34.93579559326172],[583.2377380371094,35.26149215698242],[583.5233825683594,35.58759384155274],[583.8090270996094,35.91369209289551],[584.0947265625,36.23983497619629],[584.38037109375,36.5659366607666],[584.666015625,36.892076110839845],[584.951220703125,37.21864128112793],[585.2363708496094,37.54516868591309],[585.5215759277344,37.871696090698244],[585.8067260742188,38.198220062255864],[586.0919311523438,38.52478866577149],[586.3764221191407,38.85185165405274],[586.6609680175782,39.17893524169922],[586.9455139160157,39.50606346130371],[587.2300598144532,39.833150482177736],[587.5146057128907,40.16023406982422],[587.7990966796875,40.487321090698245],[588.083642578125,40.814445877075194],[588.3681884765625,41.14153289794922],[588.652734375,41.4686164855957],[588.9372802734375,41.7957447052002],[589.2212219238281,42.12336730957031],[589.5050537109375,42.45106887817383],[589.7888305664063,42.778773880004884],[590.0727172851563,43.10651664733887],[590.356494140625,43.43422164916992],[590.6403259277344,43.761923217773436],[590.9241577148438,44.089669418334964],[591.2079895019532,44.41737098693848],[591.4918212890625,44.745072555541995],[591.7755981445313,45.07277755737305],[592.0591003417969,45.400825881958006],[592.3423828125,45.728997802734376],[592.6256652832031,46.057166290283206],[592.9089477539063,46.38537940979004],[593.1922302246094,46.71355133056641],[593.4755126953125,47.04172325134277],[593.7587951660156,47.36989517211914],[594.0420776367188,47.69810829162598],[594.325360107422,48.02628021240235],[594.608642578125,48.35445213317871],[594.8917602539062,48.682826614379884],[595.174658203125,49.011324691772465],[595.4575561523437,49.33982276916504],[595.7404541015625,49.66832084655762],[596.0234069824219,49.996860122680665],[596.3063049316406,50.32535820007325],[596.5891479492187,50.65385284423828],[596.8721008300781,50.98239212036133],[597.1549987792969,51.310890197753906],[597.4378967285156,51.63938827514649],[597.7206848144532,51.96792068481445],[598.00341796875,52.29666252136231],[598.2860412597656,52.62536315917969],[598.5687194824219,52.95406379699707],[598.8513977050782,53.282805633544925],[599.1340759277344,53.61150283813477],[599.4167541503906,53.94020347595215],[599.6993774414062,54.26890411376953],[599.9821105957031,54.597645950317386],[600.2647338867188,54.92634658813477],[600.547412109375,55.255043792724614],[600.8300903320313,55.58378562927246],[601.1127685546875,55.91248626708985],[601.3953918457031,56.24118690490723],[601.6780700683594,56.56988754272461],[601.9607482910156,56.898629379272464],[602.2434265136719,57.22732658386231],[602.5261047363282,57.55602722167969],[602.8087829589844,57.884765625],[603.0914611816406,58.213469696044925],[603.3741394042969,58.54219436645508],[603.6570373535156,58.87068557739258],[603.939990234375,59.19921798706055],[604.2228881835938,59.52770919799805],[604.5057861328125,59.85620040893555],[604.7886840820313,60.184732818603514],[605.07158203125,60.513224029541014],[605.3545349121094,60.841715240478514],[605.6374328613282,61.170206451416014],[605.920330810547,61.498738861083986],[606.2032287597657,61.827230072021486],[606.4861267089844,62.155721282958986],[606.7690795898437,62.48426055908203],[607.0519775390625,62.81275177001953],[607.3348754882812,63.14124298095703],[607.6177734375,63.46973419189453],[607.9007263183594,63.7982666015625],[608.1836242675781,64.1267578125],[608.4665222167969,64.4552490234375],[608.7494750976563,64.78378143310547],[609.032373046875,65.11227264404297],[609.3161499023438,65.43996734619141],[609.6000366210938,65.76764144897462],[609.8840881347656,66.09518508911133],[610.1689086914063,66.42202835083008],[610.4537292480469,66.74887161254883],[610.7388793945313,67.0753646850586],[611.0245239257813,67.40154876708985],[611.3101684570313,67.72768478393554],[611.5957580566406,68.05382766723633],[611.8814025878906,68.38001174926758],[612.1669921875,68.70614776611329],[612.45263671875,69.03229751586915],[612.7382263183594,69.35844039916992],[613.0238708496094,69.68463134765625],[613.3094604492188,70.01077423095704],[613.5950500488282,70.3369239807129],[613.8803100585938,70.66347885131836],[614.1650756835937,70.99034957885742],[614.4498413085938,71.3172203063965],[614.7339477539062,71.64483261108398],[615.017724609375,71.97255477905274],[615.3014465332031,72.30024948120118],[615.583905029297,72.62909774780273],[615.8664184570313,72.9579460144043],[616.1483825683594,73.28718566894531],[616.4293029785157,73.61752395629883],[616.7101684570313,73.94778671264649],[616.9902099609375,74.27872924804687],[617.2694824218751,74.61042709350586],[617.5477661132812,74.94282531738281],[617.825115966797,75.27594451904297],[618.1016967773438,75.60975036621095],[618.3776184082031,75.94435958862304],[618.6521118164063,76.2798683166504],[618.9256713867188,76.61613235473634],[619.1983520507813,76.9532066345215],[619.4699340820313,77.2910774230957],[619.7400329589844,77.63020477294923],[620.009033203125,77.97018356323242],[620.2769897460938,78.31106872558594],[620.5435729980469,78.65296325683595],[620.8084533691407,78.99609375],[621.0721801757812,79.34023361206054],[621.3349182128907,79.68501205444336],[621.5982055664062,80.02945404052734],[621.8638000488281,80.37206954956055],[622.1308776855469,80.71381301879883],[622.3978454589844,81.05535736083985],[622.6643188476563,81.39727249145508],[622.9293090820313,81.74039611816407],[623.1923217773438,82.08497543334961],[623.4517639160157,82.43229446411134],[623.7067565917969,82.78281326293946],[623.956640625,83.13727340698243],[624.20009765625,83.4959083557129],[624.4364685058594,83.85940475463867],[624.6639404296875,84.22838745117188],[624.8817993164063,84.60322036743165],[625.0885070800781,84.98417129516602],[625.2829650878906,85.37160415649414],[625.4640747070313,85.76562194824218],[625.6340881347656,86.16438446044923],[625.8004211425781,86.56478805541992],[625.9627990722656,86.96669540405274],[626.1205078125,87.37045669555664],[626.2735473632813,87.7760856628418],[626.4204895019532,88.18398742675781],[626.5620483398437,88.59386672973633],[626.6965759277344,89.00588836669922],[626.8236877441407,89.4203269958496],[626.9428894042969,89.83716888427735],[627.0535217285156,90.25631103515626],[627.1549255371094,90.67784957885742],[627.2461669921876,91.1015853881836],[627.3266967773437,91.52765579223633],[627.3955810546876,91.95565567016602],[627.45205078125,92.38549575805665],[627.4951721191406,92.81685333251953],[627.5242309570312,93.24936447143556],[627.5382934570313,93.68259658813477],[627.5367004394532,94.11612396240234],[627.5185729980469,94.5493148803711],[627.4831420898438,94.98133850097656],[627.4284851074219,95.41132965087891],[627.3537780761719,95.83836822509765],[627.2604492187501,96.26171951293945],[627.1498168945312,96.68079299926758],[627.022705078125,97.09524536132812],[626.8802673339844,97.50471267700196],[626.723876953125,97.90901641845703],[626.5543579101562,98.30803298950195],[626.3727539062501,98.70164566040039],[626.1800537109375,99.09000549316407],[625.9769165039063,99.47293395996094],[625.7643310546875,99.8507194519043],[625.5429565429688,100.22354049682617],[625.3131774902344,100.59129409790039],[625.0760375976563,100.95415878295898],[624.8320861816406,101.3124366760254],[624.5816528320313,101.66637496948242],[624.3242980957032,102.01528701782227],[624.0564514160156,102.35612411499024],[623.7781127929687,102.68859786987305],[623.4900512695312,103.01245422363282],[623.1926513671875,103.32796783447266],[622.8861328125,103.63439025878907],[622.5709350585938,103.93198928833009],[622.2476623535157,104.2208953857422],[621.9160949707032,104.5001953125],[621.5770568847656,104.77043838500977],[621.230712890625,105.03123321533204],[620.8774475097656,105.28231887817383],[620.5170410156251,105.5232765197754],[620.1501525878906,105.75424346923829],[619.777001953125,105.97484893798828],[619.3976989746094,106.1846809387207],[619.0115844726563,106.38207092285157],[618.6197570800781,106.56738967895508],[618.2224365234375,106.74099426269531],[617.8204467773438,106.903125],[617.4140625,107.05404281616211],[617.0038330078125,107.19415969848633],[616.5901977539063,107.32380523681641],[616.1734313964844,107.44331588745118],[615.7539184570313,107.55299377441406],[615.3322082519531,107.65305862426759],[614.9082458496094,107.7438949584961],[614.4825256347657,107.82573623657227],[614.0552673339844,107.89884338378907],[613.6265808105469,107.9634635925293],[613.1965759277344,108.01948013305665],[612.7655822753907,108.06641921997071],[612.3337097167969,108.10370407104493],[611.9010131835938,108.13058624267579],[611.4678771972657,108.14694213867188],[611.0343566894531,108.15149459838868],[610.6009460449219,108.14440155029297],[610.1678100585938,108.1243034362793],[609.7356079101563,108.09106979370118],[609.3047241210937,108.04371185302735],[608.8757080078125,107.98174896240235],[608.4491638183594,107.90414428710938],[608.0259704589844,107.81038284301758],[607.6067321777344,107.7000732421875],[607.1913391113281,107.57573547363282],[606.7801208496094,107.43852310180664],[606.3731872558594,107.2890609741211],[605.9708129882813,107.12789840698242],[605.5729431152344,106.95566024780274],[605.179852294922,106.77292327880859],[604.791650390625,106.5800033569336],[604.4081176757812,106.37774505615235],[604.0295288085938,106.16652603149414],[603.6558288574219,105.94679260253906],[603.2870727539063,105.71897048950196],[602.9231506347656,105.48343048095704],[602.5640075683594,105.24059143066407],[602.2097534179687,104.99077606201172],[601.8601135253906,104.73424530029297],[601.5154174804687,104.4714111328125],[601.1772583007813,104.20015869140626],[600.8460754394531,103.9203712463379],[600.521649169922,103.63286590576172],[600.2038146972657,103.33804092407227],[599.8921875,103.03664474487304],[599.5862731933594,102.72934341430664],[599.2858520507813,102.41684417724609],[598.9907043457032,102.09935989379883],[598.6996765136719,101.77805786132812],[598.41298828125,101.45283508300781],[598.1298706054688,101.12457733154297],[597.849609375,100.79373092651367],[597.5723693847657,100.46040573120118],[597.2970520019531,100.12544631958008],[597.0237121582031,99.7890106201172],[596.7510314941406,99.45190887451172],[596.4791198730469,99.11426467895508],[596.2073181152344,98.77661361694337],[595.9350769042969,98.4392921447754],[595.6621215820313,98.10225906372071],[595.3875183105469,97.76686019897461],[595.1110473632813,97.43286895751953],[594.83232421875,97.10083465576172],[594.5529968261719,96.76929473876953],[594.2748779296875,96.43678665161133],[593.9976379394532,96.10346832275391],[593.7212219238281,95.76937408447266],[593.4457946777344,95.4346206665039],[593.1714111328125,95.09892654418945],[592.8977966308594,94.7626350402832],[592.6250061035156,94.42576675415039],[592.3528747558594,94.08828048706054],[592.0816772460938,93.75002517700196],[591.8113037109375,93.41098022460938],[591.5415344238281,93.07161941528321],[591.2717651367187,92.73226547241211],[591.0034790039062,92.3917236328125],[590.7354125976562,92.05103073120118],[590.4675659179687,91.71020736694337],[590.2009826660156,91.36835403442383],[589.9342895507813,91.02641143798829],[589.6681457519531,90.68417358398438],[589.4028259277344,90.34132461547851],[589.1375061035156,89.99846878051758],[588.872900390625,89.65513916015625],[588.6086791992187,89.31141815185548],[588.3445129394531,88.96769714355469],[588.0809509277344,88.62327575683594],[587.8177185058594,88.27881317138672],[587.554541015625,87.93435058593751],[587.2924072265625,87.58909149169922],[587.0303283691406,87.24375],[586.7683044433594,86.89841537475586],[586.5062255859375,86.55308074951172],[586.2440917968751,86.20764999389648],[585.982342529297,85.86207504272461],[585.7213073730469,85.51597137451172],[585.4602172851563,85.16986083984375],[585.1991821289063,84.82375717163086],[584.9381469726562,84.47764663696289],[584.6770568847656,84.13154296875],[584.4161865234375,83.78506164550781],[584.1555358886719,83.43864212036134],[583.8948852539063,83.09222259521485],[583.6342895507813,82.74580307006836],[583.3736389160157,82.39939041137696],[583.1129882812501,82.05304641723633],[582.8521179199219,81.70677795410157],[582.5912475585938,81.36042022705078],[582.3303771972656,81.01414489746094],[582.0695617675782,80.66787643432617],[581.8087463378906,80.32160797119141],[581.547216796875,79.97574462890626],[581.2855224609375,79.63010787963867],[581.023828125,79.2844711303711],[580.7621337890625,78.93874511718751],[580.5004394531251,78.59310836791992],[580.2383056640625,78.24790420532227],[579.9755126953125,77.90308456420898],[579.7127746582031,77.55827178955079],[579.4491577148438,77.214111328125],[579.1854309082031,76.87004013061524],[578.9212097167969,76.52628479003907],[578.6562194824219,76.18305816650391],[578.3912841796875,75.8399139404297],[578.1250305175781,75.49779968261718],[577.8586669921875,75.15578842163086],[577.5914245605469,74.81440200805665],[577.3233032226562,74.47370910644531],[577.0550720214844,74.1332633972168],[576.7853576660157,73.7936279296875],[576.5147094726562,73.45495376586915],[576.2430725097656,73.11717224121094],[575.9702819824219,72.78021469116212],[575.6962829589844,72.44427337646485],[575.4209655761719,72.10941696166992],[575.1441101074219,71.77576217651368],[574.8656616210938,71.44341201782227],[574.5854553222656,71.1126205444336],[574.303271484375,70.78344268798828],[574.0189453125,70.45615310668946],[573.7322570800782,70.13101959228516],[573.4428222656251,69.80827560424805],[573.1502014160156,69.48840866088868],[572.8430236816406,69.18243255615235],[572.5152465820313,68.89883422851562],[572.1697814941407,68.63709182739258],[571.8094848632812,68.39620971679688],[571.4368835449219,68.17471160888672],[571.053955078125,67.97151260375976],[570.6626770019532,67.78513641357422],[570.2643127441406,67.6139419555664],[569.8601806640626,67.45706405639649],[569.4513244628906,67.31290283203126],[569.0385681152344,67.18028411865235],[568.6225708007813,67.05827407836914],[568.2039367675782,66.94584274291992],[567.7829956054687,66.84193267822266],[567.3601318359375,66.7458984375],[566.9360595703125,66.65629806518555],[566.5105590820312,66.57298736572265],[566.0841796875001,66.49482650756836],[565.6569763183594,66.42099838256836],[565.2283996582031,66.35637817382813],[564.797900390625,66.30464630126953],[564.3660827636719,66.26517105102539],[563.93349609375,66.23761596679688],[563.5003051757812,66.22177505493164],[563.0667846679688,66.21703033447265],[562.6333190917969,66.22310028076173],[562.2001831054688,66.2396827697754],[561.7673767089844,66.2662353515625],[561.3353393554688,66.30264129638672],[560.9042358398438,66.34854354858399],[560.4742309570313,66.40320053100587],[560.0454895019532,66.46703796386718],[559.6179565429687,66.53930740356445],[559.1920715332031,66.6196792602539],[558.7676147460937,66.70797500610352],[558.3446960449219,66.80400924682617],[557.9238647460937,66.90797424316406],[557.5053955078125,67.02128448486329],[557.0895629882813,67.14363098144531],[556.6762573242188,67.27451934814454],[556.2656433105469,67.41348266601562],[555.857666015625,67.56000595092773],[555.4521057128907,67.7136703491211],[555.0493469238281,67.8738166809082],[554.6489501953125,68.04005355834961],[554.2509155273438,68.21185913085938],[553.8551879882813,68.3887321472168],[553.4614379882813,68.57034301757812],[553.0697204589844,68.7560806274414],[552.6797607421876,68.94553298950196],[552.2914489746094,69.13832931518554],[551.9045104980469,69.33378982543945],[551.5187255859375,69.531591796875],[551.1339843750001,69.73133697509766],[550.7500122070313,69.93255844116212],[550.36669921875,70.13503646850586],[549.9835510253906,70.33809127807618],[549.6005126953125,70.5411735534668],[549.217529296875,70.7443244934082],[548.8343811035156,70.94709777832031],[548.4505737304688,71.14886169433593],[548.066162109375,71.34927291870117],[547.6808715820313,71.54790573120117],[547.2944274902344,71.74444427490235],[546.9066650390625,71.9384147644043],[546.5173645019531,72.12924728393556],[546.1264709472656,72.31650924682617],[545.733544921875,72.49984359741211],[545.3386413574219,72.67877655029297],[544.9415954589844,72.85277252197265],[544.542626953125,73.02274475097657],[544.143603515625,73.19215393066406],[543.7445251464844,73.36156311035157],[543.3448974609375,73.52943420410156],[542.9451049804687,73.69705810546876],[542.5452575683594,73.86467514038087],[542.1449157714844,74.03078155517578],[541.7442993164062,74.19681243896484],[541.34384765625,74.36280212402345],[540.9426818847656,74.52735671997071],[540.5415710449219,74.69185638427734],[540.1405151367188,74.85627365112305],[539.7388549804688,75.01944122314454],[539.3372497558594,75.18260879516602],[538.9353698730469,75.34570770263672],[538.5332153320313,75.50768051147462],[538.1311157226563,75.6696533203125],[537.7289611816407,75.83141326904297],[537.3264221191406,75.99233551025391],[536.9238830566406,76.15325775146485],[536.5211791992188,76.31397399902345],[536.1182006835937,76.4740379333496],[535.7152770996094,76.63406753540039],[535.3122436523438,76.7937744140625],[534.908935546875,76.95274658203125],[534.5055725097657,77.11171875000001],[534.1022644042969,77.27069091796875],[533.6989562988282,77.4296630859375],[533.2955383300781,77.58867645263672],[532.8921203613281,77.74722290039062],[532.488427734375,77.90529556274414],[532.0847900390626,78.06336822509766],[531.6810974121094,78.22144088745118],[531.2774047851562,78.37950668334962],[530.8737670898438,78.53757934570312],[530.4699096679688,78.69561767578125],[530.066162109375,78.8535255432129],[529.6624694824219,79.01144027709961],[529.2587219238281,79.16935501098634],[528.8549743652344,79.32726974487305],[528.4512268066406,79.48518447875976],[528.0474792480469,79.64309921264649],[527.6436767578125,79.80105514526367],[527.2399291992188,79.95896987915039],[526.836181640625,80.11688461303712],[526.4324340820312,80.27479934692383],[526.0287414550781,80.43271408081056],[525.6253784179688,80.59149398803712],[525.2220703125,80.75047302246094],[524.81865234375,80.90949325561523],[524.4155090332032,81.06897354125977],[524.0125305175782,81.2289207458496],[523.6096069335938,81.38886795043946],[523.2067382812501,81.54897994995117],[522.8041442871094,81.70975112915039],[522.4015502929688,81.8705223083496],[521.9988464355469,82.0313346862793],[521.5962524414062,82.19210586547852],[521.193603515625,82.35287017822266],[520.7910095214844,82.51364135742188],[520.3884704589844,82.67446746826172],[519.9858764648437,82.83533477783203],[519.5832824707031,82.99620208740235],[519.1806335449219,83.15711059570313],[518.7780944824219,83.31797790527344],[518.3755004882813,83.47884521484376],[517.9729064941406,83.63971252441407],[517.5700927734375,83.79994125366211],[517.1672241210938,83.96013565063477],[516.7644104003906,84.12032318115234],[516.3612121582031,84.2800163269043],[515.9580688476562,84.43936614990234],[515.5548706054688,84.5987159729004],[515.1515625000001,84.75766067504883],[514.7479248046875,84.9158432006836],[514.3443420410157,85.07403259277343],[513.940594482422,85.23219451904298],[513.536297607422,85.38896255493164],[513.1321105957031,85.54568939208984],[512.7279235839844,85.70241622924804],[512.323406982422,85.85818862915039],[511.9186157226563,86.0135971069336],[511.5135498046875,86.16806488037109],[511.10837402343753,86.32210693359376],[510.70281372070315,86.47559280395508],[510.2970336914063,86.62819290161133],[509.89108886718753,86.78040847778321],[509.48475952148436,86.93155288696289],[509.07826538085936,87.08211364746094],[508.67149658203124,87.2319808959961],[508.26428833007816,87.3807975769043],[507.85691528320314,87.52914733886719],[507.44910278320316,87.67624740600586],[507.041015625,87.82264022827148],[506.6326538085938,87.96824340820312],[506.22385253906253,88.112548828125],[505.81483154296876,88.25629806518555],[505.40537109375003,88.39864654541016],[504.9955261230469,88.54013671875],[504.58546142578126,88.68076858520509],[504.1748474121094,88.82004089355469],[503.76428833007816,88.95899047851563],[503.3531799316406,89.0966423034668],[502.9420166015625,89.23395767211915],[502.53046875,89.3702980041504],[502.1186462402344,89.50609588623047],[501.7066589355469,89.6411247253418],[501.29445190429686,89.775350189209],[500.882080078125,89.9091293334961],[500.46943359375,90.04185791015625],[500.05662231445314,90.17435302734376],[499.64353637695314,90.30571517944337],[499.23017578125,90.43683013916016],[498.81670532226565,90.56704559326172],[498.40296020507816,90.69680786132812],[497.9891052246094,90.82592468261718],[497.57508544921876,90.9543342590332],[497.16090087890626,91.082373046875],[496.74644165039064,91.20956039428711],[496.3318725585938,91.33656234741211],[495.9170837402344,91.46257553100587],[495.5022399902344,91.58836212158204],[495.0871215820313,91.71341400146484],[494.6718383789063,91.83810882568359],[494.25644531250003,91.96224746704102],[493.8409423828125,92.08555526733399],[493.42510986328125,92.20842361450195],[493.00933227539065,92.33126449584961],[492.5935546875,92.45408477783204],[492.1773376464844,92.57531204223633],[491.76112060546876,92.69654617309571],[491.34490356445315,92.81777343750001],[490.928466796875,92.93841018676758],[490.51170043945314,93.05822296142578],[490.0950439453125,93.1780014038086],[489.6783874511719,93.29777297973634],[489.2615112304688,93.41649398803712],[488.84447021484374,93.53496780395508],[488.42742919921875,93.65344161987305],[488.01038818359376,93.77167510986328],[487.5929626464844,93.8890365600586],[487.17564697265624,94.0063705444336],[486.75827636718753,94.12369766235352],[486.3407409667969,94.24044799804688],[485.923095703125,94.35678634643556],[485.50550537109376,94.47312469482422],[485.0878601074219,94.58946304321289],[484.6698852539063,94.70501174926758],[484.2520202636719,94.8205192565918],[483.83421020507814,94.93601989746094],[483.41623535156253,95.05115661621095],[482.99815063476564,95.1657096862793],[482.58001098632815,95.28026962280273],[482.16192626953125,95.3948226928711],[481.7436767578125,95.50941009521485],[481.3255920410156,95.6239631652832],[480.90745239257814,95.73852310180665],[480.48931274414065,95.8528221130371],[480.0708435058594,95.96599502563477],[479.6523742675781,96.07916107177735],[479.2338500976563,96.19232711791993],[478.81483154296876,96.30408554077148],[478.3958679199219,96.41549377441406],[477.97690429687503,96.52689514160157],[477.5578308105469,96.63748626708984],[477.138427734375,96.74725341796875],[476.7190246582031,96.85702743530274],[476.29956665039066,96.9665885925293],[475.8796691894531,97.07486572265626],[475.4598815917969,97.18312225341798],[475.04009399414065,97.29137878417968],[474.61997680664064,97.39852981567383],[474.19980468750003,97.50537872314453],[473.7796325683594,97.61222076416016],[473.3594604492188,97.71847915649414],[472.93884887695316,97.82407150268556],[472.5184020996094,97.92964324951173],[472.097900390625,98.0350845336914],[471.6771240234375,98.1394889831543],[471.25634765625,98.24389343261718],[470.83562622070315,98.34829788208008],[470.4146301269531,98.45190582275391],[469.9935241699219,98.55528030395509],[469.5724731445313,98.65863418579102],[469.1513671875,98.76161041259766],[468.7300964355469,98.86403732299804],[468.3088806152344,98.96646423339844],[467.88755493164064,99.06884994506837],[467.46611938476565,99.17047348022462],[467.04457397460936,99.27213134765626],[466.6231384277344,99.37376174926759],[466.2015380859375,99.47468490600586],[465.7798278808594,99.5753402709961],[465.35817260742186,99.6760025024414],[464.9365173339844,99.77665786743164],[464.5148071289063,99.87732009887695],[464.0930419921875,99.9780029296875],[463.67138671875,100.07861709594727],[463.24951171875,100.17838668823242],[462.82763671875,100.27815628051758],[462.40576171875,100.37791900634765],[461.98388671875,100.47768859863281],[461.5619567871094,100.5774513244629],[461.1399719238281,100.67724151611328],[460.7180969238281,100.7768669128418],[460.2961120605469,100.87622451782227],[459.87412719726564,100.97558898925782],[459.4521423339844,101.07494659423828],[459.03015747070316,101.17430419921875],[458.60817260742186,101.27366180419922],[458.1861053466797,101.373046875],[457.76414794921874,101.47245254516602],[457.3421905517578,101.57188568115235],[456.9202056884766,101.6713119506836],[456.4982482910156,101.77074508666992],[456.0762908935547,101.87017135620117],[455.6543334960938,101.9696044921875],[455.2323486328125,102.06903762817383],[454.8104187011719,102.16902008056641],[454.3885986328125,102.26900939941406],[453.96677856445314,102.36899185180664],[453.54493103027346,102.4689811706543],[453.12311096191405,102.56896362304688],[452.7012634277344,102.66895294189453],[452.27947082519535,102.76913452148438],[451.8577056884766,102.86985855102539],[451.43605041503906,102.97056198120117],[451.0143676757813,103.07125854492188],[450.592822265625,103.17255935668946],[450.1713317871094,103.2739013671875],[449.74981384277345,103.37524337768555],[449.3284057617188,103.47702484130859],[448.90697021484374,103.57914962768555],[448.48564453125,103.68124008178711],[448.06431884765624,103.78356399536133],[447.643212890625,103.8865333557129],[447.2220794677734,103.98950958251953],[446.8009735107422,104.09248580932618],[446.3801696777344,104.19632720947266],[445.9592010498047,104.30031967163086],[445.53831481933594,104.40429153442383],[445.11753845214844,104.50889511108399],[444.69695434570315,104.61397933959961],[444.27634277343753,104.71907043457031],[443.85589599609375,104.82439498901367],[443.4356140136719,104.93072204589843],[443.0152221679688,105.03706970214844],[442.5949401855469,105.14339675903321],[442.1749603271484,105.25088424682617],[441.7550079345703,105.35855712890626],[441.3350830078125,105.4662368774414],[440.9153503417969,105.57466506958008],[440.4958099365235,105.68382110595704],[440.0761322021485,105.79299774169922],[439.65667419433595,105.90242156982423],[439.2375183105469,106.01316375732422],[438.8183898925781,106.1239128112793],[438.3992614746094,106.2346549987793],[437.9804626464844,106.34681854248048],[437.56177368164066,106.45927734375],[437.14300231933595,106.57175674438477],[436.7244506835938,106.6848747253418],[436.3061187744141,106.79868621826172],[435.88811645507815,106.91323242187501],[435.4700866699219,107.02791595458984],[435.0517822265625,107.14208450317383],[434.63312072753905,107.25459136962891],[434.2139099121094,107.36553955078125],[433.79478149414064,107.47613067626953],[433.3752410888672,107.58530044555664],[432.95570068359376,107.69429168701173],[432.5359130859375,107.80264434814454],[432.11607055664064,107.91103820800781],[431.696337890625,108.0194938659668],[431.2765777587891,108.12821044921876],[430.85711975097655,108.23770294189454],[430.4377716064453,108.3475112915039],[430.0186981201172,108.45867233276367],[429.6000640869141,108.57109680175782],[429.1817321777344,108.68506622314453],[428.7640319824219,108.80075225830079],[428.34666137695314,108.91847763061524],[427.93003234863284,109.0384002685547],[427.5141998291016,109.16076049804688],[427.09905395507815,109.28583984375],[426.68486938476565,109.4138168334961],[426.27153625488285,109.54467086791992],[425.8594665527344,109.67916412353516],[425.4484130859375,109.81731033325195],[425.0388153076172,109.95927429199219],[424.6306457519531,110.10528259277343],[424.22401428222656,110.25558929443359],[423.8190582275391,110.41039352416992],[423.4159149169922,110.56993560791015],[423.01477661132816,110.73439407348633],[422.61569824218753,110.9040023803711],[422.2190368652344,111.07879486083985],[421.82374877929686,111.2567527770996],[421.4300811767578,111.43824691772461],[421.0378692626953,111.62302322387696],[420.6472503662109,111.81099243164063],[420.2584167480469,112.00271072387696],[419.87131347656253,112.1980339050293],[419.48602294921875,112.39678344726563],[419.10276489257814,112.5994743347168],[418.72162170410155,112.80603103637695],[418.34253845214846,113.01626815795899],[417.96567993164064,113.23064575195313],[417.5913757324219,113.44921188354492],[417.2192413330078,113.67178802490234],[416.8496887207031,113.89848403930664],[416.4829376220703,114.12964324951172],[416.1189880371094,114.36528625488282],[415.7580047607422,114.6052619934082],[415.40009765625,114.84989318847657],[415.0454040527344,115.09913177490235],[414.6938690185547,115.35306701660157],[414.3460144042969,115.61179504394532],[414.00181274414064,115.8753158569336],[413.66126403808596,116.14361572265625],[413.32483520507816,116.41692810058593],[412.99090576171875,116.69342651367188],[412.659750366211,116.97308349609375],[412.33095703125,117.25587158203125],[412.00562438964846,117.54232635498047],[411.68345031738284,117.8324203491211],[411.3650665283203,118.12670288085938],[411.0507476806641,118.4252426147461],[410.7406860351563,118.72821807861328],[410.4355682373047,119.0360824584961],[410.13547668457034,119.34917907714843],[409.84112548828125,119.66739807128907],[409.55287170410156,119.9912612915039],[409.2712371826172,120.32078247070312],[408.9966613769531,120.65622253417969],[408.729638671875,120.99773254394532],[408.47071838378906,121.34535369873048],[408.22039489746095,121.69949798583984],[407.9794647216797,122.05982208251953],[407.7483673095703,122.42665557861328],[407.5278717041016,122.79986114501953],[407.3181427001953,123.17931518554688],[407.1183288574219,123.56391906738281],[406.92796325683594,123.9534393310547],[406.74704589843753,124.34747772216797],[406.5749725341797,124.745361328125],[406.4116882324219,125.14698028564453],[406.2565612792969,125.55177154541016],[406.10950927734376,125.95961151123048],[405.96979064941405,126.36993713378907],[405.83737792968753,126.78277587890625],[405.711474609375,127.19771575927734],[405.59205322265626,127.6144271850586],[405.47837219238284,128.03274536132812],[405.37034912109374,128.45260162353517],[405.26718750000003,128.8736801147461],[405.16907958984376,129.2960220336914],[405.074789428711,129.71911926269533],[404.9846466064453,130.14330139160157],[404.8979919433594,130.56801910400392],[404.8142486572266,130.99339599609377],[404.7331146240235,131.41928100585938],[404.6544525146484,131.84555053710938],[404.5778778076172,132.27223205566406],[404.50245666503906,132.69913330078126],[404.4282165527344,133.12644653320314],[404.3546905517578,133.55367736816407],[404.28577880859376,133.98164978027344],[404.2234313964844,134.41073455810547],[404.1674835205078,134.84054718017578],[404.1173858642578,135.27119750976564],[404.0729461669922,135.70238342285157],[404.03375244140625,136.13426971435547],[403.99903564453126,136.56638946533204],[403.96929016113285,136.99886627197267],[403.94341735839845,137.43157653808595],[403.9213073730469,137.8645477294922],[403.9028228759766,138.29771118164064],[403.8871673583985,138.73097076416016],[403.87445068359375,139.16439514160157],[403.8639587402344,139.59776458740234],[403.8558563232422,140.03123016357424],[403.84885253906253,140.4646408081055],[403.8432220458985,140.89812011718752],[403.83904724121095,141.3317092895508],[403.835009765625,141.76520233154298],[403.8309997558594,142.19876403808595],[403.82715454101566,142.63227081298828],[403.8227874755859,143.0657913208008],[403.817953491211,143.49927062988283],[403.81251525878906,143.932763671875],[403.80710449218753,144.36624298095703],[403.80169372558595,144.79973602294922],[403.79680480957035,145.23333892822265],[403.7921905517578,145.66681823730468],[403.7886199951172,146.10032501220704],[403.78565368652346,146.53380432128907],[403.7837585449219,146.96732482910156],[403.7832366943359,147.4008316040039],[403.78342895507814,147.8343521118164],[403.78565368652346,148.26798248291016],[403.78960876464845,148.70157165527345],[403.7954315185547,149.135009765625],[403.8032592773438,149.56846160888674],[403.8132568359375,150.00189971923828],[403.8256439208985,150.4352554321289],[403.84080505371094,150.86844635009766],[403.8586853027344,151.30171966552734],[403.87944946289065,151.7347869873047],[403.90320739746096,152.16763458251953],[403.93015136718753,152.60024871826172],[403.9607208251953,153.03275299072266],[403.9950256347656,153.46485900878906],[404.0330383300781,153.89674530029296],[404.0749237060547,154.328288269043],[404.1208465576172,154.75936431884767],[404.1709716796875,155.1900146484375],[404.2243377685547,155.6202392578125],[404.27943420410156,156.05029907226563],[404.33628845214844,156.4800018310547],[404.3950103759766,156.90953979492187],[404.45562744140625,157.33887176513673],[404.51816711425784,157.76792907714844],[404.58273925781253,158.19661560058594],[404.6493713378906,158.62494506835938],[404.7181732177734,159.05301361083986],[404.789144897461,159.48067016601564],[404.8623413085938,159.9079559326172],[404.9378997802734,160.33496704101563],[405.0158203125,160.76134643554687],[405.0961853027344,161.18743743896485],[405.1790222167969,161.6129104614258],[405.26441345214846,162.03793029785157],[405.35246887207035,162.46246948242188],[405.4431610107422,162.88636322021486],[405.5366546630859,163.3097900390625],[405.63294982910156,163.73240661621094],[405.7321014404297,164.154460144043],[405.8341918945313,164.5758270263672],[405.9392486572266,164.99646606445313],[406.0474090576172,165.41617126464845],[406.1587829589844,165.8352035522461],[406.2733428955078,166.25338439941407],[406.3911437988281,166.6705764770508],[406.5122406005859,167.08682098388672],[406.6366882324219,167.5021179199219],[406.7645690917969,167.91638488769533],[406.89593811035155,168.3295120239258],[407.03082275390625,168.7415542602539],[407.1693328857422,169.15247039794923],[407.3113037109375,169.56209564208984],[407.45549926757815,169.9709655761719],[407.60194702148436,170.3789291381836],[407.7511413574219,170.78601379394533],[407.90297241210936,171.19208221435548],[408.0574676513672,171.59707946777345],[408.21490173339845,172.0011428833008],[408.3752746582031,172.4039291381836],[408.5387237548828,172.80541076660157],[408.7054138183594,173.20561523437502],[408.8755645751953,173.60433654785157],[409.04945068359376,174.00149230957032],[409.2266876220703,174.39705505371094],[409.40785217285156,174.79102478027343],[409.5929718017578,175.18308563232424],[409.78212890625,175.57316894531252],[409.97540588378905,175.96119232177736],[410.1728851318359,176.34712829589844],[410.37489624023436,176.73072967529296],[410.5814117431641,177.11180419921877],[410.7926513671875,177.49055786132814],[411.0084503173828,177.86648254394532],[411.229330444336,178.23949584960937],[411.45518188476564,178.6095977783203],[411.6860046386719,178.97655487060547],[411.9220733642578,179.3401336669922],[412.16355285644534,179.70018310546877],[412.41038818359374,180.0567169189453],[412.6629089355469,180.40911712646485],[412.9236694335938,180.75543365478515],[413.19272460937503,181.09528198242188],[413.4696075439453,181.42892303466797],[413.753466796875,181.75650787353516],[414.04416503906253,182.0782012939453],[414.3408233642578,182.3943878173828],[414.6432220458984,182.70508117675783],[414.9503997802735,183.01092681884765],[415.26202697753905,183.31221313476564],[415.5781585693359,183.6088851928711],[415.89788818359375,183.9017120361328],[416.22080383300784,184.1909957885742],[416.54685058593753,184.47687377929688],[416.8753143310547,184.75979919433595],[417.20586547851565,185.0401840209961],[417.53831176757814,185.31842651367188],[417.87232360839846,185.59482879638674],[418.20737915039064,185.86988525390626],[418.5436706542969,186.1434310913086],[418.88364257812503,186.41267852783204],[419.2266357421875,186.6778060913086],[419.5731170654297,186.9382781982422],[419.92234497070314,187.19512481689455],[420.2745391845703,187.4480163574219],[420.6291229248047,187.69739227294923],[420.9860412597656,187.94344482421874],[421.3452392578125,188.18636627197267],[421.7061401367188,188.42644500732422],[422.0690460205078,188.66368103027344],[422.4332977294922,188.8986373901367],[422.7991149902344,189.1312454223633],[423.1663330078125,189.3617660522461],[423.5343475341797,189.59080352783204],[423.9034057617188,189.81859130859377],[424.2731506347656,190.0449645996094],[424.6434997558594,190.27015686035156],[425.014453125,190.49463500976563],[425.3855712890625,190.71868743896485],[425.75668945312503,190.94275360107423],[426.12769775390626,191.16699829101563],[426.4988159179688,191.39129791259765],[426.86987915039066,191.6155563354492],[427.2409698486328,191.83969116210938],[427.6123352050781,192.0632080078125],[427.9841674804688,192.28625793457033],[428.35663146972655,192.5080993652344],[428.72986450195316,192.72848510742188],[429.1038391113281,192.94793701171875],[429.4790771484375,193.1652053833008],[429.85535888671876,193.38049621582033],[430.23309631347655,193.5930953979492],[430.6123443603516,193.80327758789062],[430.99304809570316,194.0105758666992],[431.3757019042969,194.21435852050783],[431.7600036621094,194.4148178100586],[432.1464752197266,194.61148681640626],[432.5350616455078,194.8038299560547],[432.9255706787109,194.99197082519532],[433.31846923828124,195.17534637451172],[433.7135375976563,195.35354461669922],[434.11121520996096,195.52642822265625],[434.51117248535155,195.69344787597657],[434.913656616211,195.85507049560547],[435.3170471191406,196.0138916015625],[435.72128906250003,196.1704330444336],[436.126547241211,196.32451629638672],[436.53235473632816,196.4768829345703],[436.9388763427734,196.6273956298828],[437.3463592529297,196.77532653808595],[437.75474853515624,196.92137603759767],[438.16354980468753,197.06564025878907],[438.57292785644535,197.2081741333008],[438.9832397460938,197.34815368652343],[439.39401855468753,197.48648529052736],[439.80548400878905,197.62325134277344],[440.2174438476563,197.75828704833984],[440.6302001953125,197.89112548828126],[441.0432861328125,198.02242584228517],[441.4570037841797,198.15232543945314],[441.8711334228516,198.28050842285157],[442.28578491210936,198.4067825317383],[442.70090332031253,198.53173828125],[443.11643371582034,198.65537567138674],[443.5325408935547,198.77740631103515],[443.9489776611328,198.89785766601562],[444.3657989501953,199.0170867919922],[444.7829498291016,199.13516235351562],[445.2005126953125,199.2516860961914],[445.6183776855469,199.36690521240234],[446.03662719726566,199.4811218261719],[446.45517883300784,199.59430847167968],[446.8740600585938,199.70602569580078],[447.29318847656253,199.81675415039064],[447.7125640869141,199.92657623291015],[448.1321594238281,200.03550567626954],[448.55211181640624,200.14317169189454],[448.9722839355469,200.25006866455078],[449.39275817871095,200.3561004638672],[449.8134246826172,200.46086883544922],[450.2340911865235,200.5656509399414],[450.6550598144531,200.66937561035158],[451.0761932373047,200.77222137451173],[451.4973541259766,200.87506713867188],[451.9187896728516,200.97655334472657],[452.3404174804688,201.07779235839845],[452.76201782226565,201.1788803100586],[453.18389282226565,201.2787872314453],[453.6057403564453,201.37869415283203],[454.027670288086,201.47823028564454],[454.4497375488281,201.57716217041016],[454.87183227539066,201.67609405517578],[455.29411926269535,201.77447662353515],[455.71640625000003,201.8725570678711],[456.1386932373047,201.97063751220705],[456.5609527587891,202.06871795654297],[456.9832397460938,202.16679840087892],[457.4055541992188,202.26487884521484],[457.8278411865235,202.362890625],[458.2502655029297,202.46092987060547],[458.6725524902344,202.55894165039064],[459.0948394775391,202.65695343017578],[459.51715393066405,202.75496520996094],[459.93922119140626,202.8535400390625],[460.36134338378906,202.9522933959961],[460.78354797363284,203.05112915039064],[461.2055603027344,203.15081634521485],[461.627490234375,203.25047607421877],[462.04920043945316,203.3505615234375],[462.4708557128906,203.4514572143555],[462.8924560546875,203.55235290527344],[463.3138366699219,203.65422363281252],[463.7350524902344,203.75667114257814],[464.15643310546875,203.85914611816406],[464.5772644042969,203.96331024169922],[464.998095703125,204.0676254272461],[465.41870727539066,204.1722427368164],[465.83909912109374,204.27813720703125],[466.25921630859375,204.38502044677736],[466.6791687011719,204.4927001953125],[467.09901123046876,204.6012176513672],[467.51841430664064,204.7108612060547],[467.9375427246094,204.8215759277344],[468.35650634765625,204.933251953125],[468.7751403808594,205.04586181640624],[469.19333496093753,205.15996856689455],[469.61130981445314,205.27521514892578],[470.02906494140626,205.39156036376954],[470.4463806152344,205.50897674560548],[470.86309204101565,205.62817840576173],[471.2796936035156,205.74813537597657],[471.6961303710938,205.8685317993164],[472.1126220703125,205.98892822265626],[472.52905883789066,206.1093246459961],[472.94566040039064,206.22976226806642],[473.3621520996094,206.35015869140625],[473.7785888671875,206.4705551147461],[474.194970703125,206.59113006591798],[474.6112976074219,206.7120346069336],[475.0276245117188,206.83295288085938],[475.443896484375,206.953857421875],[475.86033325195314,207.07478942871094],[476.27666015625,207.19570770263672],[476.6929870605469,207.31661224365234],[477.10931396484375,207.4375991821289],[477.5254211425781,207.5590805053711],[477.94158325195315,207.68054809570313],[478.3577453613281,207.80202941894532],[478.7740173339844,207.9235382080078],[479.1901794433594,208.04501953125],[479.60634155273436,208.1665008544922],[480.02244873046874,208.28796844482423],[480.4385559082031,208.41004028320313],[480.85449829101566,208.53213958740236],[481.27049560546874,208.6542526245117],[481.6865478515625,208.77639312744142],[482.10254516601566,208.89850616455078],[482.51848754882815,209.02060546875],[482.93442993164064,209.1427185058594],[483.35020751953124,209.26522979736328],[483.7659851074219,209.38802947998047],[484.1817626953125,209.5108154296875],[484.59759521484375,209.633642578125],[485.0133728027344,209.7564422607422],[485.429150390625,209.8792282104492],[485.8449279785156,210.0020278930664],[486.2606506347656,210.12512969970703],[486.67620849609375,210.24867095947266],[487.0917663574219,210.3722122192383],[487.50743408203124,210.49578094482422],[487.9229370117188,210.61932220458985],[488.3384948730469,210.74286346435548],[488.754052734375,210.8664047241211],[489.1695556640625,210.99006958007814],[489.5848388671875,211.11440734863282],[490.00017700195315,211.23875885009767],[490.4155700683594,211.3631378173828],[490.83090820312503,211.48747558593752],[491.24619140625003,211.6118133544922],[491.66147460937503,211.73616485595704],[492.0768127441406,211.86050262451172],[492.4918212890625,211.98560943603516],[492.906884765625,212.1108123779297],[493.32200317382814,212.2360565185547],[493.73706665039066,212.36125946044922],[494.1521301269531,212.48646240234376],[494.56719360351565,212.61166534423828],[494.9822021484375,212.73688201904298],[495.39710083007816,212.8626892089844],[495.8118896484375,212.9888122558594],[496.22678833007814,213.11497650146484],[496.6415222167969,213.24109954833986],[497.0563110351563,213.36722259521486],[497.4710998535156,213.49334564208985],[497.8858337402344,213.61946868896484],[498.30040283203124,213.74596252441407],[498.71486206054686,213.87306060791016],[499.1294311523438,214.0001998901367],[499.5438903808594,214.1272979736328],[499.9584045410156,214.2543960571289],[500.37286376953125,214.38150787353516],[500.7873229980469,214.50860595703125],[501.2017822265625,214.63589630126953],[501.615966796875,214.7640380859375],[502.03020629882815,214.89219360351564],[502.44439086914065,215.0203353881836],[502.8585205078125,215.14847717285156],[503.2726501464844,215.27660522460937],[503.6868347167969,215.40474700927734],[504.10096435546876,215.53287506103516],[504.5148193359375,215.66201934814453],[504.92872924804686,215.79127349853516],[505.342529296875,215.92050018310547],[505.75632934570314,216.04974060058595],[506.17018432617186,216.17896728515626],[506.583984375,216.30819396972657],[506.99778442382814,216.4374206542969],[507.41130981445315,216.56741638183595],[507.82489013671875,216.69782409667968],[508.2383605957031,216.82820434570314],[508.6517761230469,216.95858459472657],[509.06524658203125,217.08896484375],[509.4787170410156,217.21934509277344],[509.8921325683594,217.34972534179687],[510.3053833007813,217.48059997558593],[510.7185791015625,217.61221618652345],[511.13161010742186,217.74380493164062],[511.54469604492186,217.87539367675782],[511.95778198242186,218.00696868896486],[512.3708129882813,218.13855743408203],[512.7838989257813,218.27014617919923],[513.1969848632813,218.40191345214845],[513.6098510742188,218.53447723388672],[514.022607421875,218.66699981689453],[514.4353637695312,218.79952239990234],[514.8480102539063,218.9324157714844],[515.260546875,219.06558380126953],[515.6731384277344,219.19876556396486],[516.0856750488282,219.33194732666016],[516.4981567382813,219.4657745361328],[516.9105285644531,219.59961547851563],[517.3228454589844,219.7334426879883],[517.7351623535156,219.86748962402345],[518.1472595214844,220.00198974609376],[518.5594116210938,220.13650360107422],[518.9715087890626,220.2710174560547],[519.383935546875,220.4048583984375],[519.7967468261719,220.53733978271484],[520.210107421875,220.66802215576172],[520.624072265625,220.79680938720705],[521.0385314941407,220.92397613525392],[521.4532653808594,221.0499481201172],[521.8684936523438,221.17493133544923],[522.2839416503906,221.2990219116211],[522.6997192382813,221.4218765258789],[523.1154418945313,221.54471740722656],[523.5313293457032,221.6672836303711],[523.9472167968751,221.7895065307617],[524.3631591796875,221.91172943115234],[524.7788818359376,222.03452911376954],[525.1947692871094,222.15743865966797],[525.6103271484375,222.28073272705078],[526.0257202148438,222.40497436523438],[526.440673828125,222.5303970336914],[526.8552978515626,222.65704193115235],[527.2694824218751,222.78497772216798],[527.6832275390625,222.91434173583986],[528.096533203125,223.04551849365234],[528.5090148925782,223.1789749145508],[528.9208923339844,223.31449127197266],[529.3320556640625,223.45183410644532],[529.74228515625,223.59204711914063],[530.1514709472657,223.7350616455078],[530.55966796875,223.88094635009767],[530.9668762207032,224.029948425293],[531.3728210449219,224.18235626220704],[531.7774475097657,224.3379364013672],[532.1805358886719,224.49759521484376],[532.5821411132813,224.66078338623046],[532.9820434570313,224.82818756103515],[533.3801330566406,224.99969787597658],[533.77646484375,225.1755615234375],[534.1705993652344,225.35610809326172],[534.5627014160157,225.54102172851563],[534.9522766113281,225.73126373291015],[535.3395446777344,225.92616119384766],[535.7240112304688,226.12634582519533],[536.1057861328126,226.33162536621094],[536.4850341796875,226.5420684814453],[536.8610961914063,226.75775756835938],[537.233807373047,226.97903594970703],[537.6033874511719,227.20575256347658],[537.9694519042969,227.43800354003906],[538.3315063476563,227.67629699707032],[538.6896057128906,227.9206329345703],[539.0436401367188,228.17101135253907],[539.3931701660157,228.42752838134766],[539.7375915527344,228.69076080322267],[540.0770141601563,228.96036529541016],[540.4111633300781,229.23650665283205],[540.7395446777344,229.5194869995117],[541.0618286132812,229.80955352783204],[541.3776306152344,230.10658264160156],[541.6866760253906,230.41068420410156],[541.9883605957032,230.72192687988283],[542.2825744628907,231.04042053222656],[542.570965576172,231.36402282714843],[542.8539184570312,231.69248657226564],[543.1308837890625,232.02600402832033],[543.4021911621094,232.36424560546877],[543.667236328125,232.70726623535157],[543.9255798339844,233.05547790527345],[544.1774963378906,233.4082214355469],[544.4221618652344,233.76610107421877],[544.6593566894531,234.12889709472657],[544.8888610839844,234.49677429199218],[545.1102355957031,234.86956787109375],[545.323095703125,235.24725036621095],[545.5270568847657,235.62979431152345],[545.7217346191406,236.01703491210938],[545.9065795898438,236.40921936035156],[546.0812622070313,236.805908203125],[546.2453979492187,237.20712890625],[546.3981628417969,237.6129364013672],[546.5394470214844,238.02283630371093],[546.6694702148437,238.43641662597656],[546.7881774902344,238.85326538085937],[546.8961730957031,239.27310791015626],[546.9936767578125,239.69550476074218],[547.0807983398438,240.12015380859376],[547.1578125,240.54694519042968],[547.2249389648438,240.9752197265625],[547.2823974609375,241.40492248535156],[547.3304077148438,241.83569641113283],[547.3694641113282,242.26745910644533],[547.3991821289063,242.69996337890626],[547.420166015625,243.13298950195312],[547.4326354980469,243.56645507812502],[547.4365356445313,243.9999206542969],[547.4323608398438,244.43335876464843],[547.4197814941407,244.86671447753906],[547.39951171875,245.29976806640624],[547.3710571289063,245.73238220214844],[547.3355712890625,246.1644470214844],[547.2916259765625,246.59577026367188],[547.2374633789062,247.02588500976563],[547.1728088378907,247.45457153320314],[547.0982116699219,247.8816650390625],[547.0146057128907,248.3070281982422],[546.9222106933594,248.73057861328127],[546.8228393554688,249.1525085449219],[546.7159973144531,249.5726531982422],[546.6034973144532,249.9914520263672],[546.4852294921875,250.4084930419922],[546.3625671386719,250.82427062988282],[546.2358947753906,251.23889465332033],[546.1060363769532,251.65255737304688],[545.9735412597656,252.06534118652345],[545.8396728515626,252.4776580810547],[545.7046508789062,252.8896728515625],[545.5695739746094,253.30160522460938],[545.4345520019532,253.71356506347658],[545.3005187988282,254.1258544921875],[545.1680786132813,254.5386932373047],[545.0384399414063,254.95235595703124],[544.9078125,255.36568908691407],[544.7716369628906,255.77745666503907],[544.6304077148437,256.18727416992186],[544.4844543457032,256.59544372558594],[544.3341064453125,257.0021026611328],[544.1799133300782,257.40727844238285],[544.0220397949219,257.81105346679686],[543.8616394042969,258.21375732421876],[543.6988220214844,258.6156372070313],[543.5339172363282,259.01661071777346],[543.3674194335938,259.4168426513672],[543.1991638183594,259.81638793945314],[543.030908203125,260.2159332275391],[542.8622131347656,260.61528625488285],[542.6933532714844,261.01458435058595],[542.5250427246094,261.41423950195315],[542.3577209472656,261.81414184570315],[542.1918273925781,262.2146209716797],[542.02763671875,262.6158142089844],[541.865643310547,263.01799621582035],[541.7061767578125,263.4211120605469],[541.5500061035157,263.8254638671875],[541.3972961425782,264.2314086914063],[541.2488159179687,264.638671875],[541.10478515625,265.04750061035156],[540.9657531738281,265.4581695556641],[540.8321044921876,265.8705139160156],[540.7044982910156,266.2848358154297],[540.5832092285157,266.7010528564453],[540.4691162109375,267.11943969726565],[540.3626586914063,267.5396392822266],[540.2640563964844,267.9617614746094],[540.1738037109375,268.38580627441405],[540.0925048828125,268.81158142089845],[540.0205444335937,269.23911437988284],[539.9572082519531,269.66791076660155],[539.9005187988281,270.0978057861328],[539.8516296386719,270.5286346435547],[539.8097717285157,270.96001281738285],[539.7751647949219,271.3922149658203],[539.7481384277344,271.8248016357422],[539.7280334472656,272.25791015625003],[539.7161682128907,272.6912384033203],[539.7111145019531,273.12489624023436],[539.7139709472657,273.55836181640626],[539.7245727539063,273.9916900634766],[539.7430297851563,274.4248809814453],[539.7693969726563,274.85760498046875],[539.8036743164063,275.28972473144535],[539.8460266113282,275.7211029052734],[539.8965637207032,276.1517669677734],[539.9553405761719,276.58135986328125],[540.0225769042969,277.0096069335938],[540.0982727050781,277.4364807128906],[540.1825927734375,277.8617340087891],[540.275537109375,278.2851470947266],[540.3762268066406,278.70680236816406],[540.4842224121094,279.12672729492186],[540.5994689941407,279.5446746826172],[540.7219665527344,279.96050720214845],[540.8516052246094,280.37419738769535],[540.9882751464844,280.7856079101563],[541.1321411132812,281.19446411132816],[541.283203125,281.6009033203125],[541.4414611816406,282.00456848144535],[541.6067504882812,282.40537719726564],[541.7791259765626,282.80308227539064],[541.9586975097657,283.19768371582035],[542.1452453613282,283.5889892578125],[542.3389892578125,283.9767791748047],[542.5398193359375,284.36102600097655],[542.7477905273438,284.7414276123047],[542.9630676269531,285.1178192138672],[543.1854858398438,285.4898986816406],[543.4151550292969,285.8575836181641],[543.6519653320313,286.220654296875],[543.8960266113281,286.5789459228516],[544.14755859375,286.93199157714844],[544.4154602050781,287.2728698730469],[544.701708984375,287.5984222412109],[545.0034484863281,287.90960998535155],[545.3181518554687,288.2076416015625],[545.6435668945313,288.49419250488285],[545.9775512695313,288.7704986572266],[546.3182373046875,289.03851013183595],[546.6642517089844,289.3000396728516],[547.0133422851562,289.5569549560547],[547.3647399902344,289.8107116699219],[547.7172912597656,290.06312255859376],[548.0708312988281,290.3139953613281],[548.4254150390625,290.5633575439453],[548.7810424804687,290.81129150390626],[549.1377136230469,291.0578247070313],[549.4953735351563,291.3028472900391],[549.8540222167969,291.54644165039065],[550.2136047363282,291.78858032226566],[550.57412109375,292.0292633056641],[550.9356262207032,292.2685455322266],[551.2981201171875,292.5065093994141],[551.6615478515625,292.7430450439453],[552.0257446289063,292.9781799316406],[552.3908203125001,293.2118865966797],[552.7568298339844,293.4443023681641],[553.1236083984376,293.6752899169922],[553.4912658691406,293.90495910644535],[553.8598022460938,294.1332550048828],[554.2293273925782,294.3603424072266],[554.5994567871094,294.5859741210938],[554.9703552246094,294.81028747558594],[555.3421325683594,295.0333648681641],[555.7146240234375,295.2551239013672],[556.087939453125,295.4756195068359],[556.4619140625,295.69482421875],[556.8368225097656,295.9126281738281],[557.2124450683594,296.1290588378906],[557.5883972167969,296.3449676513672],[557.9652832031251,296.5591735839844],[558.3429931640625,296.77203369140625],[558.7214172363282,296.98357543945315],[559.1001708984376,297.1944305419922],[559.4800231933594,297.4036102294922],[559.8601501464844,297.6121307373047],[560.2411560058594,297.8189208984375],[560.6224914550781,298.0251068115235],[561.0047607421875,298.22958984375003],[561.3873596191406,298.43349609375],[561.7708374023438,298.6356994628906],[562.15458984375,298.837353515625],[562.5392211914062,299.03733215332034],[562.9241821289063,299.23681640625],[563.3099670410156,299.43462524414065],[563.6959716796875,299.63193969726564],[564.0828552246094,299.82757873535155],[564.4699035644531,300.02272338867186],[564.8578857421875,300.2163299560547],[565.2460327148438,300.40944213867186],[565.6350036621094,300.60093383789064],[566.0241394042969,300.7920135498047],[566.4140991210937,300.98150024414065],[566.8042236328125,301.1705749511719],[567.1951171875,301.35808410644535],[567.5861755371094,301.5452087402344],[567.9780029296875,301.730795288086],[568.3700500488281,301.91602478027346],[568.7627014160156,302.0996887207031],[569.155517578125,302.2829956054688],[569.5490478515625,302.4648468017578],[569.9427978515625,302.6463134765625],[570.3372619628907,302.8263793945313],[570.7317260742187,303.00603332519535],[571.1269042968751,303.18431396484374],[571.5221923828125,303.3622100830078],[571.9181945800782,303.5387329101563],[572.3141418457031,303.7152557373047],[572.7104187011719,303.8909545898438],[573.1071899414063,304.0659942626953],[573.5037963867188,304.24097900390626],[573.9008972167969,304.4149475097656],[574.2980529785157,304.58872375488284],[574.6953186035156,304.7624176025391],[575.0929138183594,304.9352600097656],[575.4904541015625,305.10812988281253],[575.8882141113281,305.28078002929686],[576.2860839843751,305.452963256836],[576.6839538574219,305.625146484375],[577.0818237304687,305.7973297119141],[577.4796936035157,305.9695129394531],[577.8775634765625,306.1416961669922],[578.2753234863281,306.31401672363285],[578.673193359375,306.4863647460938],[579.0710083007813,306.6587127685547],[579.4688232421876,306.83103332519534],[579.8665832519531,307.00335388183595],[580.2642333984376,307.1761138916016],[580.6616638183594,307.3493133544922],[581.0590942382813,307.5225402832031],[581.4563049316406,307.69650878906253],[581.8532409667969,307.8707244873047],[582.2502319335938,308.04494018554686],[582.6465637207032,308.2203643798828],[583.0429504394532,308.3958984375],[583.4392272949219,308.5717346191406],[583.8348999023438,308.74888916015624],[584.2306823730469,308.92612609863284],[584.6259704589844,309.1040496826172],[585.0207641601563,309.283154296875],[585.4155578613281,309.4622314453125],[585.8099670410156,309.64235229492186],[586.2038269042969,309.82335205078124],[586.5973022460938,310.0052856445313],[586.9904479980469,310.1883453369141],[587.3830993652344,310.37217407226564],[587.775311279297,310.5567993164063],[588.1669189453125,310.7427978515625],[588.5580322265625,310.92978515625003],[588.9487060546875,311.1177062988281],[589.3388305664063,311.3067535400391],[589.7283508300782,311.4973114013672],[590.1172668457032,311.6888854980469],[590.5055786132813,311.8815032958984],[590.8931762695313,312.0756866455078],[591.2801147460938,312.2712707519531],[591.6663940429688,312.46803588867186],[592.0520690917969,312.6660095214844],[592.436865234375,312.866015625],[592.8207824707032,313.0672302246094],[593.204150390625,313.26979064941406],[593.5865295410157,313.4740814208985],[593.967919921875,313.6801300048828],[594.3485412597656,313.88763427734375],[594.7283935546875,314.0965118408203],[595.1070922851562,314.30775146484376],[595.4848022460938,314.5205841064453],[595.8615783691406,314.73487243652346],[596.2373657226562,314.95105590820316],[596.6118347167969,315.16962890625],[596.9852600097656,315.38971252441405],[597.3577514648438,315.6114715576172],[597.728924560547,315.8356475830078],[598.0987243652344,316.0619384765625],[598.4674255371094,316.2899597167969],[598.8350280761719,316.51979370117186],[599.2009826660156,316.7522369384766],[599.5656188964844,316.9866027832031],[599.9287719726562,317.2233856201172],[600.2906616210938,317.46233825683595],[600.6509033203125,317.70354309082035],[601.0095520019531,317.94700012207034],[601.3667175292969,318.1927917480469],[601.7221252441407,318.44097290039065],[602.0759399414063,318.6914337158203],[602.4279968261719,318.94453125],[602.7784606933594,319.19988098144535],[603.1268371582031,319.4579223632813],[603.4734558105469,319.7181884765625],[603.8180419921875,319.9812286376953],[604.1608154296875,320.2466583251953],[604.5015014648437,320.51475219726564],[604.8401550292969,320.7854278564453],[605.176611328125,321.0588775634766],[605.509442138672,321.3367492675781],[605.837548828125,321.6201141357422],[606.1607666015625,321.90894470214846],[606.4788757324219,322.2034881591797],[606.7919860839844,322.5032501220703],[607.09921875,322.8090545654297],[607.4013977050781,323.1201599121094],[607.6972045898438,323.4370330810547],[607.9868041992188,323.75953674316406],[608.2700866699219,324.08775329589844],[608.5465576171875,324.42168273925785],[608.8158874511719,324.7612976074219],[609.0779113769531,325.10670776367186],[609.3322448730469,325.4579681396485],[609.5783935546875,325.8147766113281],[609.8161376953125,326.1772155761719],[610.0449829101562,326.54542236328126],[610.2645996093751,326.91917724609374],[610.4746032714844,327.2984252929688],[610.6744995117188,327.68311157226566],[610.864013671875,328.07309875488284],[611.0433654785156,328.4677276611328],[611.2128845214844,328.86675109863285],[611.3726257324219,329.26978454589846],[611.522314453125,329.6766632080078],[611.661785888672,330.0870574951172],[611.7907104492188,330.50099487304686],[611.9091430664063,330.9180908203125],[612.0163146972657,331.3380981445313],[612.1125000000001,331.76085205078124],[612.1968200683594,332.18602294921874],[612.2694396972656,332.6134735107422],[612.3295349121094,333.0427642822266],[612.3769958496094,333.4736755371094],[612.4112182617188,333.9058776855469],[612.431982421875,334.33884887695314],[612.43857421875,334.7722869873047],[612.4307739257813,335.20569763183596],[612.4079223632813,335.6386413574219],[612.3702392578125,336.07048645019535],[612.3191528320312,336.5009307861328],[612.2547729492188,336.9298095703125],[612.1779235839844,337.3564086914063],[612.089208984375,337.7806732177734],[611.9891235351563,338.20249328613284],[611.878271484375,338.6216766357422],[611.7569274902344,339.0377563476563],[611.626025390625,339.45106201171876],[611.486004638672,339.86145629882816],[611.3373596191407,340.26866455078124],[611.1803100585938,340.6727966308594],[611.0156799316406,341.0737976074219],[610.8438537597657,341.47177734375003],[610.6652709960938,341.8667907714844],[610.4799316406251,342.2587005615234],[610.2888793945312,342.6478637695313],[610.0920043945313,343.03419799804686],[609.8902404785157,343.41795043945314],[609.683203125,343.7987915039063],[609.4717163085937,344.1772155761719],[609.2561645507812,344.55333251953124],[609.0362731933594,344.9269226074219],[608.8133056640626,345.2987274169922],[608.589404296875,345.6700927734375],[608.3656127929688,346.0413757324219],[608.141766357422,346.41265869140625],[607.9179748535156,346.78391418457034],[607.6938537597656,347.1549774169922],[607.468798828125,347.52549133300784],[607.2437438964844,347.8960327148438],[607.0180847167969,348.26624450683596],[606.7920959472657,348.63623657226566],[606.5661071777344,349.00620117187503],[606.3391845703126,349.37558898925784],[606.1122619628907,349.74497680664064],[605.8848999023438,350.11411743164064],[605.6569335937501,350.48284606933595],[605.4289123535157,350.8517120361328],[605.2000122070312,351.219808959961],[604.970947265625,351.58787841796874],[604.7414978027344,351.95567321777344],[604.5112243652344,352.3230285644531],[604.281005859375,352.6903564453125],[604.0497436523438,353.05713500976566],[603.8182067871094,353.4237762451172],[603.5863403320312,353.7900604248047],[603.3535949707032,354.15576782226566],[603.1207946777344,354.5214752197266],[602.8869506835938,354.8864959716797],[602.6527770996094,355.25135192871096],[602.4182189941406,355.6159332275391],[602.1825622558594,355.9799377441406],[601.9469604492188,356.343832397461],[601.7101501464844,356.7069580078125],[601.4731201171875,357.0699188232422],[601.2355407714844,357.4325225830078],[600.9969177246094,357.7944671630859],[600.7582946777344,358.1564117431641],[600.5181884765625,358.51758728027346],[600.2779724121094,358.8784606933594],[600.0370422363281,359.2388946533203],[599.7951782226563,359.5986694335938],[599.5532592773437,359.9584442138672],[599.3098022460938,360.3170928955078],[599.0662353515626,360.6757415771485],[598.8217895507813,361.0338409423828],[598.57646484375,361.3912811279297],[598.3310302734375,361.7486938476563],[598.0839477539063,362.1049255371094],[597.8368652343751,362.4611297607422],[597.5887390136719,362.81659240722655],[597.3397888183594,363.1715057373047],[597.0906188964844,363.5263916015625],[596.8398559570313,363.88001403808596],[596.5890930175782,364.2336639404297],[596.3371215820313,364.5863800048828],[596.0844909667969,364.93865661621095],[595.8314758300781,365.2906860351563],[595.5769226074219,365.64161682128906],[595.322314453125,365.9926025390625],[595.0663879394532,366.34254455566406],[594.809912109375,366.69207458496095],[594.5529418945313,367.04127502441406],[594.2945434570313,367.3893493652344],[594.0360900878907,367.7374237060547],[593.7763183593751,368.0843719482422],[593.5158874511719,368.4311004638672],[593.2550720214844,368.7773895263672],[592.9927185058594,369.1225524902344],[592.7304199218751,369.4676879882813],[592.4666931152344,369.8117248535156],[592.2024169921875,370.15537719726564],[591.9377014160157,370.4988098144531],[591.6713378906251,370.84100646972655],[591.4050842285156,371.18312072753906],[591.1375671386719,371.52427368164064],[590.8693908691406,371.86484985351564],[590.6011047363281,372.2052886962891],[590.3308959960938,372.54432678222656],[590.0607421875001,372.88336486816405],[589.7895446777344,373.2217987060547],[589.5174133300782,373.5592712402344],[589.245281982422,373.89674377441406],[588.9700744628907,374.231689453125],[588.689208984375,374.5619384765625],[588.4027404785156,374.88721618652346],[588.1108337402344,375.20776977539066],[587.8137634277344,375.5236541748047],[587.5115844726563,375.8345123291016],[587.2044616699219,376.1404266357422],[586.8925048828125,376.4415618896484],[586.5758239746094,376.7375885009766],[586.2544189453125,377.02850646972655],[585.9288391113281,377.3147827148438],[585.5987548828125,377.59584045410156],[585.2643310546875,377.8718170166016],[584.9258972167969,378.14271240234376],[584.5833984375,378.4083618164063],[584.2368347167969,378.66893005371094],[583.8863159179688,378.9239776611328],[583.5324462890625,379.1743560791016],[583.1744018554688,379.41904907226564],[582.8130065917969,379.6583587646484],[582.4482604980469,379.8926696777344],[582.079833984375,380.1212127685547],[581.7081665039062,380.3442626953125],[581.3333679199219,380.5622589111328],[580.9549438476563,380.7736358642578],[580.5731140136719,380.9793273925781],[580.1877685546875,381.1778778076172],[579.7994018554688,381.37046813964844],[579.4075744628907,381.5558349609375],[579.0128906250001,381.7350769042969],[578.6149658203125,381.90723266601566],[578.2143493652344,382.0729888916016],[577.8108764648438,382.2317687988281],[577.4048767089844,382.38376464843753],[576.9964599609375,382.5289764404297],[576.5855163574219,382.667074584961],[576.1724853515625,382.7986083984375],[575.7570373535157,382.9227264404297],[575.3398315429688,383.0403625488281],[574.9204284667969,383.15044555664065],[574.499432373047,383.2539916992188],[574.0767333984376,383.3501220703125],[573.6525512695313,383.43946838378906],[573.2269409179688,383.5217559814453],[572.8000671386719,383.5970397949219],[572.3719848632812,383.6656768798828],[571.9428588867188,383.7280242919922],[571.5129638671875,383.78419189453126],[571.0824096679688,383.8341796875],[570.6511413574219,383.8782073974609],[570.2192687988281,383.91643981933595],[569.7870666503907,383.9490692138672],[569.3543151855469,383.97617797851564],[568.9212890625,383.99790344238284],[568.4880981445312,384.01435546875],[568.0546325683594,384.0255340576172],[567.6212768554688,384.0319061279297],[567.1877563476563,384.03358154296876],[566.7542358398438,384.0306701660156],[566.3207153320312,384.0233642578125],[565.8873596191406,384.01182861328124],[565.4540588378907,383.9961730957031],[565.0209228515625,383.976644897461],[564.5881164550782,383.9533264160156],[564.155419921875,383.92640991210936],[563.7229431152344,383.8959503173828],[563.2907958984375,383.8620300292969],[562.8587036132812,383.82500610351565],[562.42705078125,383.7850708007813],[561.9956726074219,383.7423065185547],[561.5645141601562,383.6969329833984],[561.1336853027344,383.6490875244141],[560.7030212402344,383.59885253906253],[560.2726867675782,383.5464752197266],[559.8425720214844,383.4919006347656],[559.4127319335938,383.4349365234375],[558.9833312988281,383.37530822753905],[558.5543151855469,383.3133453369141],[558.1255187988281,383.2490478515625],[557.6972717285156,383.18247070312503],[557.2691345214844,383.1135589599609],[556.8413818359376,383.0424499511719],[556.4141235351562,382.9691986083985],[555.9873046875,382.89369506835936],[555.5607055664062,382.8158843994141],[555.1347106933594,382.73606872558594],[554.7089355468751,382.6541656494141],[554.2835998535156,382.5703125],[553.8585388183594,382.48442687988285],[553.4340270996094,382.3966735839844],[553.0098999023438,382.3069976806641],[552.5861572265625,382.21534423828126],[552.1627990722657,382.1217956542969],[551.7399353027344,382.0265167236328],[551.3174560546876,381.9294799804688],[550.895361328125,381.8302459716797],[550.4735412597656,381.7300506591797],[550.0522705078125,381.62757568359376],[549.6312744140625,381.5244415283203],[549.2108825683594,381.418505859375],[548.7906555175781,381.3119384765625],[548.3709777832031,381.2032836914063],[547.9514099121094,381.09339294433596],[547.5324462890625,380.98218383789066],[547.1138671875,380.86924438476564],[546.6955627441406,380.7555358886719],[546.2778625488281,380.63965759277346],[545.8602172851563,380.5232299804688],[545.4431213378906,380.4048797607422],[545.0261901855469,380.2856781005859],[544.6097534179688,380.16521301269535],[544.193701171875,380.0434844970703],[543.7778686523437,379.92090454101566],[543.3625305175782,379.79673156738284],[542.9473571777344,379.6721466064453],[542.5326782226563,379.54583129882815],[542.1179443359375,379.4189666748047],[541.703759765625,379.2908935546875],[541.289794921875,379.16199645996096],[540.8761596679688,379.03233032226564],[540.4629089355469,378.9015380859375],[540.0497131347656,378.7703338623047],[539.6369567871094,378.63775634765625],[539.2242004394532,378.50482177734375],[538.8118835449219,378.3708709716797],[538.3996765136719,378.2363983154297],[537.9877990722656,378.1012390136719],[537.5763061523438,377.9650360107422],[537.1649230957031,377.82822875976564],[536.7535400390625,377.6914489746094],[536.3421569824219,377.55444946289066],[535.9313232421875,377.41602172851566],[535.5207092285157,377.27696228027344],[535.1103149414063,377.13721618652346],[534.7003051757813,376.99623413085936],[534.2905700683594,376.85478515625],[533.8812194824219,376.7121551513672],[533.4720336914063,376.56861877441406],[533.0631774902344,376.4244781494141],[532.6548156738281,376.2787719726563],[532.246728515625,376.1324890136719],[531.8390258789062,375.9850524902344],[531.4318176269531,375.83648986816405],[531.0247741699219,375.6872955322266],[530.6183349609375,375.5362884521484],[530.2121704101563,375.38462219238284],[529.8064453125,375.23182983398436],[529.40126953125,375.0775817871094],[528.9964233398438,374.9226745605469],[528.5922363281251,374.7659545898438],[528.18837890625,374.60830078125],[527.7848510742188,374.44952087402345],[527.3821472167969,374.28903808593753],[526.9797180175782,374.12778625488284],[526.5780578613281,373.96477661132815],[526.1768371582032,373.8005310058594],[525.7760559082031,373.63526916503906],[525.3760986328125,373.4678924560547],[524.976416015625,373.2996368408203],[524.577557373047,373.1297332763672],[524.1794128417969,372.9583190917969],[523.7815979003907,372.785971069336],[523.3848815917969,372.6112060546875],[522.9886047363282,372.43553466796874],[522.5930419921875,372.25818786621096],[522.1981933593751,372.0789459228516],[521.8038940429688,371.8988525390625],[521.410693359375,371.7162322998047],[521.0180419921875,371.53245849609374],[520.6261596679688,371.34714660644534],[520.2352661132812,371.1595825195313],[519.8449218750001,370.971029663086],[519.45556640625,370.7800323486328],[519.0669250488281,370.5879364013672],[518.6793273925781,370.3938354492188],[518.2926635742188,370.1978393554688],[517.9069335937501,369.9999206542969],[517.522137451172,369.80027160644534],[517.1382751464844,369.5987823486328],[516.7552368164063,369.3954254150391],[516.3735168457032,369.1900360107422],[515.99267578125,368.9827789306641],[515.6129333496094,368.7736541748047],[515.2342895507812,368.56255187988285],[514.8565246582032,368.3499389648438],[514.479638671875,368.13576049804686],[514.1034667968751,367.9199615478516],[513.7283386230469,367.7027618408203],[513.3539794921875,367.48402404785156],[512.9805541992188,367.2638305664063],[512.6079528808594,367.0421813964844],[512.23623046875,366.81910400390626],[511.8653869628906,366.5945983886719],[511.49536743164066,366.36858215332035],[511.126171875,366.1413024902344],[510.75791015625003,365.91264953613285],[510.39036254882814,365.68267822265625],[510.02369384765626,365.4514434814453],[509.6577941894531,365.2189178466797],[509.2927185058594,364.9851287841797],[508.92835693359376,364.750048828125],[508.5648193359375,364.5138427734375],[508.20205078125,364.2764007568359],[507.8400512695313,364.0378326416016],[507.4788757324219,363.79811096191406],[507.11841430664066,363.5573181152344],[506.75877685546874,363.31528930664064],[506.3996887207031,363.07207946777345],[506.0415344238281,362.827880859375],[505.68431396484374,362.5821990966797],[505.32736816406253,362.33616027832034],[504.97141113281253,362.0888305664063],[504.6160034179688,361.84059448242186],[504.2611999511719,361.5914794921875],[503.90716552734375,361.34112854003905],[503.553515625,361.0902557373047],[503.2009643554688,360.8379821777344],[502.8485778808594,360.5854888916016],[502.4973449707031,360.3313201904297],[502.1461669921875,360.0771514892578],[501.79619750976565,359.8212524414063],[501.446337890625,359.56524353027345],[501.09746704101565,359.3078887939453],[500.7488159179688,359.05017700195316],[500.40098876953124,358.7914764404297],[500.05360107421876,358.5321716308594],[499.70665283203124,358.2720977783203],[499.3604187011719,358.0111999511719],[499.01451416015624,357.74989013671876],[498.66932373046876,357.4874542236328],[498.32435302734376,357.22496337890624],[497.9802612304688,356.96123657226565],[497.63616943359375,356.6975372314453],[497.29306640625003,356.4325744628906],[496.9500183105469,356.167529296875],[496.6076293945313,355.90155029296875],[496.2654052734375,355.63524169921874],[495.9237854003906,355.368246459961],[495.5825500488281,355.1008666992188],[495.24175415039065,354.8330474853516],[494.90134277343753,354.5646240234375],[494.5611511230469,354.2958984375],[494.2215087890625,354.0264862060547],[493.8818664550781,353.7568817138672],[493.5429382324219,353.4865631103516],[493.2040100097656,353.2162719726563],[492.8656860351563,352.9451843261719],[492.5274169921875,352.6740692138672],[492.18975219726565,352.40207519531253],[491.85230712890626,352.12988891601566],[491.5148071289063,351.8576202392578],[491.1773620605469,351.58543395996094],[490.8404113769531,351.31275329589846],[490.5039001464844,351.03944091796876],[490.16760864257816,350.7658264160156],[489.83192138671876,350.4915252685547],[489.4962890625,350.21705932617186],[489.16131591796875,349.9416870117188],[488.8264526367188,349.66636962890624],[488.4923583984375,349.3900360107422],[488.1583740234375,349.1136749267578],[487.8251037597656,348.8364624023438],[487.49199829101565,348.55897521972656],[487.15955200195316,348.2808563232422],[486.82732543945315,348.0021606445313],[486.49559326171874,347.7230255126953],[486.1644653320313,347.4432037353516],[485.8336120605469,347.1631072998047],[485.50352783203124,346.8820770263672],[485.1734985351563,346.60096435546876],[484.8445129394531,346.3186981201172],[484.5154174804688,346.0363220214844],[484.18736572265624,345.7528747558594],[483.85947875976564,345.46929016113285],[483.53236083984376,345.1847717285156],[483.20562744140625,344.89984130859375],[482.879443359375,344.61414184570316],[482.5539184570313,344.3278381347656],[482.22877807617186,344.0410400390625],[481.9044616699219,343.7533355712891],[481.5803649902344,343.46538391113285],[481.2573669433594,343.17625122070314],[480.9343688964844,342.88709106445316],[480.61268920898436,342.5965026855469],[480.2910095214844,342.30588684082034],[479.9703735351563,342.0139526367188],[479.6500671386719,341.721826171875],[479.3306396484375,341.4287384033203],[479.0117614746094,341.1350463867188],[478.69348754882816,340.8406127929688],[478.3760925292969,340.5453277587891],[478.05908203125,340.2496307373047],[477.743115234375,339.9526702880859],[477.4273132324219,339.655599975586],[477.1129943847656,339.3570465087891],[476.7986755371094,339.0584930419922],[476.4857849121094,338.75840148925784],[476.1730590820313,338.4581726074219],[475.8615966796875,338.1567077636719],[475.5504638671875,337.85466613769535],[475.2403198242188,337.55174560546874],[474.9309997558594,337.24805603027346],[474.6222290039063,336.94365234375],[474.3146667480469,336.6381774902344],[474.00743408203124,336.3323455810547],[473.7016296386719,336.0250579833984],[473.39577026367186,335.7176055908203],[473.0918334960938,335.4084777832031],[472.78789672851565,335.09934997558594],[472.4852233886719,334.78904113769534],[472.18348388671876,334.4778259277344],[471.8825134277344,334.1656768798828],[471.5826416015625,333.8527313232422],[471.2834838867188,333.53879699707034],[470.9854248046875,333.2240386962891],[470.6881896972656,332.9084014892578],[470.39194335937503,332.5918853759766],[470.096630859375,332.274462890625],[469.8023620605469,331.95618896484376],[469.50908203125,331.6369537353516],[469.21673583984375,331.3166198730469],[468.92548828125,330.9954345703125],[468.63544921875,330.67331542968753],[468.34617919921874,330.35039978027345],[468.05784301757814,330.02666015625],[467.77088012695316,329.7017395019531],[467.4847412109375,329.3760223388672],[467.19931640625003,329.0495635986328],[466.9152099609375,328.7221160888672],[466.6320373535156,328.39381713867186],[466.3496887207031,328.0649139404297],[466.0682739257813,327.7351318359375],[465.7880126953125,327.4043334960938],[465.50852050781253,327.07301330566406],[465.22974243164066,326.74089660644535],[464.9522277832031,326.4078735351563],[464.6753723144531,326.0741638183594],[464.3993408203125,325.73987731933596],[464.1243530273438,325.4047393798828],[463.850244140625,325.0689422607422],[463.57679443359376,324.7325134277344],[463.3041137695313,324.39531555175785],[463.03247680664066,324.0574584960938],[462.7614990234375,323.7190795898438],[462.4911804199219,323.3800964355469],[462.22190551757814,323.04034423828125],[461.9532897949219,322.7000427246094],[461.6853881835938,322.3593292236328],[461.41814575195315,322.0177917480469],[461.1517822265625,321.675732421875],[460.8860229492188,321.33326110839846],[460.6208953857422,320.9902679443359],[460.3566467285156,320.64661560058596],[460.0928924560547,320.30249633789066],[459.8297149658203,319.95802001953126],[459.567333984375,319.61277465820314],[459.305859375,319.2670349121094],[459.04485168457035,318.92088317871094],[458.78387145996095,318.5747314453125],[458.5241271972656,318.22764587402344],[458.2647674560547,317.8802856445313],[458.00538024902346,317.5329254150391],[457.74736633300785,317.1844116210938],[457.4895446777344,316.8358978271485],[457.2318054199219,316.4873016357422],[456.9753845214844,316.137744140625],[456.7189636230469,315.7881591796875],[456.4628448486328,315.43840942382815],[456.20771484375,315.087890625],[455.9525573730469,314.73728942871094],[455.6978393554688,314.3864410400391],[455.4439178466797,314.0350708007813],[455.18999633789065,313.68370056152344],[454.93662414550784,313.3319458007813],[454.6837463378906,312.9798065185547],[454.4308685302735,312.62766723632814],[454.17856750488284,312.27500610351564],[453.9266784667969,311.92218017578125],[453.67478942871094,311.56935424804686],[453.42355957031253,311.21611633300785],[453.17246704101564,310.8627136230469],[452.92140197753906,310.50928344726566],[452.6709686279297,310.1553863525391],[452.4205627441406,309.80137939453124],[452.17026672363284,309.44739990234376],[451.92071228027345,309.0928985595703],[451.6711853027344,308.7383972167969],[451.421630859375,308.38392333984376],[451.1720764160156,308.0294219970703],[450.92254943847655,307.6749206542969],[450.6732421875,307.3201171875],[450.42451171875,306.9650390625],[450.17578125,306.60996093750003],[449.92705078125,306.2549102783203],[449.67832031250003,305.89983215332035],[449.42958984375,305.5447540283203],[449.180859375,305.18970336914066],[448.9320739746094,304.8345428466797],[448.6833435058594,304.4794647216797],[448.4346130371094,304.1243865966797],[448.1858825683594,303.7693359375],[447.93715209960936,303.4142578125],[447.6882568359375,303.0592895507813],[447.43938903808595,302.70432128906253],[447.19043884277346,302.3492706298828],[446.94154357910156,301.9943023681641],[446.6926483154297,301.6393615722656],[446.4435607910156,301.2845031738281],[446.1939239501953,300.9300842285156],[445.944287109375,300.5756378173828],[445.6946502685547,300.2212188720703],[445.44495849609376,299.8666900634766],[445.19532165527346,299.51227111816405],[444.9457946777344,299.1577423095703],[444.6968994140625,298.8027740478516],[444.4492126464844,298.44695434570315],[444.20273437500003,298.09039306640625],[443.95740966796876,297.7329528808594],[443.71323852539064,297.3746337890625],[443.4700836181641,297.0156280517578],[443.2279998779297,296.65601806640626],[442.9869323730469,296.2957763671875],[442.74688110351565,295.93471069335936],[442.5079284667969,295.57301330566406],[442.2690032958985,295.21123352050785],[442.03191833496095,294.84816284179686],[441.79486083984375,294.4852020263672],[441.5591217041016,294.12147216796876],[441.3237670898438,293.7574127197266],[441.0890716552735,293.3929412841797],[440.8552276611328,293.02789306640625],[440.6214935302734,292.66273498535156],[440.38885803222655,292.2967803955078],[440.15630493164065,291.9309356689453],[439.92457580566406,291.56451416015625],[439.69309387207034,291.19798278808594],[439.46213378906253,290.83103942871094],[439.2318054199219,290.4637939453125],[439.00144958496094,290.0965484619141],[438.7710388183594,289.7291931152344],[438.5406829833984,289.36192016601564],[438.31101379394534,288.9942626953125],[438.08142700195316,288.62652282714845],[437.8518402099609,288.2587829589844],[437.62225341796875,287.89104309082035],[437.3926666259766,287.52330322265624],[437.16302490234375,287.1554809570313],[436.9334381103516,286.7877410888672],[436.7038513183594,286.4200012207031],[436.4742645263672,286.05226135253906],[436.2440460205078,285.68498840332035],[436.01344299316406,285.31788024902346],[435.7828674316406,284.9507720947266],[435.5522369384766,284.58355407714845],[435.32155151367186,284.2164733886719],[435.0897125244141,283.8501342773438],[434.8578735351563,283.48382263183595],[434.62518310546875,283.1180877685547],[434.39219055175784,282.752490234375],[434.15859375,282.38730468750003],[433.92420043945316,282.02247619628906],[433.6896148681641,281.65789489746095],[433.45371093750003,281.2941925048828],[433.2178070068359,280.9304901123047],[432.9803924560547,280.5677215576172],[432.7427032470703,280.2051727294922],[432.5041900634766,279.84311828613284],[432.26455078125,279.4817230224609],[432.0241149902344,279.12106933593753],[431.7826629638672,278.76096496582034],[431.5401947021484,278.4016021728516],[431.2966278076172,278.0430084228516],[431.05193481445315,277.6851013183594],[430.8061431884766,277.327963256836],[430.5591705322266,276.9715118408203],[430.31109924316405,276.6159942626953],[430.0618469238281,276.26132812500003],[429.8113586425781,275.90756835937503],[429.55938720703125,275.55479736328124],[429.3059875488281,275.2029602050781],[429.05132446289065,274.8522216796875],[428.79515075683594,274.50230712890624],[428.53765869140625,274.1536010742188],[428.2786560058594,273.8059112548828],[428.01819763183596,273.4593475341797],[427.75620117187503,273.1139373779297],[427.49241943359374,272.76995544433595],[427.22808837890625,272.4263854980469],[426.96356506347655,272.0827880859375],[426.6991241455078,271.73927307128906],[426.4346557617188,271.39575805664066],[426.17021484375,271.0522430419922],[425.90574645996094,270.70872802734374],[425.6412780761719,270.36521301269534],[425.3763153076172,270.0220001220703],[425.1111602783203,269.67889709472655],[424.84608764648436,269.3358489990234],[424.58079528808594,268.9929931640625],[424.31476135253905,268.65068664550785],[424.04839782714845,268.3087646484375],[423.7814849853516,267.9671173095703],[423.5139129638672,267.6260467529297],[423.24590148925785,267.28516845703126],[422.97679138183594,266.94519653320316],[422.70746154785155,266.6055541992188],[422.43686828613284,266.266845703125],[422.1657257080078,265.92860412597656],[421.89356689453126,265.5911590576172],[421.6203643798828,265.2545104980469],[421.3463928222656,264.9183837890625],[421.07091064453124,264.5836578369141],[420.7949890136719,264.2492340087891],[420.5174468994141,263.9162933349609],[420.2387237548828,263.5843139648438],[419.95862731933596,263.2533233642578],[419.6772674560547,262.9235412597656],[419.3944519042969,262.59483032226564],[419.11023559570316,262.26743774414064],[418.82456359863284,261.9413635253906],[418.5372985839844,261.61671752929686],[418.2483581542969,261.29355468750003],[417.95774230957034,260.9717926025391],[417.66550598144534,260.65159606933594],[417.3714294433594,260.3328826904297],[417.0757049560547,260.01592712402345],[416.7781677246094,259.70070190429686],[416.4787078857422,259.38726196289065],[416.17713317871096,259.0757720947266],[415.87366333007816,258.7662322998047],[415.5681610107422,258.45867004394535],[415.2604614257813,258.1529754638672],[414.95086669921875,257.84958801269534],[414.6391571044922,257.5483428955078],[414.325277709961,257.2492950439453],[414.00900878906253,256.95285644531253],[413.6904327392578,256.65875244140625],[413.36960449218753,256.3671478271485],[413.04652404785156,256.0781524658203],[412.7210266113281,255.79165649414062],[412.3933044433594,255.5079071044922],[412.0631103515625,255.226904296875],[411.73044433593753,254.9488952636719],[411.39525146484374,254.67401733398438],[411.05755920410155,254.40216064453125],[410.71714782714844,254.13373718261718],[410.3738525390625,253.8687744140625],[410.02783813476566,253.6077667236328],[409.6789947509766,253.35024719238282],[409.3278442382813,253.09613342285158],[408.97424926757816,252.84520568847657],[408.61818237304686,252.59801330566407],[408.25986328125003,252.35400695800783],[407.8993194580078,252.112939453125],[407.53704528808595,251.87503051757812],[407.17246398925784,251.64036254882814],[406.8060974121094,251.40857849121093],[406.4380279541016,251.1794860839844],[406.06836547851566,250.9531677246094],[405.6968902587891,250.72970581054688],[405.3237670898438,250.50863342285157],[404.949462890625,250.29008789062502],[404.5737030029297,250.07390441894532],[404.1964874267578,249.86016540527345],[403.8181457519531,249.64848632812502],[403.4386779785156,249.4388397216797],[403.058056640625,249.23130798339844],[402.6763092041016,249.02569885253908],[402.2937377929688,248.821875],[401.9102325439453,248.61964416503906],[401.52568359375,248.4195556640625],[401.1405853271485,248.2202911376953],[400.75474548339844,248.02264709472658],[400.3681915283203,247.82648620605468],[399.98125305175785,247.6311218261719],[399.5934631347656,247.43732299804688],[399.20517883300784,247.24423828125],[398.816455078125,247.05184020996094],[398.4273193359375,246.86073303222656],[398.03801879882815,246.67023010253908],[397.64816894531253,246.48057861328127],[397.2583465576172,246.29092712402345],[396.868359375,246.10138549804688],[396.47804260253906,245.91272277832033],[396.0877258300781,245.72403259277345],[395.6974090576172,245.53536987304688],[395.3071197509766,245.3466796875],[394.91680297851565,245.15801696777345],[394.5264862060547,244.96932678222657],[394.13671875,244.77986755371094],[393.7469512939453,244.59007873535157],[393.35699157714845,244.40018005371095],[392.9675537109375,244.20951232910156],[392.57850036621096,244.01826782226564],[392.1901336669922,243.8257049560547],[391.80173950195314,243.63300476074218],[391.4134552001953,243.44019470214843],[391.0251708984375,243.24738464355468],[390.6368316650391,243.05465698242188],[390.24794311523436,242.8631103515625],[389.85902709960936,242.67156372070312],[389.47011108398436,242.48001708984376],[389.0806457519531,242.2895690917969],[388.69101562500003,242.0995330810547],[388.3013580322266,241.9094970703125],[387.91123352050784,241.71990051269532],[387.5209442138672,241.53118286132812],[387.1304626464844,241.3432342529297],[386.7395416259766,241.15547790527344],[386.34831848144535,240.96871032714844],[385.9569580078125,240.78243713378907],[385.5652130126953,240.59676818847657],[385.1729461669922,240.41192321777345],[384.7806793212891,240.22754516601563],[384.3878082275391,240.0442657470703],[383.9947723388672,239.86156311035157],[383.60129699707034,239.67957458496093],[383.2072723388672,239.49854736328126],[382.8131103515625,239.3180145263672],[382.41815185546875,239.1387176513672],[382.0231658935547,238.96016235351564],[381.62774047851565,238.78243103027344],[381.23187561035155,238.6059356689453],[380.83562622070315,238.4299072265625],[380.43877258300785,238.2553894042969],[380.0415893554688,238.08161315917968],[379.643994140625,237.90879821777344],[379.24590454101565,237.73738403320314],[378.8474029541016,237.56649169921874],[378.4482696533203,237.39730224609374],[378.048779296875,237.22896423339844],[377.6488494873047,237.061669921875],[377.2483154296875,236.89599609375],[376.8472045898438,236.73084411621093],[376.44557189941406,236.56761474609377],[376.0436096191406,236.4053741455078],[375.64112548828126,236.244287109375],[375.2378173828125,236.08490295410158],[374.83448181152346,235.9263427734375],[374.43023986816405,235.76976013183594],[374.0255035400391,235.61422119140624],[373.6203552246094,235.45997314453126],[373.21465759277345,235.30720825195314],[372.80824584960936,235.1561462402344],[372.4013671875,235.00659484863283],[371.99391174316406,234.8584991455078],[371.58587951660155,234.71196899414062],[371.17713317871096,234.5668670654297],[370.7679748535156,234.42368774414064],[370.3583221435547,234.28182678222657],[369.94866943359375,234.1399658203125],[369.5387420654297,233.9989013671875],[369.1284851074219,233.85879821777345],[368.7182281494141,233.71869506835938],[368.3074493408203,233.57988281250002],[367.89658813476564,233.44153747558593],[367.4858093261719,233.30330200195314],[367.0743438720703,233.1668243408203],[366.6628784179688,233.0303192138672],[366.25108337402344,232.8943634033203],[365.839013671875,232.75969848632812],[365.4267242431641,232.624951171875],[365.0144348144531,232.49143981933594],[364.6017608642578,232.358642578125],[364.1890594482422,232.22584533691406],[363.7758361816406,232.0947235107422],[363.36255798339846,231.9638214111328],[362.94919738769534,231.8332489013672],[362.5353149414063,231.7042419433594],[362.1214324951172,231.57526245117188],[361.7072204589844,231.44688720703127],[361.2929260253906,231.31947326660156],[360.87827453613284,231.19293823242188],[360.4634582519531,231.06708984375],[360.04839477539065,230.94190063476563],[359.63291931152344,230.81728820800782],[359.21738891601564,230.69369201660157],[358.8016662597656,230.57078247070314],[358.3856964111328,230.4485321044922],[357.9695617675781,230.3269821166992],[357.553125,230.20637969970704],[357.1364959716797,230.08643646240236],[356.7198120117188,229.96719360351562],[356.30279846191405,229.8487335205078],[355.88548278808594,229.73115234375],[355.46800231933594,229.6142578125],[355.05030212402346,229.49800872802734],[354.63238220214845,229.38269348144533],[354.21440734863285,229.26824340820312],[353.79607543945315,229.15445251464845],[353.37733154296876,229.0412796020508],[352.95856018066405,228.92913665771485],[352.5395965576172,228.817790222168],[352.12041320800785,228.70714416503907],[351.70106506347656,228.59719848632812],[351.2814422607422,228.48835144042968],[350.86162719726565,228.38021850585938],[350.4416748046875,228.27281341552734],[350.0214752197266,228.16617736816406],[349.60089111328125,228.0605438232422],[349.18036193847655,227.9557067871094],[348.7594482421875,227.85152893066407],[348.33839721679686,227.74827117919924],[347.917236328125,227.64602966308595],[347.4955261230469,227.54441986083984],[347.0738983154297,227.44362030029296],[346.6520233154297,227.34380950927735],[346.22995605468753,227.2449188232422],[345.80750427246096,227.14674224853516],[345.3851348876953,227.04937591552735],[344.9624359130859,226.95306701660158],[344.53968200683596,226.85763702392578],[344.1165435791016,226.76292114257814],[343.6932678222656,226.66897430419922],[343.2697998046875,226.57623596191408],[342.8461120605469,226.48428039550782],[342.42234191894534,226.39313507080078],[341.99835205078125,226.30282745361328],[341.5739227294922,226.2136184692383],[341.1493835449219,226.1252197265625],[340.72495422363284,226.0376724243164],[340.3001678466797,225.9510452270508],[339.87513427734376,225.8655029296875],[339.4499908447266,225.78077087402343],[339.0246826171875,225.6968490600586],[338.5991546630859,225.61398468017578],[338.1732971191406,225.53210906982423],[337.7475494384766,225.45111236572265],[337.32147216796875,225.37088470458986],[336.89520263671875,225.29185180664064],[336.46876831054686,225.21373901367187],[336.0421966552735,225.13649139404296],[335.61529541015625,225.06004028320314],[335.18833923339844,224.98489379882812],[334.7611083984375,224.9105987548828],[334.33385009765624,224.8369903564453],[333.9065368652344,224.76390380859377],[333.4793334960938,224.69095458984376],[333.0518829345703,224.61863708496094],[332.6242950439453,224.546305847168],[332.1966522216797,224.47511444091796],[331.76881713867186,224.4049255371094],[331.3410095214844,224.33593139648437],[330.9127624511719,224.26825561523438],[330.4841583251953,224.20213165283204],[330.0556365966797,224.13780670166017],[329.62640075683595,224.07534942626953],[329.1969451904297,224.01504821777345],[328.7674896240234,223.95709533691408],[328.33740234375,223.90162811279296],[327.9072601318359,223.84871520996094],[327.47656860351566,223.798974609375],[327.0456024169922,223.7523651123047],[326.61414184570316,223.70909271240234],[326.18235168457034,223.66947326660156],[325.75042419433595,223.63367156982423],[325.3180847167969,223.60183868408203],[324.8853332519531,223.5741943359375],[324.4524719238281,223.55095825195312],[324.0194458007813,223.5323501586914],[323.5858978271485,223.5185760498047],[323.15256958007814,223.50992431640626],[322.7189392089844,223.5066696166992],[322.2854736328125,223.5089080810547],[321.85203552246094,223.51683197021484],[321.4187896728516,223.53068847656252],[320.98557128906253,223.55066986083986],[320.55303955078125,223.57695465087892],[320.1207550048828,223.60977630615236],[319.6889373779297,223.64950561523438],[319.2579711914063,223.695964050293],[318.8276092529297,223.74879455566406],[318.39818115234374,223.80777740478516],[317.9695770263672,223.87276153564454],[317.5415771484375,223.94360961914063],[317.1148956298828,224.02003326416016],[316.68914794921875,224.10190887451174],[316.2645263671875,224.18923645019532],[315.84094848632816,224.2815902709961],[315.4186065673828,224.37877807617187],[314.99708862304686,224.4806900024414],[314.5768615722656,224.58706512451172],[314.15781555175784,224.69773864746094],[313.7396209716797,224.81258697509767],[313.3227447509766,224.93145904541015],[312.9070495605469,225.0541213989258],[312.4923431396484,225.18038177490234],[312.0786804199219,225.31006164550783],[311.66586914062503,225.44305114746095],[311.2540740966797,225.57908935546877],[310.84356994628905,225.71795654296875],[310.4338348388672,225.86007843017578],[310.0250610351563,226.00432891845705],[309.61716613769534,226.15101013183593],[309.2099578857422,226.30001220703124],[308.8036560058594,226.45108795166016],[308.3980407714844,226.60414123535156],[307.9931121826172,226.75897979736328],[307.5888977050781,226.9156036376953],[307.1853698730469,227.0736831665039],[306.7821441650391,227.23319091796876],[306.3796051025391,227.39381103515626],[305.9771209716797,227.5559829711914],[305.5751861572266,227.71844329833985],[305.17369079589844,227.8822219848633],[304.7735961914063,228.04863739013672],[304.3744354248047,228.2180603027344],[303.9765655517578,228.39027099609376],[303.57993164062503,228.5653793334961],[303.18469848632816,228.7431381225586],[302.7903717041016,228.9235061645508],[302.39722595214846,229.10630493164064],[302.00537109375,229.2913558959961],[301.61439514160156,229.47879638671876],[301.2244354248047,229.66842041015624],[300.83571166992186,229.8600631713867],[300.44772949218753,230.05384826660156],[300.060873413086,230.24963836669923],[299.674951171875,230.44729614257812],[299.29004516601566,230.64667053222658],[298.9059631347656,230.84769287109376],[298.5226226806641,231.05036315917968],[298.14027099609376,231.25443420410156],[297.7585784912109,231.4599609375],[297.3775177001953,231.66683349609374],[296.9973083496094,231.87491455078126],[296.6178680419922,232.08469848632814],[296.23878479003906,232.29478454589844],[295.8604431152344,232.50643615722657],[295.4823486328125,232.7187469482422],[295.1046936035156,232.9321014404297],[294.7277526855469,233.14606018066408],[294.35105895996094,233.36065063476562],[293.97474975585936,233.57611999511718],[293.59868774414065,233.79175415039063],[293.22301025390624,234.00821228027345],[292.8475250244141,234.2247528076172],[292.47234191894535,234.44192504882812],[292.0971313476563,234.65909729003906],[291.7219207763672,234.87626953125002],[291.34682006835936,235.09344177246095],[290.97169189453126,235.31069641113282],[290.59653625488284,235.527978515625],[290.2213806152344,235.74523315429687],[289.84556579589844,235.962158203125],[289.4701354980469,236.17869873046877],[289.09423828125,236.39468994140626],[288.7181762695313,236.6103515625],[288.3417572021485,236.82535400390626],[287.96489868164065,237.03972473144532],[287.5877655029297,237.2535186767578],[287.20997314453126,237.46621398925782],[286.8319885253906,237.67852478027345],[286.453207397461,237.8891326904297],[286.0741790771485,238.09949340820313],[285.6941619873047,238.30839843750002],[285.3135681152344,238.5160675048828],[284.93231506347655,238.7223907470703],[284.55018310546876,238.92742309570312],[284.16733703613284,239.1310272216797],[283.78391418457034,239.33295593261718],[283.39947509765625,239.5333465576172],[283.01495361328125,239.73338012695314],[282.63034973144534,239.93341369628908],[282.2458831787109,240.1340789794922],[281.8619110107422,240.3353485107422],[281.47796630859375,240.5366180419922],[281.09454345703125,240.73887634277344],[280.71112060546875,240.94121704101562],[280.3279724121094,241.14391479492187],[279.94504394531253,241.34716186523437],[279.56211547851564,241.55038146972657],[279.1795989990234,241.75467224121095],[278.79721984863284,241.9589630126953],[278.4148681640625,242.1632537841797],[278.03248901367186,242.36754455566407],[277.6501098632813,242.57183532714845],[277.26817016601564,242.77692260742188],[276.88628540039065,242.98209228515626],[276.50437316894534,243.1872344970703],[276.1224609375,243.3923767089844],[275.7405487060547,243.59754638671876],[275.35869140625,243.80296325683594],[274.97691650390624,244.00835266113282],[274.5951416015625,244.2137420654297],[274.21336669921874,244.41915893554688],[273.83139953613284,244.624658203125],[273.4493774414063,244.82974548339845],[273.0673828125,245.03475036621094],[272.6854156494141,245.23975524902343],[272.3034210205078,245.44478759765624],[271.9214538574219,245.64979248046876],[271.5391571044922,245.85416564941406],[271.1568328857422,246.05851135253906],[270.77439880371094,246.2625274658203],[270.3916900634766,246.4661865234375],[270.00900878906253,246.669873046875],[269.6259429931641,246.87276306152344],[269.2427947998047,247.07562561035158],[268.8593994140625,247.278076171875],[268.47556457519534,247.48008728027344],[268.0919219970703,247.6819610595703],[267.70764770507816,247.88281860351563],[267.3234008789063,248.08356628417968],[266.9389343261719,248.2837371826172],[266.5540283203125,248.48319396972656],[266.1690948486328,248.68262329101563],[265.78355712890624,248.88067932128908],[265.39788208007815,249.07868041992188],[265.01190490722655,249.27593994140625],[264.6254058837891,249.47232055664062],[264.23890686035156,249.6686737060547],[263.8517761230469,249.86381835937502],[263.4641510009766,250.0583038330078],[263.0761962890625,250.2520477294922],[262.6879119873047,250.44505004882814],[262.29932556152346,250.63720092773437],[261.9101898193359,250.82836303710937],[261.5207244873047,251.0186737060547],[261.13087463378906,251.20813293457033],[260.7404479980469,251.39676818847656],[260.34966430664065,251.58444213867188],[259.9584411621094,251.77088012695313],[259.5666137695313,251.9564666748047],[259.17437438964845,252.141064453125],[258.78147583007814,252.3247283935547],[258.38824768066405,252.50723876953126],[257.99444274902345,252.68840332031252],[257.59995117187503,252.86857910156252],[257.20521240234376,253.04754638671875],[256.80970458984376,253.22549743652345],[256.4138397216797,253.40218505859374],[256.01731567382814,253.57730712890626],[255.62032470703124,253.75124816894532],[255.2227294921875,253.92398071289062],[254.8245574951172,254.0954772949219],[254.42580871582032,254.26562805175783],[254.0263458251953,254.4341033935547],[253.62622375488283,254.60128784179688],[253.22568969726564,254.7670440673828],[252.8246612548828,254.9313720703125],[252.4229461669922,255.09432678222657],[252.02007751464845,255.255029296875],[251.61652221679688,255.41317749023438],[251.21189575195314,255.56885375976563],[250.80630798339845,255.72205810546876],[250.39984130859375,255.8730651855469],[249.99249572753908,256.02154541015625],[249.5845733642578,256.16782836914064],[249.17552490234377,256.3117218017578],[248.7660369873047,256.4538848876953],[248.3558074951172,256.5941528320313],[247.94486389160156,256.7321685791016],[247.5331787109375,256.8682891845703],[247.12102661132812,257.0026519775391],[246.7083526611328,257.1354217529297],[246.29504699707033,257.2666259765625],[245.8813018798828,257.3960723876953],[245.46708984375002,257.5238433837891],[245.05235595703127,257.65032348632815],[244.6373474121094,257.7754302978516],[244.2218994140625,257.89935607910155],[243.80609436035158,258.02199096679686],[243.38987731933594,258.1433349609375],[242.97330322265626,258.2637176513672],[242.5566192626953,258.3830841064453],[242.13966064453126,258.50157165527344],[241.72239990234377,258.6192626953125],[241.30475463867188,258.73601989746095],[240.88702697753908,258.85178833007814],[240.4689697265625,258.96733703613285],[240.05099487304688,259.08250122070314],[239.63280029296877,259.19675903320314],[239.21460571289063,259.31101684570314],[238.79627380371093,259.42461547851565],[238.37785949707032,259.5380767822266],[237.9594451904297,259.65142822265625],[237.54094848632812,259.7646148681641],[237.1224792480469,259.8778015136719],[236.70398254394533,259.9909881591797],[236.28551330566407,260.1041748046875],[235.8669891357422,260.21716918945316],[235.44835510253907,260.32972412109376],[235.02936401367188,260.4409881591797],[234.60987854003906,260.55112609863284],[234.19031066894533,260.66022033691405],[233.77033081054688,260.7683807373047],[233.35026855468752,260.87555236816405],[232.9299041748047,260.9815155029297],[232.5093200683594,261.086572265625],[232.0885437011719,261.19077758789064],[231.66749267578126,261.2941589355469],[231.24627685546875,261.3966888427735],[230.82481384277344,261.4982574462891],[230.40326843261718,261.5987823486328],[229.98146209716796,261.69886779785156],[229.5594497680664,261.7987060546875],[229.1372314453125,261.8970886230469],[228.71480712890624,261.99549865722656],[228.2923828125,262.092919921875],[227.86982116699218,262.1897644042969],[227.4471908569336,262.2864990234375],[227.02434082031252,262.3820526123047],[226.60147705078126,262.4776062011719],[226.17861328125,262.57252807617186],[225.7555160522461,262.66701049804686],[225.3324188232422,262.76149291992186],[224.90906066894533,262.85479431152345],[224.48570251464844,262.9481231689453],[224.06234436035157,263.0414245605469],[223.63898620605468,263.13475341796874],[223.21562805175782,263.2280548095703],[222.79198150634767,263.32061462402345],[222.36822509765625,263.41314697265625],[221.94468841552734,263.50562438964846],[221.5211380004883,263.5981018066406],[221.09760131835938,263.6905792236328],[220.6740509033203,263.7830841064453],[220.25052795410156,263.87561645507816],[219.82699127197267,263.96814880371096],[219.40345458984376,264.06068115234376],[218.979931640625,264.15318603515624],[218.55665588378906,264.2464050292969],[218.1333251953125,264.3398162841797],[217.7099807739258,264.4332550048828],[217.28665008544922,264.52666625976565],[216.86334686279298,264.62070922851564],[216.44000244140625,264.71513671875],[216.0168914794922,264.8095367431641],[215.59376678466796,264.90393676757816],[215.170751953125,264.9985565185547],[214.74781951904296,265.09372558593753],[214.3248733520508,265.1889221191406],[213.9019271850586,265.2840911865234],[213.47899475097657,265.37928771972656],[213.05614471435547,265.4750061035156],[212.63334960937502,265.57080688476566],[212.21054077148438,265.66663513183596],[211.78774566650392,265.76243591308594],[211.3650329589844,265.8584289550781],[210.94238891601563,265.95488891601565],[210.51952514648437,266.05140380859376],[210.09686737060548,266.1478637695313],[209.67422332763672,266.24432373046875],[209.2515655517578,266.3408111572266],[208.82890777587892,266.43727111816406],[208.40626373291016,266.5337310791016],[207.98360595703124,266.63019104003905],[207.56096191406252,266.7266510009766],[207.13827667236328,266.82355041503905],[206.71572875976562,266.9204772949219],[206.29318084716797,267.0173767089844],[205.87063293457032,267.1143035888672],[205.44808502197267,267.2112030029297],[205.025537109375,267.3081298828125],[204.60276947021484,267.40508422851565],[204.1802215576172,267.50201110839845],[203.75767364501954,267.59893798828125],[203.3352493286133,267.69580993652346],[202.91270141601564,267.79270935058594],[202.490153503418,267.88963623046874],[202.0676055908203,267.9865356445313],[201.64505767822266,268.08343505859375],[201.222509765625,268.18036193847655],[200.7999481201172,268.2772613525391],[200.37740020751954,268.37416076660156],[199.9548522949219,268.47108764648436],[199.5323043823242,268.5679870605469],[199.1097152709961,268.6647216796875],[198.68683776855468,268.76123657226566],[198.26419372558595,268.8576965332031],[197.84153594970704,268.95415649414065],[197.41889190673828,269.0506164550781],[196.9962341308594,269.14707641601564],[196.57359008789064,269.24353637695316],[196.15093231201172,269.34002380371095],[195.72827453613283,269.4364837646485],[195.30563049316407,269.53294372558594],[194.8828079223633,269.6291015625],[194.46001281738282,269.72498474121096],[194.0372314453125,269.8208404541016],[193.61443634033205,269.9166961669922],[193.19164123535157,270.01255187988284],[192.76855773925783,270.10810546875],[192.34563903808595,270.2034118652344],[191.92272033691407,270.29869079589844],[191.4998016357422,270.3939697265625],[191.0768829345703,270.48927612304686],[190.65392303466797,270.584033203125],[190.2308532714844,270.67865295410155],[189.8077835083008,270.77324523925785],[189.38471374511718,270.8678375244141],[188.9616439819336,270.96245727539065],[188.53829956054688,271.05633544921875],[188.1150375366211,271.1501037597656],[187.69178924560546,271.2438995361328],[187.2685272216797,271.3376678466797],[186.84514160156252,271.43132629394535],[186.4216735839844,271.5241333007813],[185.99820556640626,271.6169403076172],[185.57473754882812,271.7097473144531],[185.15125579833986,271.8025268554688],[184.7275405883789,271.8948669433594],[184.30382537841797,271.9865203857422],[183.88011016845704,272.0782012939453],[183.45638122558594,272.16985473632815],[183.032666015625,272.2615081787109],[182.60882720947265,272.3523376464844],[182.1848922729492,272.44305725097655],[181.76083374023438,272.53333740234376],[181.3367477416992,272.6232879638672],[180.91235961914063,272.7130462646484],[180.4881088256836,272.80222778320314],[180.06395416259767,272.89129943847655],[179.63953857421876,272.9796569824219],[179.21512298583986,273.0680419921875],[178.79046020507812,273.1555206298828],[178.36585235595703,273.2429992675781],[177.94123077392578,273.32959899902346],[177.51641693115235,273.4160888671875],[177.09127349853517,273.50183715820316],[176.66625366210937,273.5873107910156],[176.24109649658203,273.6719879150391],[175.8158432006836,273.7563079833985],[175.390576171875,273.83977661132815],[174.96488342285156,273.92291564941405],[174.5391632080078,274.0050933837891],[174.11342926025392,274.0868591308594],[173.6875717163086,274.1675537109375],[173.26156311035157,274.2479187011719],[172.83523864746095,274.32688293457034],[172.40880432128907,274.40565490722656],[171.98219146728516,274.4826965332031],[171.5556884765625,274.559326171875],[171.12873229980468,274.63452758789066],[170.70154266357423,274.708740234375],[170.2742431640625,274.7819091796875],[169.84661407470705,274.853759765625],[169.41890258789064,274.92396240234376],[168.99061431884766,274.992626953125],[168.562353515625,275.0596160888672],[168.1337631225586,275.12481994628905],[167.70480194091797,275.18779907226565],[167.27552490234376,275.24866333007816],[166.84601440429688,275.30694580078125],[166.4161605834961,275.3623992919922],[165.98567504882814,275.4146942138672],[165.55484619140626,275.46328125],[165.12374267578124,275.5074188232422],[164.69191131591796,275.54664001464846],[164.25970916748048,275.5799011230469],[163.82693023681642,275.6054718017578],[163.3936294555664,275.62140197753905],[162.9599853515625,275.62140197753905],[162.5309829711914,275.56243286132815],[162.11248626708985,275.4498229980469],[161.70659637451172,275.298046875],[161.3134780883789,275.1158111572266],[160.93291168212892,274.90814208984375],[160.5652816772461,274.6786376953125],[160.2106430053711,274.4292755126953],[159.8698745727539,274.16142883300785],[159.54388275146485,273.87559204101564],[159.2346176147461,273.5719848632813],[158.94424896240236,273.2500854492188],[158.67625122070314,272.9095916748047],[158.43521118164062,272.54932250976566],[158.2283660888672,272.1682067871094],[158.08624420166015,271.75946044921875],[158.01955718994142,271.33154296875],[158.01358337402345,270.8982421875],[158.05046997070312,270.4665893554688],[158.11456146240235,270.0376831054688],[158.19227600097656,269.61130371093753],[158.2717758178711,269.18511657714845],[158.34200592041017,268.7573913574219],[158.38979644775392,268.32658996582035],[158.41841583251954,267.89397583007815],[158.45940856933595,267.4624053955078],[158.5121292114258,267.0323455810547],[158.5740509033203,266.6032196044922],[158.64277038574218,266.175],[158.715966796875,265.7476043701172],[158.79129180908203,265.3206756591797],[158.86664428710938,264.8937194824219],[158.93978576660157,264.4664611816406],[159.00887603759767,264.0384887695313],[159.07103118896484,263.6094451904297],[159.1241638183594,263.17930297851564],[159.16573333740234,262.7477600097656],[159.19282836914064,262.3151458740235],[159.20318298339845,261.8817077636719],[159.1935562133789,261.4484344482422],[159.1613525390625,261.0159851074219],[159.1040451049805,260.5864196777344],[159.01936798095704,260.16111145019534],[158.90618133544922,259.7427520751953],[158.76504821777345,259.3328521728516],[158.59774017333984,258.9328948974609],[158.40547943115234,258.5446380615235],[158.18895263671877,258.1689880371094],[157.94913482666016,257.8080596923828],[157.68627319335937,257.46330871582035],[157.4007110595703,257.13726196289065],[157.09273681640624,256.83217163085936],[156.76305084228517,256.5511413574219],[156.41130981445312,256.29771423339844],[156.03668975830078,256.07977294921875],[155.64336547851562,255.8981689453125],[155.23514099121095,255.7518035888672],[154.8163833618164,255.64029235839845],[154.38979797363282,255.56341552734375],[153.95852966308595,255.52144775390624],[153.52503662109376,255.51546020507814],[153.09264221191407,255.54633178710938],[152.66368103027344,255.60741577148437],[152.2390869140625,255.69525146484375],[151.82031555175783,255.80733947753907],[151.40819091796877,255.94161987304688],[151.00313873291017,256.09559326171876],[150.6052001953125,256.26758422851566],[150.21445770263674,256.45545043945316],[149.83092498779297,256.6575164794922],[149.4541763305664,256.87224426269535],[149.0840606689453,257.0979858398438],[148.72022094726563,257.33372497558594],[148.36231384277343,257.57825317382816],[148.00958404541015,257.83025207519535],[147.66124877929687,258.0884582519531],[147.3137649536133,258.3476806640625],[146.9662811279297,258.6069030761719],[146.61909942626954,258.8667022705078],[146.2722610473633,259.1268035888672],[145.92542266845703,259.3868774414063],[145.57903747558595,259.6475555419922],[145.23280334472656,259.90845336914066],[144.88658294677734,260.1693511962891],[144.5406509399414,260.43104553222656],[144.1949935913086,260.69268493652345],[143.84943237304688,260.954296875],[143.50428314208986,261.2166229248047],[143.1591339111328,261.4789489746094],[142.81413574218752,261.741357421875],[142.46945343017578,262.00428771972656],[142.12477111816406,262.2672454833984],[141.78030853271486,262.53050537109374],[141.43621673583985,262.7942321777344],[141.09212493896484,263.0579315185547],[140.748046875,263.3216583251953],[140.403955078125,263.5853576660156],[140.05986328125002,263.8490844726563],[139.71604614257814,264.1136901855469],[139.37255859375,264.37818603515626],[139.0290710449219,264.64268188476564],[138.68558349609376,264.907177734375],[138.34209594726562,265.1716735839844],[137.99891052246093,265.4362518310547],[137.65579376220703,265.7012420654297],[137.31267700195312,265.96620483398436],[136.9695602416992,266.2311676025391],[136.6264434814453,266.49615783691405],[136.28318939208984,266.76123046875],[135.94012756347658,267.0262756347656],[135.59705200195313,267.29132080078125],[135.25399017333984,267.5563659667969],[134.91074981689454,267.82154846191406],[134.56768798828125,268.0865936279297],[134.22462615966796,268.351611328125],[133.8815643310547,268.6166564941406],[133.53850250244142,268.88170166015624],[133.19542694091797,269.14674682617186],[132.85236511230468,269.4117919921875],[132.5092758178711,269.6765075683594],[132.1657470703125,269.9409484863281],[131.8222183227539,270.2053894042969],[131.47868957519532,270.4698028564453],[131.13516082763672,270.7342437744141],[130.79143981933595,270.99876708984374],[130.44745788574218,271.2626037597656],[130.10329742431642,271.5266052246094],[129.75921936035158,271.79013977050784],[129.41485290527345,272.05348205566406],[129.07047271728516,272.31682434082035],[128.72573547363282,272.579672241211],[128.3809020996094,272.84238281250003],[128.035986328125,273.1049835205078],[127.69063110351563,273.3670623779297],[127.34527587890625,273.6291137695313],[126.99953613281251,273.8907806396484],[126.65360412597657,274.15203552246095],[126.30765838623047,274.41331787109374],[125.96121826171876,274.6737762451172],[125.61464080810548,274.9342071533203],[125.2676513671875,275.19455566406253],[124.9203872680664,275.454052734375],[124.57312316894532,275.7135498046875],[124.22543334960938,275.9723327636719],[123.87740020751953,276.23084106445316],[123.52931213378906,276.4893493652344],[123.18046875,276.7467315673828],[122.83162536621094,277.0041412353516],[122.48247985839843,277.26108398437503],[122.13278503417969,277.51731262207034],[121.78307647705078,277.77354125976564],[121.43272247314454,278.02886352539065],[121.08212127685547,278.2838562011719],[120.73147888183594,278.5387390136719],[120.3797378540039,278.7925231933594],[120.0281753540039,279.04619750976565],[119.67620086669922,279.29954223632814],[119.32391052246093,279.55206298828125],[118.97109832763672,279.8039794921875],[118.61792907714845,280.0553741455078],[118.26447143554688,280.3062469482422]], bounds=3000, full_zoom=0.24, max_episode_steps=1500 ) Brazil = RaceTrack( name='Brazil', xy=[[525.9970703125,384.6461181640625],[526.5438842773438,384.4936218261719],[527.0906372070312,384.34112548828125],[527.637451171875,384.1886291503906],[528.1842041015625,384.0361328125],[528.7310180664062,383.88360595703125],[529.27783203125,383.7311096191406],[529.8245849609375,383.57861328125],[530.3713989257812,383.4262390136719],[530.9183959960938,383.27447509765625],[531.4653930664062,383.1227111816406],[532.0123901367188,382.970947265625],[532.5593872070312,382.8191833496094],[533.1063842773438,382.66741943359375],[533.6533813476562,382.515625],[534.2003784179688,382.3638610839844],[534.7474365234375,382.2123107910156],[535.2946166992188,382.06121826171875],[535.841796875,381.91009521484375],[536.3889770507812,381.7590026855469],[536.9361572265625,381.6078796386719],[537.4833374023438,381.456787109375],[538.030517578125,381.3056640625],[538.5776977539062,381.1545715332031],[539.1249389648438,381.00372314453125],[539.6722412109375,380.85321044921875],[540.2196044921875,380.7026672363281],[540.7669677734375,380.5521240234375],[541.3142700195312,380.401611328125],[541.8616333007812,380.2510681152344],[542.408935546875,380.10052490234375],[542.956298828125,379.95001220703125],[543.5037231445312,379.7999267578125],[544.05126953125,379.6501159667969],[544.5988159179688,379.5002746582031],[545.1463623046875,379.3504638671875],[545.69384765625,379.2006530761719],[546.2413940429688,379.05084228515625],[546.7889404296875,378.9010009765625],[547.3364868164062,378.7511901855469],[547.8839721679688,378.60137939453125],[548.4315185546875,378.4515380859375],[548.9790649414062,378.3017272949219],[549.526611328125,378.15191650390625],[550.0740966796875,378.0021057128906],[550.6216430664062,377.8522644042969],[551.169189453125,377.70245361328125],[551.7167358398438,377.5526428222656],[552.264404296875,377.4034729003906],[552.8121337890625,377.25433349609375],[553.35986328125,377.1051940917969],[553.9075927734375,376.9560546875],[554.4552612304688,376.8069152832031],[555.0029907226562,376.65777587890625],[555.5507202148438,376.5086669921875],[556.0984497070312,376.3595275878906],[556.6461791992188,376.21038818359375],[557.1939086914062,376.0612487792969],[557.7415771484375,375.912109375],[558.289306640625,375.76300048828125],[558.8370361328125,375.6138610839844],[559.384765625,375.4647216796875],[559.9324951171875,375.3155822753906],[560.480224609375,375.16656494140625],[561.028076171875,375.017822265625],[561.5758666992188,374.8691101074219],[562.1237182617188,374.7203674316406],[562.6715087890625,374.5716552734375],[563.2193603515625,374.42291259765625],[563.7672119140625,374.2742004394531],[564.3150024414062,374.1254577636719],[564.8628540039062,373.9767150878906],[565.41064453125,373.8280029296875],[565.95849609375,373.67926025390625],[566.50634765625,373.5305480957031],[567.0541381835938,373.3818054199219],[567.6019897460938,373.23309326171875],[568.1498413085938,373.0843505859375],[568.6976318359375,372.9356384277344],[569.2454833984375,372.7868957519531],[569.7932739257812,372.63818359375],[570.3411254882812,372.48944091796875],[570.8889770507812,372.3407287597656],[571.436767578125,372.1919860839844],[571.984619140625,372.04327392578125],[572.532470703125,371.89453125],[573.0802612304688,371.7458190917969],[573.6281127929688,371.5970764160156],[574.1759033203125,371.4483337402344],[574.7237548828125,371.29962158203125],[575.2716064453125,371.15087890625],[575.8193969726562,371.0021667480469],[576.3672485351562,370.8534240722656],[576.9151000976562,370.7047119140625],[577.462890625,370.55596923828125],[578.0106811523438,370.40704345703125],[578.5584716796875,370.25811767578125],[579.106201171875,370.1091613769531],[579.6539916992188,369.960205078125],[580.2017211914062,369.8112487792969],[580.74951171875,369.66229248046875],[581.2973022460938,369.5133361816406],[581.8450317382812,369.3644104003906],[582.392822265625,369.2154541015625],[582.9406127929688,369.0664978027344],[583.4883422851562,368.91754150390625],[584.0361328125,368.7685852050781],[584.5838623046875,368.61962890625],[585.1316528320312,368.4706726074219],[585.679443359375,368.3217468261719],[586.2271728515625,368.1726989746094],[586.7747802734375,368.0231628417969],[587.3223876953125,367.8736572265625],[587.8699951171875,367.72412109375],[588.4176025390625,367.5746154785156],[588.9652099609375,367.4250793457031],[589.5128173828125,367.27557373046875],[590.0604858398438,367.1260681152344],[590.6080932617188,366.9765319824219],[591.1557006835938,366.8270263671875],[591.7033081054688,366.677490234375],[592.2509155273438,366.5279846191406],[592.7985229492188,366.37847900390625],[593.3461303710938,366.22894287109375],[593.8937377929688,366.0794372558594],[594.4413452148438,365.9299011230469],[594.9888916015625,365.77996826171875],[595.5362548828125,365.62957763671875],[596.0836181640625,365.47918701171875],[596.6309814453125,365.3287658691406],[597.1783447265625,365.1783752441406],[597.7257080078125,365.0279846191406],[598.2731323242188,364.8775939941406],[598.8204956054688,364.7271728515625],[599.3678588867188,364.5767822265625],[599.9152221679688,364.4263916015625],[600.4625854492188,364.2760009765625],[601.0099487304688,364.1255798339844],[601.5573120117188,363.9751892089844],[602.104736328125,363.8247985839844],[602.652099609375,363.6744079589844],[603.199462890625,363.52398681640625],[603.7466430664062,363.3729248046875],[604.2937622070312,363.2216796875],[604.8409423828125,363.0704345703125],[605.3880615234375,362.9191589355469],[605.9351806640625,362.7679138183594],[606.4822998046875,362.6166687011719],[607.0294799804688,362.4654235839844],[607.5765991210938,362.3141784667969],[608.12353515625,362.1622619628906],[608.6705322265625,362.0103454589844],[609.2174682617188,361.8583984375],[609.764404296875,361.70648193359375],[610.3113403320312,361.5545654296875],[610.8583374023438,361.4026184082031],[611.4052734375,361.2507019042969],[611.9522094726562,361.09869384765625],[612.4989013671875,360.9460144042969],[613.045654296875,360.7933044433594],[613.5924072265625,360.640625],[614.13916015625,360.4879455566406],[614.6859130859375,360.33526611328125],[615.2326049804688,360.1825866699219],[615.7793579101562,360.0299072265625],[616.3260498046875,359.87701416015625],[616.87255859375,359.7234802246094],[617.4190673828125,359.5699768066406],[617.965576171875,359.4164733886719],[618.5120849609375,359.2629699707031],[619.05859375,359.10943603515625],[619.6051025390625,358.9559326171875],[620.151611328125,358.80242919921875],[620.697998046875,358.6485290527344],[621.2442626953125,358.4941101074219],[621.7904663085938,358.3396911621094],[622.3367309570312,358.1852722167969],[622.8829956054688,358.0308532714844],[623.4292602539062,357.8764343261719],[623.9755249023438,357.7220153808594],[624.521728515625,357.5675964355469],[625.0678100585938,357.41259765625],[625.6138305664062,357.2571716308594],[626.1597900390625,357.1017761230469],[626.7057495117188,356.9463806152344],[627.251708984375,356.79095458984375],[627.7976684570312,356.63555908203125],[628.3436889648438,356.4801330566406],[628.8896484375,356.3247375488281],[629.4353637695312,356.16851806640625],[629.9810791015625,356.0120544433594],[630.5267333984375,355.8555908203125],[631.0723876953125,355.6991271972656],[631.6180419921875,355.54266357421875],[632.1636962890625,355.3861999511719],[632.7094116210938,355.2297058105469],[633.2550659179688,355.0732421875],[633.8004150390625,354.9157409667969],[634.3457641601562,354.75811767578125],[634.89111328125,354.6004943847656],[635.4364013671875,354.44287109375],[635.9817504882812,354.2852478027344],[636.527099609375,354.12762451171875],[637.0724487304688,353.9700012207031],[637.6177368164062,353.8122863769531],[638.1627197265625,353.6534729003906],[638.7077026367188,353.49462890625],[639.252685546875,353.3357849121094],[639.7976684570312,353.17694091796875],[640.3426513671875,353.0180969238281],[640.8876342773438,352.8592529296875],[641.4326171875,352.7004089355469],[641.9775390625,352.541259765625],[642.5220947265625,352.3811340332031],[643.0667114257812,352.2209777832031],[643.611328125,352.06085205078125],[644.1559448242188,351.90069580078125],[644.7005615234375,351.7405700683594],[645.2451171875,351.5804138183594],[645.7897338867188,351.4202880859375],[646.3341674804688,351.25958251953125],[646.8783569335938,351.09808349609375],[647.4225463867188,350.9365539550781],[647.9667358398438,350.7750244140625],[648.5109252929688,350.613525390625],[649.0551147460938,350.4519958496094],[649.599365234375,350.2904968261719],[650.1435546875,350.12896728515625],[650.6875,349.96661376953125],[651.2312622070312,349.80364990234375],[651.7750244140625,349.64068603515625],[652.3187866210938,349.47772216796875],[652.862548828125,349.31475830078125],[653.4063110351562,349.15179443359375],[653.9500732421875,348.9888000488281],[654.4938354492188,348.8258361816406],[655.0372314453125,348.6617126464844],[655.5805053710938,348.4972229003906],[656.1238403320312,348.3327331542969],[656.6671142578125,348.168212890625],[657.21044921875,348.00372314453125],[657.7537231445312,347.8392028808594],[658.2969970703125,347.6747131347656],[658.84033203125,347.5102233886719],[659.3831787109375,347.34423828125],[659.9259643554688,347.1781005859375],[660.4688110351562,347.0119934082031],[661.0115966796875,346.84588623046875],[661.5543823242188,346.6797790527344],[662.0972290039062,346.513671875],[662.6400756835938,346.3475646972656],[663.1827392578125,346.1811828613281],[663.72412109375,346.0104675292969],[664.2635498046875,345.83355712890625],[664.8008422851562,345.650390625],[665.335693359375,345.4603576660156],[665.8682861328125,345.26397705078125],[666.3983764648438,345.0609436035156],[666.92578125,344.8509216308594],[667.4505004882812,344.6343078613281],[667.972412109375,344.4111328125],[668.4913330078125,344.18096923828125],[669.0072021484375,343.9442138671875],[669.5201416015625,343.7010498046875],[670.0300903320312,343.4516906738281],[670.5369873046875,343.1961975097656],[671.040771484375,342.9345703125],[671.5415649414062,342.6673278808594],[672.0394897460938,342.39471435546875],[672.5346069335938,342.1170654296875],[673.027099609375,341.834716796875],[673.5170288085938,341.54803466796875],[674.0042114257812,341.2566833496094],[674.4895629882812,340.9622802734375],[674.972900390625,340.6646423339844],[675.4544677734375,340.36407470703125],[675.9344482421875,340.0610046386719],[676.4129638671875,339.755615234375],[676.8901977539062,339.44830322265625],[677.3662719726562,339.13909912109375],[677.842041015625,338.8294372558594],[678.3172607421875,338.51898193359375],[678.7919921875,338.2077331542969],[679.2667236328125,337.8964538574219],[679.7413330078125,337.5851135253906],[680.2160034179688,337.27374267578125],[680.6912231445312,336.9632263183594],[681.1666259765625,336.6531066894531],[681.6420288085938,336.34283447265625],[682.1152954101562,336.0293884277344],[682.5841064453125,335.7093200683594],[683.048095703125,335.3823547363281],[683.5074462890625,335.0488586425781],[683.9618530273438,334.7086486816406],[684.4111938476562,334.36175537109375],[684.8552856445312,334.0081787109375],[685.2939453125,333.6479187011719],[685.7272338867188,333.2811584472656],[686.1548461914062,332.9078674316406],[686.5767822265625,332.5281066894531],[686.9928588867188,332.14202880859375],[687.4031372070312,331.7497253417969],[687.8076171875,331.3514099121094],[688.2061767578125,330.9472351074219],[688.598876953125,330.5373229980469],[688.9857788085938,330.1219177246094],[689.3668212890625,329.701171875],[689.7421264648438,329.2752685546875],[690.11181640625,328.8445129394531],[690.4759521484375,328.4090270996094],[690.834716796875,327.96917724609375],[691.1881713867188,327.5249938964844],[691.53662109375,327.07684326171875],[691.8800659179688,326.6248779296875],[692.21875,326.1693420410156],[692.5528564453125,325.71038818359375],[692.882568359375,325.2483215332031],[693.2081298828125,324.7832946777344],[693.5294799804688,324.31536865234375],[693.8474731445312,323.84515380859375],[694.1619262695312,323.3725280761719],[694.4730224609375,322.8977355957031],[694.769775390625,322.41387939453125],[695.045166015625,321.91754150390625],[695.3002319335938,321.41046142578125],[695.5360107421875,320.8941345214844],[695.75390625,320.3700256347656],[695.9542236328125,319.8388977050781],[696.1383056640625,319.3019714355469],[696.3063354492188,318.7597961425781],[696.4595947265625,318.2132263183594],[696.5977172851562,317.66265869140625],[696.7220458984375,317.1087951660156],[696.8323974609375,316.552001953125],[696.9293212890625,315.99267578125],[697.0133056640625,315.4312744140625],[697.0838623046875,314.8680725097656],[697.1417846679688,314.3033752441406],[697.1868286132812,313.7375183105469],[697.2188110351562,313.1707763671875],[697.2380981445312,312.6034851074219],[697.2435913085938,312.0358581542969],[697.2362060546875,311.46826171875],[697.2142944335938,310.90106201171875],[697.178466796875,310.3345642089844],[697.1272583007812,309.7692565917969],[697.060302734375,309.20556640625],[696.9760131835938,308.6442565917969],[696.865234375,308.08758544921875],[696.7280883789062,307.5367736816406],[696.56689453125,306.9925537109375],[696.3836669921875,306.455322265625],[696.1801147460938,305.9254455566406],[695.9580688476562,305.4030456542969],[695.7190551757812,304.8882141113281],[695.46435546875,304.3809509277344],[695.1951904296875,303.8811950683594],[694.9125366210938,303.3889465332031],[694.6170654296875,302.90423583984375],[694.3099365234375,302.4268798828125],[693.9917602539062,301.956787109375],[693.6632080078125,301.4939270019531],[693.3244018554688,301.0384521484375],[692.9761962890625,300.59014892578125],[692.6190795898438,300.14892578125],[692.2530517578125,299.71502685546875],[691.87841796875,299.2885437011719],[691.4957275390625,298.8693542480469],[691.1048583984375,298.45770263671875],[690.7059936523438,298.0538024902344],[690.300537109375,297.6565246582031],[689.892822265625,297.26153564453125],[689.4830322265625,296.8687438964844],[689.0711669921875,296.4781188964844],[688.6572875976562,296.089599609375],[688.2415161132812,295.7030944824219],[687.823974609375,295.318603515625],[687.4046020507812,294.93597412109375],[686.9835815429688,294.55523681640625],[686.5609741210938,294.1762390136719],[686.1369018554688,293.79888916015625],[685.7113647460938,293.4231872558594],[685.284423828125,293.0490417480469],[684.8562622070312,292.6763610839844],[684.4268798828125,292.3050537109375],[683.9959106445312,291.9355773925781],[683.5650024414062,291.56610107421875],[683.132080078125,291.1988830566406],[682.6991577148438,290.8316955566406],[682.2647705078125,290.46630859375],[681.8302612304688,290.10101318359375],[681.3946533203125,289.73699951171875],[680.9589233398438,289.3731689453125],[680.5223999023438,289.01025390625],[680.0857543945312,288.64752197265625],[679.6486206054688,288.285400390625],[679.2113647460938,287.92340087890625],[678.7741088867188,287.5614013671875],[678.3368530273438,287.19940185546875],[677.8998413085938,286.8371276855469],[677.462890625,286.4747619628906],[677.0259399414062,286.11236572265625],[676.5890502929688,285.7499694824219],[676.15283203125,285.38671875],[675.717041015625,285.0229797363281],[675.281982421875,284.6582946777344],[674.847412109375,284.2930908203125],[674.413818359375,283.9267272949219],[673.9808349609375,283.5596008300781],[673.5490112304688,283.191162109375],[673.1180419921875,282.82171630859375],[672.68798828125,282.4512023925781],[672.2593994140625,282.0789794921875],[671.8320922851562,281.70526123046875],[671.4061889648438,281.3299865722656],[670.9818115234375,280.9530029296875],[670.5589599609375,280.5742492675781],[670.1378173828125,280.1936340332031],[669.7184448242188,279.81103515625],[669.3009643554688,279.4264221191406],[668.8854370117188,279.0396728515625],[668.4720458984375,278.6506652832031],[668.060791015625,278.2593994140625],[667.6517333984375,277.8658142089844],[667.2450561523438,277.4697570800781],[666.8408813476562,277.0711975097656],[666.439208984375,276.6700439453125],[666.0402221679688,276.26629638671875],[665.6439819335938,275.85980224609375],[665.2505493164062,275.4505920410156],[664.8600463867188,275.0386047363281],[664.4725952148438,274.6237487792969],[664.0882568359375,274.2060241699219],[663.7071533203125,273.7853088378906],[663.329345703125,273.3616638183594],[662.9548950195312,272.93499755859375],[662.59423828125,272.49676513671875],[662.2579345703125,272.0395202636719],[661.9489135742188,271.5634460449219],[661.670654296875,271.06878662109375],[661.425537109375,270.55694580078125],[661.2155151367188,270.0296630859375],[661.0415649414062,269.4894714355469],[660.9031982421875,268.93902587890625],[660.7986450195312,268.3811950683594],[660.7252197265625,267.818359375],[660.6796264648438,267.2525939941406],[660.6578979492188,266.6853942871094],[660.6558837890625,266.1177673339844],[660.6697998046875,265.5502624511719],[660.6958618164062,264.9832458496094],[660.7308959960938,264.4166564941406],[660.771484375,263.8504638671875],[660.8139038085938,263.2843933105469],[660.85693359375,262.7183837890625],[660.8983764648438,262.1522521972656],[660.9356079101562,261.5858154296875],[660.9669189453125,261.0190124511719],[660.9942016601562,260.4520263671875],[661.038330078125,259.8861083984375],[661.1022338867188,259.3221130371094],[661.1851196289062,258.7605895996094],[661.2854614257812,258.20184326171875],[661.4020385742188,257.6463623046875],[661.5336303710938,257.09417724609375],[661.6788940429688,256.5454406738281],[661.8367919921875,256.00018310546875],[662.006103515625,255.45840454101562],[662.1858520507812,254.9199676513672],[662.375244140625,254.38482666015625],[662.5736083984375,253.85293579101562],[662.7796020507812,253.32398986816406],[662.99267578125,252.7978515625],[663.2119750976562,252.27426147460938],[663.4367065429688,251.7530059814453],[663.6665649414062,251.2339630126953],[663.9002075195312,250.7166290283203],[664.137451171875,250.200927734375],[664.3776245117188,249.6865997314453],[664.6201782226562,249.17335510253906],[664.8644409179688,248.6609344482422],[665.110107421875,248.14918518066406],[665.3558349609375,247.63748168945312],[665.6015625,247.12574768066406],[665.84716796875,246.61399841308594],[666.0911865234375,246.10145568847656],[666.3331909179688,245.58799743652344],[666.5726318359375,245.07330322265625],[666.8096313476562,244.5574951171875],[667.046875,244.04177856445312],[667.2864990234375,243.52719116210938],[667.5283203125,243.0135955810547],[667.7724609375,242.50111389160156],[668.0185546875,241.98959350585938],[668.266357421875,241.4788818359375],[668.5159301757812,240.96902465820312],[668.7670288085938,240.4599151611328],[669.0198364257812,239.9517059326172],[669.2738647460938,239.44400024414062],[669.5285034179688,238.93667602539062],[669.78515625,238.43035888671875],[670.0418090820312,237.9240264892578],[670.3005981445312,237.4187774658203],[670.5594482421875,236.91357421875],[670.8193969726562,236.40892028808594],[671.0799560546875,235.9045867919922],[671.3410034179688,235.4005584716797],[671.603271484375,234.89710998535156],[671.865478515625,234.39364624023438],[672.1277465820312,233.89019775390625],[672.3899536132812,233.38673400878906],[672.6527709960938,232.8835906982422],[672.9158935546875,232.38058471679688],[673.1790161132812,231.87759399414062],[673.4420776367188,231.3745880126953],[673.7052001953125,230.87158203125],[673.9676513671875,230.36822509765625],[674.22998046875,229.8648223876953],[674.4923706054688,229.36143493652344],[674.7546997070312,228.85804748535156],[675.0167846679688,228.35452270507812],[675.2776489257812,227.850341796875],[675.5384521484375,227.34616088867188],[675.798095703125,226.84132385253906],[676.0573120117188,226.33633422851562],[676.3157348632812,225.8309326171875],[676.5730590820312,225.32489013671875],[676.8302612304688,224.81884765625],[677.0851440429688,224.31163024902344],[677.3400268554688,223.80442810058594],[677.5935668945312,223.2965087890625],[677.8456420898438,222.7878875732422],[678.096435546875,222.27865600585938],[678.3458862304688,221.76876831054688],[678.59375,221.25808715820312],[678.8399658203125,220.74656677246094],[679.08447265625,220.23426818847656],[679.3272705078125,219.72117614746094],[679.5682373046875,219.20718383789062],[679.8072509765625,218.69232177734375],[680.0443115234375,218.17654418945312],[680.2789916992188,217.65968322753906],[680.5112915039062,217.14170837402344],[680.7412109375,216.62269592285156],[680.9686279296875,216.10260009765625],[681.1934204101562,215.58135986328125],[681.41552734375,215.0589599609375],[681.634765625,214.5353546142578],[681.8509521484375,214.01046752929688],[682.0640869140625,213.4843292236328],[682.2733764648438,212.95668029785156],[682.4791870117188,212.4276580810547],[682.6812744140625,211.89718627929688],[682.8800048828125,211.36544799804688],[683.0744018554688,210.83209228515625],[683.264404296875,210.2971954345703],[683.4498901367188,209.76071166992188],[683.6306762695312,209.22259521484375],[683.8065185546875,208.68287658691406],[683.9772338867188,208.1414794921875],[684.1424560546875,207.5984344482422],[684.3018798828125,207.05360412597656],[684.449462890625,206.50547790527344],[684.5821533203125,205.95359802246094],[684.7002563476562,205.39837646484375],[684.804443359375,204.84036254882812],[684.8952026367188,204.28004455566406],[684.9730834960938,203.7177734375],[685.0386352539062,203.15390014648438],[685.0923461914062,202.5888214111328],[685.1349487304688,202.02276611328125],[685.1665649414062,201.45602416992188],[685.1888427734375,200.88880920410156],[685.2010498046875,200.3212890625],[685.2050170898438,199.753662109375],[685.2000122070312,199.18601989746094],[685.1875610351562,198.61851501464844],[685.1676635742188,198.05123901367188],[685.1409912109375,197.4842071533203],[685.1082763671875,196.91749572753906],[685.0693969726562,196.35118103027344],[685.0255737304688,195.78521728515625],[684.9764404296875,195.2196807861328],[684.9232788085938,194.6544952392578],[684.8653564453125,194.08981323242188],[684.8049926757812,193.52537536621094],[684.7407836914062,192.9613494873047],[684.6738891601562,192.39767456054688],[684.60498046875,191.83421325683594],[684.5342407226562,191.27096557617188],[684.4611206054688,190.70803833007812],[684.3880004882812,190.14511108398438],[684.3141479492188,189.582275390625],[684.2396850585938,189.01953125],[684.1652221679688,188.45677185058594],[684.092041015625,187.89385986328125],[684.0189208984375,187.3309326171875],[683.94677734375,186.7678985595703],[683.8765869140625,186.20460510253906],[683.80908203125,185.64097595214844],[683.7442626953125,185.0770263671875],[683.681884765625,184.51280212402344],[683.6232299804688,183.94821166992188],[683.56591796875,183.38345336914062],[683.508544921875,182.81871032714844],[683.4512329101562,182.2539520263672],[683.3938598632812,181.68919372558594],[683.3356323242188,181.12451171875],[683.2764892578125,180.55995178222656],[683.2171020507812,179.9954071044922],[683.156005859375,179.43104553222656],[683.0933837890625,178.86685180664062],[683.029296875,178.30279541015625],[682.96337890625,177.73899841308594],[682.8955078125,177.1754150390625],[682.82568359375,176.612060546875],[682.7532958984375,176.0490264892578],[682.6781005859375,175.48638916015625],[682.60009765625,174.9241180419922],[682.5191650390625,174.36227416992188],[682.4351196289062,173.80088806152344],[682.347900390625,173.2399444580078],[682.2569580078125,172.67962646484375],[682.161865234375,172.1199951171875],[682.0628051757812,171.56105041503906],[681.9595947265625,171.0028839111328],[681.8515625,170.4456024169922],[681.7389526367188,169.88922119140625],[681.6215209960938,169.33384704589844],[681.4985961914062,168.7796630859375],[681.370361328125,168.22666931152344],[681.2366333007812,167.6750030517578],[681.096923828125,167.12481689453125],[680.9509887695312,166.5762481689453],[680.799072265625,166.02928161621094],[680.6405029296875,165.48423767089844],[680.4749145507812,164.9412841796875],[680.3026123046875,164.40042114257812],[680.1231689453125,163.86187744140625],[679.9358520507812,163.32601928710938],[679.7412719726562,162.79275512695312],[679.5408935546875,162.26162719726562],[679.3350219726562,161.73263549804688],[679.12451171875,161.2054443359375],[678.9088134765625,160.6803741455078],[678.6885375976562,160.15719604492188],[678.4635009765625,159.6360626220703],[678.2339477539062,159.1168975830078],[678.0000610351562,158.5996856689453],[677.76171875,158.08448791503906],[677.5193481445312,157.57115173339844],[677.2725830078125,157.0599365234375],[677.0221557617188,156.550537109375],[676.767333984375,156.04327392578125],[676.5090942382812,155.53778076171875],[676.246826171875,155.03433227539062],[675.9810791015625,154.53273010253906],[675.711669921875,154.0330810546875],[675.4388427734375,153.53529357910156],[675.16259765625,153.03939819335938],[674.8829345703125,152.5453643798828],[674.6001586914062,152.05320739746094],[674.3140869140625,151.56285095214844],[674.0250854492188,151.07427978515625],[673.73291015625,150.58763122558594],[673.4379272460938,150.1026153564453],[673.1396484375,149.61964416503906],[672.8392944335938,149.13795471191406],[672.5353393554688,148.6584930419922],[672.22900390625,148.1805877685547],[671.9203491210938,147.70423889160156],[671.6092529296875,147.22940063476562],[671.295166015625,146.75657653808594],[670.9786376953125,146.28533935546875],[670.659912109375,145.81561279296875],[670.3390502929688,145.34732055664062],[670.0157470703125,144.88076782226562],[669.68994140625,144.41590881347656],[669.362060546875,143.9524688720703],[669.0322875976562,143.49046325683594],[668.7005004882812,143.02984619140625],[668.3662719726562,142.57107543945312],[668.0313720703125,142.11270141601562],[667.6962890625,141.65451049804688],[667.3618774414062,141.19580078125],[667.0277709960938,140.7368927001953],[666.6942138671875,140.27757263183594],[666.3609008789062,139.81805419921875],[666.0276489257812,139.35853576660156],[665.6943359375,138.89901733398438],[665.3610229492188,138.43951416015625],[665.0277099609375,137.98001098632812],[664.6943969726562,137.5205078125],[664.361083984375,137.06101989746094],[664.0272827148438,136.60191345214844],[663.693115234375,136.14303588867188],[663.3583374023438,135.68458557128906],[663.0231323242188,135.22640991210938],[662.687255859375,134.76881408691406],[662.3507690429688,134.31163024902344],[662.013427734375,133.8551025390625],[661.67529296875,133.3991241455078],[661.336181640625,132.9438934326172],[660.99609375,132.48939514160156],[660.6549072265625,132.0356903076172],[660.3125610351562,131.5828857421875],[659.9693603515625,131.1307373046875],[659.62451171875,130.67984008789062],[659.2783203125,130.22999572753906],[658.9306030273438,129.78128051757812],[658.5814208984375,129.33375549316406],[658.2305297851562,128.88748168945312],[657.8780517578125,128.44256591796875],[657.5237426757812,127.99906158447266],[657.1675415039062,127.55702209472656],[656.8095092773438,127.11654663085938],[656.449462890625,126.6777114868164],[656.0873413085938,126.2405776977539],[655.7230834960938,125.80518341064453],[655.3565673828125,125.37168884277344],[654.98779296875,124.94013977050781],[654.6166381835938,124.51062774658203],[654.2430419921875,124.08325958251953],[653.866943359375,123.6580810546875],[653.48828125,123.23519134521484],[653.1068725585938,122.81468963623047],[652.7227783203125,122.39674377441406],[652.3358764648438,121.9813461303711],[651.9461059570312,121.56865692138672],[651.5534057617188,121.1587905883789],[651.15771484375,120.75180053710938],[650.7589111328125,120.34783172607422],[650.35693359375,119.9469985961914],[649.9517822265625,119.54940795898438],[649.5435791015625,119.15491485595703],[649.1318969726562,118.76412963867188],[648.7167358398438,118.376953125],[648.2982177734375,117.99349975585938],[647.8761596679688,117.6138916015625],[647.4505615234375,117.23824310302734],[647.0214233398438,116.86668395996094],[646.5885620117188,116.49942016601562],[646.152099609375,116.1364974975586],[645.7118530273438,115.77810668945312],[645.2679443359375,115.42432403564453],[644.8202514648438,115.07539367675781],[644.3688354492188,114.731201171875],[643.9149169921875,114.3902816772461],[643.4591674804688,114.05186462402344],[643.0013427734375,113.71630096435547],[642.541259765625,113.38379669189453],[642.07958984375,113.05355072021484],[641.6160888671875,112.7258071899414],[641.1506958007812,112.40070343017578],[640.6831665039062,112.07874298095703],[640.2139892578125,111.75924682617188],[639.7431640625,111.44217681884766],[639.2706909179688,111.1275405883789],[638.79638671875,110.81562805175781],[638.3201904296875,110.50662994384766],[637.8424682617188,110.20003509521484],[637.3632202148438,109.89582061767578],[636.8824462890625,109.59394836425781],[636.39990234375,109.29498291015625],[635.915771484375,108.9986572265625],[635.43017578125,108.70465850830078],[634.9431762695312,108.41300201416016],[634.4547729492188,108.12364959716797],[633.9645385742188,107.83747100830078],[633.4730224609375,107.55357360839844],[632.9801025390625,107.27197265625],[632.4859619140625,106.99263763427734],[631.990234375,106.71600341796875],[631.4930419921875,106.44212341308594],[630.9945678710938,106.17047882080078],[630.4949340820312,105.9011001586914],[629.9940795898438,105.63394927978516],[629.4915161132812,105.36997985839844],[628.9878540039062,105.10823059082031],[628.4829711914062,104.84870147705078],[627.9769897460938,104.5914306640625],[627.4695434570312,104.33692169189453],[626.9608154296875,104.08500671386719],[626.4510498046875,103.83533477783203],[625.9401245117188,103.587890625],[625.4281005859375,103.34286499023438],[624.9146728515625,103.10081481933594],[624.400146484375,102.8609848022461],[623.8846435546875,102.62339782714844],[623.3680419921875,102.38801574707031],[622.8501586914062,102.1556625366211],[622.3311157226562,101.92573547363281],[621.8111572265625,101.69805145263672],[621.2901611328125,101.47260284423828],[620.76806640625,101.24980163574219],[620.2447509765625,101.02980041503906],[619.7205200195312,100.81206512451172],[619.1953735351562,100.59661865234375],[618.6692504882812,100.38350677490234],[618.141845703125,100.17354583740234],[617.613525390625,99.96589660644531],[617.0842895507812,99.76054382324219],[616.55419921875,99.5575180053711],[616.0230102539062,99.357421875],[615.4907836914062,99.16001892089844],[614.9577026367188,98.9649429321289],[614.4237670898438,98.77222442626953],[613.888916015625,98.58206176757812],[613.3529052734375,98.39507293701172],[612.8161010742188,98.21047973632812],[612.2784423828125,98.02828979492188],[611.7400512695312,97.84854125976562],[611.2005615234375,97.67184448242188],[610.6602172851562,97.49795532226562],[610.1190185546875,97.3265609741211],[609.5770874023438,97.15766906738281],[609.0343627929688,96.99131774902344],[608.4906005859375,96.82843780517578],[607.946044921875,96.66812133789062],[607.4006958007812,96.5103988647461],[606.8546752929688,96.35528564453125],[606.3078002929688,96.20308685302734],[605.760009765625,96.05421447753906],[605.2114868164062,95.90803527832031],[604.6622924804688,95.76457977294922],[604.1123657226562,95.62384796142578],[603.5616455078125,95.48626708984375],[603.0100708007812,95.35204315185547],[602.4580688476562,95.21956634521484],[601.9058837890625,95.08782958984375],[601.353759765625,94.95608520507812],[600.8015747070312,94.82434844970703],[600.2494506835938,94.69261169433594],[599.697265625,94.56087493896484],[599.1451416015625,94.42913055419922],[598.5929565429688,94.29739379882812],[598.040771484375,94.16565704345703],[597.4886474609375,94.0339126586914],[596.9364624023438,93.90217590332031],[596.38427734375,93.77043151855469],[595.8321533203125,93.6386947631836],[595.2799682617188,93.50695037841797],[594.7278442382812,93.37521362304688],[594.1756591796875,93.24347686767578],[593.6234741210938,93.11174011230469],[593.0713500976562,92.97999572753906],[592.5191650390625,92.84825897216797],[591.967041015625,92.71652221679688],[591.4148559570312,92.58477783203125],[590.8626708984375,92.45304107666016],[590.310546875,92.32130432128906],[589.7583618164062,92.18956756591797],[589.2062377929688,92.05782318115234],[588.654052734375,91.92608642578125],[588.1019287109375,91.79434967041016],[587.5497436523438,91.66261291503906],[586.99755859375,91.53086853027344],[586.4454345703125,91.39913177490234],[585.8932495117188,91.26739501953125],[585.3411254882812,91.13565063476562],[584.7889404296875,91.00391387939453],[584.23681640625,90.87217712402344],[583.6846313476562,90.74044036865234],[583.1323852539062,90.60917663574219],[582.580078125,90.47795867919922],[582.02783203125,90.34673309326172],[581.4755249023438,90.21551513671875],[580.9232177734375,90.08428192138672],[580.3709106445312,89.95306396484375],[579.8186645507812,89.82183837890625],[579.266357421875,89.69062042236328],[578.714111328125,89.55939483642578],[578.1618041992188,89.42817687988281],[577.6094970703125,89.29695892333984],[577.0572509765625,89.16573333740234],[576.5049438476562,89.03451538085938],[575.9526977539062,88.90328979492188],[575.400390625,88.7720718383789],[574.8480834960938,88.6408462524414],[574.2958374023438,88.50962829589844],[573.7435302734375,88.37840270996094],[573.1912841796875,88.24718475341797],[572.6389770507812,88.11595916748047],[572.086669921875,87.9847412109375],[571.534423828125,87.853515625],[570.9821166992188,87.72229766845703],[570.4298706054688,87.59107971191406],[569.8775634765625,87.45985412597656],[569.3252563476562,87.3286361694336],[568.7730102539062,87.1974105834961],[568.220703125,87.06619262695312],[567.66845703125,86.93496704101562],[567.1161499023438,86.80374908447266],[566.5638427734375,86.67252349853516],[566.0115966796875,86.54130554199219],[565.4592895507812,86.41007995605469],[564.906982421875,86.27885437011719],[564.354736328125,86.14767456054688],[563.8023071289062,86.01708984375],[563.2498779296875,85.88650512695312],[562.6974487304688,85.75592803955078],[562.1449584960938,85.6253433227539],[561.592529296875,85.49475860595703],[561.0401611328125,85.36418914794922],[560.4876708984375,85.23359680175781],[559.935302734375,85.10301971435547],[559.3828125,84.9724349975586],[558.8303833007812,84.84185791015625],[558.2779541015625,84.71126556396484],[557.7255249023438,84.5806884765625],[557.173095703125,84.45010375976562],[556.62060546875,84.31951141357422],[556.0682373046875,84.1889419555664],[555.5157470703125,84.058349609375],[554.9633178710938,83.92777252197266],[554.410888671875,83.79718780517578],[553.8584594726562,83.66661071777344],[553.3060302734375,83.53601837158203],[552.7536010742188,83.40544891357422],[552.201171875,83.27485656738281],[551.6487426757812,83.14427947998047],[551.0962524414062,83.0136947631836],[550.5438842773438,82.88311767578125],[549.9913940429688,82.75252532958984],[549.4390258789062,82.62195587158203],[548.8865356445312,82.49136352539062],[548.3341674804688,82.36078643798828],[547.7816772460938,82.2302017211914],[547.229248046875,82.09962463378906],[546.6768188476562,81.96903228759766],[546.1243896484375,81.83846282958984],[545.5719604492188,81.70787048339844],[545.01953125,81.57734680175781],[544.4669189453125,81.44731140136719],[543.9143676757812,81.31729125976562],[543.36181640625,81.187255859375],[542.8092651367188,81.0572280883789],[542.2566528320312,80.92719268798828],[541.7040405273438,80.79716491699219],[541.1515502929688,80.6671371459961],[540.5989379882812,80.53710174560547],[540.04638671875,80.4070816040039],[539.4938354492188,80.27704620361328],[538.9412841796875,80.14702606201172],[538.388671875,80.0169906616211],[537.8361206054688,79.88697052001953],[537.2835693359375,79.7569351196289],[536.7310180664062,79.62691497802734],[536.1784057617188,79.49687957763672],[535.6259155273438,79.36685943603516],[535.0731811523438,79.23705291748047],[534.5205688476562,79.1074447631836],[533.9678955078125,78.97782135009766],[533.415283203125,78.84821319580078],[532.862548828125,78.71858978271484],[532.3099365234375,78.58897399902344],[531.7572631835938,78.4593505859375],[531.20458984375,78.32974243164062],[530.6519165039062,78.20011901855469],[530.0993041992188,78.07051086425781],[529.5465698242188,77.94088745117188],[528.9939575195312,77.811279296875],[528.4412841796875,77.68165588378906],[527.888671875,77.55204010009766],[527.3359375,77.42241668701172],[526.7833251953125,77.29280853271484],[526.2306518554688,77.1631851196289],[525.6779174804688,77.03357696533203],[525.1251831054688,76.90440368652344],[524.5723876953125,76.77522277832031],[524.0196533203125,76.64605712890625],[523.4668579101562,76.5168685913086],[522.9141235351562,76.38770294189453],[522.361328125,76.2585220336914],[521.80859375,76.12934875488281],[521.2557983398438,76.00016784667969],[520.7030639648438,75.87100219726562],[520.1502685546875,75.74181365966797],[519.5975341796875,75.6126480102539],[519.0447387695312,75.48346710205078],[518.4920043945312,75.35429382324219],[517.939208984375,75.22511291503906],[517.386474609375,75.09593963623047],[516.8336791992188,74.96675872802734],[516.2809448242188,74.83759307861328],[515.7281494140625,74.7086410522461],[515.17529296875,74.57994079589844],[514.6223754882812,74.45123291015625],[514.0695190429688,74.3225326538086],[513.5166015625,74.1938247680664],[512.9638061523438,74.06512451171875],[512.410888671875,73.93640899658203],[511.8580322265625,73.80770874023438],[511.3051452636719,73.67900085449219],[510.7522888183594,73.55030059814453],[510.1993713378906,73.42159271240234],[509.646484375,73.29287719726562],[509.0936279296875,73.16417694091797],[508.5407409667969,73.03546905517578],[507.9878845214844,72.90676879882812],[507.4349670410156,72.7780532836914],[506.88214111328125,72.64936065673828],[506.3292236328125,72.52064514160156],[505.77630615234375,72.39241790771484],[505.2232971191406,72.26420593261719],[504.6703186035156,72.1360092163086],[504.1173095703125,72.00779724121094],[503.5643310546875,71.87960815429688],[503.0113220214844,71.75139617919922],[502.4583740234375,71.62319946289062],[501.90533447265625,71.49498748779297],[501.3523864746094,71.36679077148438],[500.7993469238281,71.23858642578125],[500.24639892578125,71.11038970947266],[499.693359375,70.982177734375],[499.1404113769531,70.8539810180664],[498.58740234375,70.72577667236328],[498.034423828125,70.59757995605469],[497.4814147949219,70.46936798095703],[496.9284362792969,70.34117126464844],[496.3753662109375,70.213134765625],[495.8222961425781,70.0854721069336],[495.2691650390625,69.95780181884766],[494.71600341796875,69.83012390136719],[494.1629333496094,69.70246124267578],[493.6097717285156,69.57478332519531],[493.05670166015625,69.4471206665039],[492.5035400390625,69.31944274902344],[491.9504699707031,69.19178009033203],[491.3973083496094,69.06410217285156],[490.84423828125,68.93643951416016],[490.2911071777344,68.80876159667969],[489.7380065917969,68.68109893798828],[489.18487548828125,68.55342102050781],[488.63177490234375,68.4257583618164],[488.0786437988281,68.29808044433594],[487.5255432128906,68.17041778564453],[486.972412109375,68.04273986816406],[486.4192199707031,67.91548156738281],[485.8659362792969,67.78836822509766],[485.3127136230469,67.66127014160156],[484.75946044921875,67.5341567993164],[484.20623779296875,67.40705871582031],[483.6529541015625,67.27994537353516],[483.0997619628906,67.15283966064453],[482.5464782714844,67.02572631835938],[481.9932556152344,66.89862823486328],[481.4399719238281,66.77151489257812],[480.88677978515625,66.64441680908203],[480.33349609375,66.51729583740234],[479.7802734375,66.39019775390625],[479.2270202636719,66.2630844116211],[478.6737365722656,66.13597106933594],[478.1205139160156,66.00887298583984],[477.5672607421875,65.88175964355469],[477.0140075683594,65.75473022460938],[476.4606018066406,65.62821197509766],[475.9072570800781,65.50170135498047],[475.3538513183594,65.37518310546875],[474.8005065917969,65.2486801147461],[474.2470703125,65.12216186523438],[473.6937255859375,64.99565124511719],[473.14031982421875,64.86913299560547],[472.58697509765625,64.74263000488281],[472.0335693359375,64.6161117553711],[471.480224609375,64.4896011352539],[470.9267883300781,64.36308288574219],[470.3734436035156,64.23657989501953],[469.8200378417969,64.11005401611328],[469.2666931152344,63.983551025390625],[468.7132873535156,63.857032775878906],[468.1599426269531,63.730525970458984],[467.6065368652344,63.604007720947266],[467.0531311035156,63.47782516479492],[466.49957275390625,63.3519287109375],[465.9460754394531,63.226051330566406],[465.39251708984375,63.100154876708984],[464.83905029296875,62.974273681640625],[464.2854919433594,62.84838104248047],[463.73199462890625,62.72249984741211],[463.1784362792969,62.59660720825195],[462.6248779296875,62.47071075439453],[462.0713806152344,62.34483337402344],[461.5178527832031,62.218936920166016],[460.96435546875,62.093055725097656],[460.4107971191406,61.9671630859375],[459.8572998046875,61.84128189086914],[459.3037414550781,61.715389251708984],[458.750244140625,61.589508056640625],[458.19671630859375,61.4636116027832],[457.6432189941406,61.33773422241211],[457.0895080566406,61.21241760253906],[456.5358581542969,61.08719253540039],[455.982177734375,60.96195602416992],[455.42852783203125,60.836734771728516],[454.87481689453125,60.71149444580078],[454.3211975097656,60.586273193359375],[453.7674865722656,60.461036682128906],[453.2138366699219,60.335811614990234],[452.6601257324219,60.210575103759766],[452.10650634765625,60.085350036621094],[451.55279541015625,59.960113525390625],[450.9991455078125,59.83489227294922],[450.4454650878906,59.709651947021484],[449.8918151855469,59.58443069458008],[449.3381042480469,59.45919418334961],[448.7844543457031,59.33396911621094],[448.23077392578125,59.20873260498047],[447.67706298828125,59.08348846435547],[447.1234436035156,58.95823669433594],[446.5697326660156,58.832969665527344],[446.01611328125,58.70771789550781],[445.46240234375,58.58245086669922],[444.9087829589844,58.45719909667969],[444.3550720214844,58.33193588256836],[443.80157470703125,58.20613479614258],[443.248046875,58.08015060424805],[442.6945495605469,57.95418167114258],[442.1410217285156,57.82819366455078],[441.5875549316406,57.70222473144531],[441.0340270996094,57.57624053955078],[440.4805908203125,57.4500846862793],[439.9272155761719,57.32341003417969],[439.3739013671875,57.19675064086914],[438.8205261230469,57.07007598876953],[438.2672119140625,56.94341278076172],[437.7138366699219,56.81673812866211],[437.1605224609375,56.69007873535156],[436.6072998046875,56.562896728515625],[436.05413818359375,56.43557357788086],[435.50091552734375,56.30823516845703],[434.94775390625,56.180908203125],[434.39453125,56.05357360839844],[433.84136962890625,55.926246643066406],[433.2881774902344,55.79873275756836],[432.73516845703125,55.670772552490234],[432.1820983886719,55.54279708862305],[431.6290283203125,55.414825439453125],[431.07598876953125,55.286865234375],[430.5229187011719,55.15888977050781],[429.96990966796875,55.03093338012695],[429.41693115234375,54.90247344970703],[428.8640441894531,54.77390670776367],[428.3111267089844,54.645328521728516],[427.75823974609375,54.516761779785156],[427.205322265625,54.388179779052734],[426.6524353027344,54.259613037109375],[426.0995178222656,54.13085174560547],[425.5467834472656,54.001705169677734],[424.9939880371094,53.87254333496094],[424.4412536621094,53.7433967590332],[423.8884582519531,53.61423873901367],[423.335693359375,53.48509216308594],[422.78289794921875,53.35593032836914],[422.23028564453125,53.22633361816406],[421.6776123046875,53.096622467041016],[421.125,52.966922760009766],[420.57232666015625,52.83720779418945],[420.01971435546875,52.7075080871582],[419.467041015625,52.57779312133789],[418.91448974609375,52.44792556762695],[418.3619384765625,52.31768798828125],[417.8094482421875,52.187461853027344],[417.25689697265625,52.05722427368164],[416.70440673828125,51.927001953125],[416.15185546875,51.79676055908203],[415.5993347167969,51.66652297973633],[415.0469055175781,51.5358772277832],[414.4944763183594,51.4051399230957],[413.9421081542969,51.2744140625],[413.3896789550781,51.1436767578125],[412.8373107910156,51.0129508972168],[412.2848815917969,50.8822135925293],[411.7325744628906,50.75132369995117],[411.1802673339844,50.6201171875],[410.62799072265625,50.488922119140625],[410.07568359375,50.35771560668945],[409.5234375,50.22652053833008],[408.9710998535156,50.095314025878906],[408.4188537597656,49.96411895751953],[407.8666076660156,49.832523345947266],[407.314453125,49.700889587402344],[406.7622375488281,49.569236755371094],[406.2100830078125,49.437599182128906],[405.6578674316406,49.30595016479492],[405.105712890625,49.174312591552734],[404.5536193847656,49.042442321777344],[404.0015869140625,48.910194396972656],[403.44952392578125,48.77793502807617],[402.89752197265625,48.645687103271484],[402.345458984375,48.513427734375],[401.79345703125,48.38117980957031],[401.24139404296875,48.24892044067383],[400.68939208984375,48.11667251586914],[400.1373291015625,47.984413146972656],[399.5852355957031,47.852149963378906],[399.0332336425781,47.71990203857422],[398.4811706542969,47.587642669677734],[397.9291687011719,47.45539474487305],[397.37713623046875,47.32283401489258],[396.8253173828125,47.18986511230469],[396.2734069824219,47.056880950927734],[395.7215881347656,46.923912048339844],[395.1697082519531,46.79092788696289],[394.61785888671875,46.657958984375],[394.06597900390625,46.52497863769531],[393.5141296386719,46.39200973510742],[392.9622497558594,46.25902557373047],[392.410400390625,46.12605667114258],[391.8585205078125,45.993072509765625],[391.30670166015625,45.860103607177734],[390.7547912597656,45.72711944580078],[390.2030334472656,45.5938835144043],[389.65130615234375,45.460289001464844],[389.099609375,45.32670974731445],[388.5478820800781,45.193115234375],[387.9961853027344,45.05953598022461],[387.4444274902344,44.925941467285156],[386.89276123046875,44.792362213134766],[386.34100341796875,44.65877151489258],[385.789306640625,44.52518844604492],[385.2375793457031,44.391597747802734],[384.6858215332031,44.25800323486328],[384.1341552734375,44.12442398071289],[383.5823974609375,43.99082946777344],[383.03076171875,43.85700607299805],[382.4791564941406,43.72290802001953],[381.9275817871094,43.58882522583008],[381.3759460449219,43.45473098754883],[380.82440185546875,43.320648193359375],[380.27276611328125,43.18655014038086],[379.7212219238281,43.052467346191406],[379.1695861816406,42.91836929321289],[378.6180114746094,42.78428649902344],[378.06640625,42.65018844604492],[377.51483154296875,42.51610565185547],[376.9632263183594,42.38200759887695],[376.4116516113281,42.2479248046875],[375.860107421875,42.1136360168457],[375.30865478515625,41.97916030883789],[374.7571105957031,41.84467315673828],[374.2056579589844,41.71019744873047],[373.65411376953125,41.575706481933594],[373.1026611328125,41.44123077392578],[372.5511474609375,41.30674362182617],[371.9996643066406,41.17226791381836],[371.4481506347656,41.037776947021484],[370.89666748046875,40.90330123901367],[370.34515380859375,40.76881408691406],[369.7936706542969,40.63433837890625],[369.2421569824219,40.499847412109375],[368.690673828125,40.36520004272461],[368.1392517089844,40.230445861816406],[367.5877990722656,40.095672607421875],[367.0364074707031,39.960914611816406],[366.4849548339844,39.82614517211914],[365.93353271484375,39.69138717651367],[365.382080078125,39.55661392211914],[364.8306884765625,39.42185974121094],[364.27923583984375,39.287086486816406],[363.72784423828125,39.15232849121094],[363.1763610839844,39.01755905151367],[362.6249694824219,38.8828010559082],[362.0735168457031,38.74802780151367],[361.52215576171875,38.61315155029297],[360.9707336425781,38.478172302246094],[360.4194030761719,38.34321212768555],[359.86798095703125,38.20823669433594],[359.316650390625,38.073272705078125],[358.7652282714844,37.938297271728516],[358.2138671875,37.80333709716797],[357.6624755859375,37.668357849121094],[357.1111145019531,37.53339767456055],[356.5597229003906,37.39842224121094],[356.00836181640625,37.263458251953125],[355.45697021484375,37.128482818603516],[354.9056091308594,36.99352264404297],[354.35418701171875,36.858543395996094],[353.8028564453125,36.72358322143555],[353.2514343261719,36.58860778808594],[352.7000427246094,36.45362854003906],[352.148681640625,36.318668365478516],[351.5972900390625,36.183692932128906],[351.0459289550781,36.048728942871094],[350.4945068359375,35.913753509521484],[349.94317626953125,35.77879333496094],[349.3917541503906,35.64381408691406],[348.8404235839844,35.508853912353516],[348.28900146484375,35.373878479003906],[347.7376403808594,35.238914489746094],[347.18621826171875,35.104000091552734],[346.6348571777344,34.96913146972656],[346.0834045410156,34.834251403808594],[345.53204345703125,34.69938278198242],[344.9806213378906,34.56449890136719],[344.4292297363281,34.429630279541016],[343.8778076171875,34.29475021362305],[343.3264465332031,34.159881591796875],[342.7749938964844,34.02499771118164],[342.2236328125,33.89012908935547],[341.6722106933594,33.7552490234375],[341.1208190917969,33.62038040161133],[340.56939697265625,33.485496520996094],[340.0180358886719,33.35062789916992],[339.4665832519531,33.21574783325195],[338.91522216796875,33.08087921142578],[338.3638000488281,32.94599533081055],[337.8123474121094,32.81111145019531],[337.260986328125,32.676246643066406],[336.7095642089844,32.54136276245117],[336.1581726074219,32.406494140625],[335.60675048828125,32.27161407470703],[335.0553894042969,32.13674545288086],[334.5039367675781,32.001861572265625],[333.95257568359375,31.866992950439453],[333.4011535644531,31.73211097717285],[332.8496398925781,31.597654342651367],[332.298095703125,31.463306427001953],[331.74658203125,31.32897186279297],[331.1950378417969,31.194622039794922],[330.6435241699219,31.060287475585938],[330.0919494628906,30.92593765258789],[329.54046630859375,30.791603088378906],[328.9888916015625,30.65725326538086],[328.4374084472656,30.522918701171875],[327.8858337402344,30.388568878173828],[327.3343200683594,30.254234313964844],[326.78277587890625,30.11988639831543],[326.23126220703125,29.985551834106445],[325.6797180175781,29.8512020111084],[325.1282043457031,29.716867446899414],[324.57666015625,29.582517623901367],[324.025146484375,29.448183059692383],[323.47357177734375,29.313833236694336],[322.9220886230469,29.17949867248535],[322.3705139160156,29.045150756835938],[321.8189697265625,28.91080093383789],[321.2674560546875,28.776466369628906],[320.71588134765625,28.64211654663086],[320.1643981933594,28.507781982421875],[319.6128234863281,28.373432159423828],[319.06134033203125,28.239097595214844],[318.5096435546875,28.1053466796875],[317.9579772949219,27.97168731689453],[317.40625,27.8380126953125],[316.8545837402344,27.7043514251709],[316.3028564453125,27.570676803588867],[315.7511901855469,27.4370174407959],[315.199462890625,27.303342819213867],[314.6477966308594,27.169681549072266],[314.0960693359375,27.036006927490234],[313.5444030761719,26.902347564697266],[312.9927062988281,26.7686710357666],[312.4410400390625,26.635011672973633],[311.8893127441406,26.5013370513916],[311.3374938964844,26.36822509765625],[310.7856140136719,26.235149383544922],[310.2337951660156,26.10208511352539],[309.68194580078125,25.969009399414062],[309.130126953125,25.83594512939453],[308.5782470703125,25.702869415283203],[308.02642822265625,25.569807052612305],[307.4745788574219,25.436729431152344],[306.9227600097656,25.303667068481445],[306.3708801269531,25.170589447021484],[305.81903076171875,25.037511825561523],[305.2672119140625,24.904449462890625],[304.71533203125,24.771371841430664],[304.1633605957031,24.638999938964844],[303.611328125,24.506629943847656],[303.059326171875,24.37427520751953],[302.5072937011719,24.241905212402344],[301.955322265625,24.10955047607422],[301.4032897949219,23.97718048095703],[300.8512878417969,23.844825744628906],[300.29925537109375,23.71245574951172],[299.7472839355469,23.580101013183594],[299.1952209472656,23.447731018066406],[298.64324951171875,23.31537628173828],[298.0912170410156,23.183006286621094],[297.5392761230469,23.050687789916992],[296.9870300292969,22.91913414001465],[296.43487548828125,22.787593841552734],[295.88262939453125,22.65604019165039],[295.3304443359375,22.524499893188477],[294.7782287597656,22.392946243286133],[294.2260437011719,22.26140785217285],[293.6737976074219,22.129854202270508],[293.12164306640625,21.998313903808594],[292.56939697265625,21.86676025390625],[292.0172119140625,21.735219955444336],[291.4649963378906,21.603666305541992],[290.9128112792969,21.47212791442871],[290.36053466796875,21.34064292907715],[289.8080749511719,21.21001625061035],[289.25567626953125,21.079404830932617],[288.7032165527344,20.94877815246582],[288.15081787109375,20.818166732788086],[287.598388671875,20.687541961669922],[287.0459899902344,20.556928634643555],[286.4935302734375,20.42630386352539],[285.9411315917969,20.295692443847656],[285.388671875,20.16506576538086],[284.8362731933594,20.034454345703125],[284.2838134765625,19.903827667236328],[283.7314147949219,19.773216247558594],[283.178955078125,19.642698287963867],[282.62640380859375,19.512849807739258],[282.0737609863281,19.38298797607422],[281.52117919921875,19.253141403198242],[280.9685363769531,19.123279571533203],[280.4159851074219,18.993431091308594],[279.86334228515625,18.863571166992188],[279.3106384277344,18.73407554626465],[278.75787353515625,18.604761123657227],[278.2051696777344,18.475460052490234],[277.65240478515625,18.34614372253418],[277.0997009277344,18.21684455871582],[276.54693603515625,18.087528228759766],[275.9942321777344,17.958335876464844],[275.4413146972656,17.8295955657959],[274.888427734375,17.700855255126953],[274.3356018066406,17.57213020324707],[273.7826843261719,17.443389892578125],[273.2298583984375,17.314664840698242],[272.67694091796875,17.185924530029297],[272.1240539550781,17.05763053894043],[271.5710144042969,16.92949104309082],[271.0180358886719,16.801366806030273],[270.4649963378906,16.673227310180664],[269.9120178222656,16.545101165771484],[269.3589782714844,16.416961669921875],[268.805908203125,16.288976669311523],[268.25274658203125,16.161466598510742],[267.6996154785156,16.033973693847656],[267.14642333984375,15.906464576721191],[266.59332275390625,15.778969764709473],[266.0401306152344,15.651461601257324],[265.48699951171875,15.523966789245605],[264.9337158203125,15.39696216583252],[264.3804626464844,15.270124435424805],[263.8271179199219,15.14327335357666],[263.2738342285156,15.016435623168945],[262.72052001953125,14.8895845413208],[262.167236328125,14.762746810913086],[261.61383056640625,14.636089324951172],[261.0604248046875,14.509937286376953],[260.5069274902344,14.383771896362305],[259.9534912109375,14.257619857788086],[259.3999938964844,14.131454467773438],[258.84649658203125,14.005288124084473],[258.2930908203125,13.879136085510254],[257.7394714355469,13.75355339050293],[257.1858825683594,13.628113746643066],[256.6322326660156,13.502660751342773],[256.0786437988281,13.377220153808594],[255.52499389648438,13.2517671585083],[254.97140502929688,13.126327514648438],[254.41766357421875,13.001115798950195],[253.86390686035156,12.876416206359863],[253.31008911132812,12.751703262329102],[252.75633239746094,12.627004623413086],[252.2025146484375,12.502291679382324],[251.6487579345703,12.377592086791992],[251.0949249267578,12.25287914276123],[250.54104614257812,12.128843307495117],[249.98704528808594,12.004898071289062],[249.43312072753906,11.880966186523438],[248.87911987304688,11.757020950317383],[248.3251953125,11.633090019226074],[247.7711944580078,11.50914478302002],[247.2172088623047,11.385518074035645],[246.6630401611328,11.262367248535156],[246.1089324951172,11.139230728149414],[245.5547637939453,11.016080856323242],[245.00064086914062,10.8929443359375],[244.44647216796875,10.769794464111328],[243.89236450195312,10.646657943725586],[243.33802795410156,10.524251937866211],[242.78367614746094,10.401926040649414],[242.22938537597656,10.279613494873047],[241.67503356933594,10.15728759765625],[241.12074279785156,10.034975051879883],[240.56639099121094,9.912649154663086],[240.01205444335938,9.790708541870117],[239.45750427246094,9.669234275817871],[238.9030303955078,9.547772407531738],[238.34849548339844,9.426298141479492],[237.79400634765625,9.30483627319336],[237.23947143554688,9.183361053466797],[236.68499755859375,9.06190013885498],[236.13026428222656,8.941258430480957],[235.57559204101562,8.82067584991455],[235.02085876464844,8.700080871582031],[234.4661865234375,8.579498291015625],[233.9114532470703,8.458902359008789],[233.35678100585938,8.338319778442383],[232.802001953125,8.218159675598145],[232.24713134765625,8.09848403930664],[231.69219970703125,7.978795051574707],[231.1373291015625,7.859118938446045],[230.58241271972656,7.7394304275512695],[230.0275421142578,7.619754314422607],[229.4726104736328,7.500065326690674],[228.91749572753906,7.381308555603027],[228.36236572265625,7.262553691864014],[227.8072509765625,7.143798828125],[227.25218200683594,7.0250563621521],[226.69705200195312,6.906301498413086],[226.14198303222656,6.787559509277344],[225.58676147460938,6.669301509857178],[225.03147888183594,6.5515217781066895],[224.4761505126953,6.43372917175293],[223.92088317871094,6.315949440002441],[223.36553955078125,6.198156833648682],[222.81027221679688,6.080377101898193],[222.25497436523438,5.96262788772583],[221.69949340820312,5.845837593078613],[221.14395141601562,5.729034900665283],[220.58847045898438,5.612244606018066],[220.03292846679688,5.495441913604736],[219.47744750976562,5.378652095794678],[218.92190551757812,5.261849403381348],[218.3660888671875,5.1467366218566895],[217.80860900878906,5.039592266082764],[217.24960327148438,4.941009998321533],[216.6891326904297,4.850869655609131],[216.1273956298828,4.769094467163086],[215.56454467773438,4.6956048011779785],[215.00062561035156,4.630331993103027],[214.43585205078125,4.573237419128418],[213.87033081054688,4.524291515350342],[213.30410766601562,4.483470916748047],[212.7374725341797,4.450801849365234],[212.17027282714844,4.4262776374816895],[211.60287475585938,4.409914016723633],[211.0352783203125,4.401745319366455],[210.46759033203125,4.401819229125977],[209.9000244140625,4.410199165344238],[209.33262634277344,4.426962852478027],[208.7655487060547,4.452198028564453],[208.1988983154297,4.4860148429870605],[207.6328887939453,4.528525352478027],[207.06752014160156,4.5798749923706055],[206.50308227539062,4.640201091766357],[205.939697265625,4.709675312042236],[205.37757873535156,4.7884674072265625],[204.81680297851562,4.876801013946533],[204.25770568847656,4.974859237670898],[203.700439453125,5.082878589630127],[203.145263671875,5.201109886169434],[202.59237670898438,5.329833030700684],[202.04212951660156,5.469295501708984],[201.49481201171875,5.619884490966797],[200.95079040527344,5.781914710998535],[200.4110565185547,5.957685470581055],[199.87876892089844,6.154769420623779],[199.35401916503906,6.371119022369385],[198.8365020751953,6.604299545288086],[198.32603454589844,6.852692604064941],[197.82240295410156,7.11444091796875],[197.32528686523438,7.388601779937744],[196.8346710205078,7.673971652984619],[196.3501434326172,7.969810485839844],[195.87171936035156,8.27537727355957],[195.3993377685547,8.590084075927734],[194.93284606933594,8.913488388061523],[194.47219848632812,9.245224952697754],[194.01742553710938,9.58499813079834],[193.56858825683594,9.932464599609375],[193.12571716308594,10.287515640258789],[192.68885803222656,10.650025367736816],[192.25823974609375,11.019875526428223],[191.8340301513672,11.397004127502441],[191.4163818359375,11.781549453735352],[191.0057373046875,12.173378944396973],[190.6023406982422,12.572769165039062],[190.20675659179688,12.979816436767578],[189.8193817138672,13.394831657409668],[189.4409942626953,13.817916870117188],[189.0723419189453,14.249600410461426],[188.7145538330078,14.690275192260742],[188.36875915527344,15.140406608581543],[188.03660583496094,15.60067367553711],[187.7201690673828,16.071985244750977],[187.4187469482422,16.552997589111328],[187.1258087158203,17.039216995239258],[186.84091186523438,17.530153274536133],[186.5638427734375,18.025623321533203],[186.29452514648438,18.52528953552246],[186.03262329101562,19.028963088989258],[185.7779083251953,19.536293029785156],[185.53021240234375,20.047029495239258],[185.28929138183594,20.561019897460938],[185.05494689941406,21.078041076660156],[184.82696533203125,21.597946166992188],[184.60519409179688,22.120450973510742],[184.38938903808594,22.645496368408203],[184.1793975830078,23.172855377197266],[183.97499084472656,23.70246696472168],[183.77603149414062,24.234060287475586],[183.582275390625,24.767681121826172],[183.39361572265625,25.303009033203125],[183.2097930908203,25.840105056762695],[183.03070068359375,26.37872314453125],[182.85617065429688,26.918970108032227],[182.68621826171875,27.460542678833008],[182.52012634277344,28.003366470336914],[182.3584747314453,28.54747200012207],[182.20037841796875,29.092744827270508],[182.04644775390625,29.63908576965332],[181.89581298828125,30.186433792114258],[181.74900817871094,30.734750747680664],[181.60525512695312,31.283906936645508],[181.46505737304688,31.833959579467773],[181.32760620117188,32.38473129272461],[181.1934814453125,32.93627166748047],[181.06185913085938,33.48851013183594],[180.93325805664062,34.041385650634766],[180.80694580078125,34.5948486328125],[180.68338012695312,35.148887634277344],[180.56190490722656,35.703365325927734],[180.44285583496094,36.2584228515625],[180.32569885253906,36.81382369995117],[180.21066284179688,37.369754791259766],[180.0973663330078,37.92598342895508],[179.98585510253906,38.48258972167969],[179.87489318847656,39.03924560546875],[179.7633514404297,39.595890045166016],[179.65103149414062,40.15227508544922],[179.53765869140625,40.70852279663086],[179.42349243164062,41.26454162597656],[179.3086395263672,41.820518493652344],[179.19314575195312,42.376258850097656],[179.07675170898438,42.931888580322266],[178.9597930908203,43.4873161315918],[178.84228515625,44.04274368286133],[178.7242431640625,44.59796142578125],[178.60520935058594,45.153038024902344],[178.48614501953125,45.708038330078125],[178.36679077148438,46.26299285888672],[178.24659729003906,46.817745208740234],[178.1263885498047,47.372562408447266],[178.0057373046875,47.927268981933594],[177.8846893310547,48.481903076171875],[177.76365661621094,49.036476135253906],[177.64215087890625,49.590972900390625],[177.52056884765625,50.145423889160156],[177.39894104003906,50.6999397277832],[177.27708435058594,51.25439453125],[177.15524291992188,51.80879211425781],[177.03338623046875,52.36324691772461],[176.91152954101562,52.917640686035156],[176.7896728515625,53.47209548950195],[176.66802978515625,54.02655029296875],[176.54647827148438,54.58107376098633],[176.42494201660156,55.135536193847656],[176.30393981933594,55.69015884399414],[176.18299865722656,56.2447509765625],[176.06222534179688,56.799434661865234],[175.942138671875,57.35421371459961],[175.82203674316406,57.909053802490234],[175.70252990722656,58.46394729614258],[175.58358764648438,59.019039154052734],[175.4646759033203,59.574066162109375],[175.34652709960938,60.12936019897461],[175.22897338867188,60.684635162353516],[175.1118927001953,61.240116119384766],[174.9956512451172,61.79571533203125],[174.88003540039062,62.3515625],[174.76504516601562,62.90740966796875],[174.65074157714844,63.463470458984375],[174.5374755859375,64.01969146728516],[174.4249267578125,64.5760726928711],[174.31312561035156,65.13259887695312],[174.20230102539062,65.68936157226562],[174.0925750732422,66.24626159667969],[173.9837188720703,66.80339813232422],[173.87571716308594,67.36075592041016],[173.76898193359375,67.91825866699219],[173.66342163085938,68.47605895996094],[173.55886840820312,69.03394317626953],[173.455322265625,69.5921401977539],[173.35337829589844,70.15054321289062],[173.25262451171875,70.70919036865234],[173.1529998779297,71.26800537109375],[173.05459594726562,71.82710266113281],[172.95802307128906,72.38642120361328],[172.86270141601562,72.946044921875],[172.76866149902344,73.50582885742188],[172.6761474609375,74.06593322753906],[172.58551025390625,74.62626647949219],[172.49595642089844,75.18688201904297],[172.40835571289062,75.74771118164062],[172.32241821289062,76.30882263183594],[172.23818969726562,76.87016296386719],[172.15574645996094,77.4318618774414],[172.0750732421875,77.99369049072266],[171.99632263183594,78.555908203125],[171.91934204101562,79.11831665039062],[171.8444366455078,79.6810531616211],[171.7713623046875,80.24394989013672],[171.70046997070312,80.80718994140625],[171.6314697265625,81.37059020996094],[171.5647735595703,81.93433380126953],[171.5,82.49834442138672],[171.43768310546875,83.06253814697266],[171.37738037109375,83.62698364257812],[171.31954956054688,84.1916732788086],[171.26385498046875,84.75660705566406],[171.21070861816406,85.32173156738281],[171.15980529785156,85.88713836669922],[171.11151123046875,86.45270538330078],[171.06561279296875,87.0185317993164],[171.02444458007812,87.58467102050781],[170.99099731445312,88.15135955810547],[170.96507263183594,88.71836853027344],[170.94647216796875,89.28578186035156],[170.9349365234375,89.8532943725586],[170.9302520751953,90.42095947265625],[170.93226623535156,90.98857116699219],[170.940673828125,91.5561752319336],[170.95526123046875,92.12361145019531],[170.97581481933594,92.69091796875],[171.0021209716797,93.25792694091797],[171.03399658203125,93.82472229003906],[171.07130432128906,94.39112854003906],[171.11386108398438,94.95719909667969],[171.1614227294922,95.52281188964844],[171.2138214111328,96.08808898925781],[171.27085876464844,96.65282440185547],[171.33241271972656,97.21719360351562],[171.39845275878906,97.7809829711914],[171.4687042236328,98.34429931640625],[171.5428466796875,98.90708923339844],[171.6207733154297,99.46932983398438],[171.70274353027344,100.03108978271484],[171.78799438476562,100.59224700927734],[171.87693786621094,101.1529312133789],[171.9691162109375,101.71302795410156],[172.0643768310547,102.27265930175781],[172.1629180908203,102.8316879272461],[172.26416015625,103.39030456542969],[172.36837768554688,103.94825744628906],[172.4752197265625,104.50577545166016],[172.5845489501953,105.06280517578125],[172.69647216796875,105.61932373046875],[172.81048583984375,106.17537689208984],[172.9269256591797,106.73098754882812],[173.04530334472656,107.28614044189453],[173.1656951904297,107.84090423583984],[173.28790283203125,108.395263671875],[173.4117889404297,108.94922637939453],[173.5375518798828,109.50279235839844],[173.66427612304688,110.05609893798828],[173.7928466796875,110.60897827148438],[173.92250061035156,111.16171264648438],[174.05307006835938,111.71406555175781],[174.18466186523438,112.26629638671875],[174.3211212158203,112.81729125976562],[174.46739196777344,113.36578369140625],[174.62289428710938,113.91166687011719],[174.78736877441406,114.45500946044922],[174.96038818359375,114.99565887451172],[175.14178466796875,115.53355407714844],[175.3311309814453,116.06869506835938],[175.5279998779297,116.6010971069336],[175.73216247558594,117.13081359863281],[175.94322204589844,117.65773010253906],[176.16099548339844,118.1819839477539],[176.38510131835938,118.7034912109375],[176.61526489257812,119.222412109375],[176.8511199951172,119.73869323730469],[177.09251403808594,120.25252532958984],[177.33908081054688,120.76378631591797],[177.59063720703125,121.27266693115234],[177.8471221923828,121.77908325195312],[178.1077423095703,122.28340148925781],[178.37277221679688,122.78535461425781],[178.6417236328125,123.2852783203125],[178.91441345214844,123.78309631347656],[179.1907958984375,124.2789535522461],[179.4703369140625,124.77300262451172],[179.75326538085938,125.26513671875],[180.0388641357422,125.75566101074219],[180.3275146484375,126.24449920654297],[180.6185302734375,126.73188018798828],[180.91200256347656,127.21778106689453],[181.20762634277344,127.70235443115234],[181.5052947998047,128.18577575683594],[181.80494689941406,128.66793823242188],[182.10589599609375,129.1492156982422],[182.40867614746094,129.62936401367188],[182.71263122558594,130.10879516601562],[183.01760864257812,130.58758544921875],[183.32350158691406,131.0657501220703],[183.6302947998047,131.54339599609375],[183.93788146972656,132.02044677734375],[184.24563598632812,132.4974822998047],[184.5531005859375,132.97459411621094],[184.8601837158203,133.45205688476562],[185.16574096679688,133.930419921875],[185.47064208984375,134.40928649902344],[185.77474975585938,134.88858032226562],[186.0782012939453,135.3683319091797],[186.3814697265625,135.84817504882812],[186.68460083007812,136.3280792236328],[186.98779296875,136.80809020996094],[187.2912139892578,137.28782653808594],[187.5950469970703,137.7672882080078],[187.8998565673828,138.24610900878906],[188.20545959472656,138.724609375],[188.51190185546875,139.20240783691406],[188.8197784423828,139.6792755126953],[189.12924194335938,140.1551971435547],[189.44033813476562,140.6300811767578],[189.75331115722656,141.1036376953125],[190.0684356689453,141.5757293701172],[190.38568115234375,142.04640197753906],[190.7055206298828,142.51547241210938],[191.0281219482422,142.98260498046875],[191.3533477783203,143.4477996826172],[191.6817626953125,143.91091918945312],[192.01348876953125,144.37155151367188],[192.34832763671875,144.8299102783203],[192.68692016601562,145.2853546142578],[193.02951049804688,145.73822021484375],[193.3759765625,146.187744140625],[193.72662353515625,146.63414001464844],[194.08160400390625,147.0770263671875],[194.4413604736328,147.5162811279297],[194.8057098388672,147.95159912109375],[195.17483520507812,148.38272094726562],[195.54917907714844,148.8093719482422],[195.92884826660156,149.23153686523438],[196.31373596191406,149.64871215820312],[196.70423889160156,150.06069946289062],[197.10047912597656,150.46719360351562],[197.50253295898438,150.86807250976562],[197.9103546142578,151.26283264160156],[198.32440185546875,151.65109252929688],[198.7445526123047,152.03280639648438],[199.17091369628906,152.40769958496094],[199.603515625,152.77513122558594],[200.0425262451172,153.1349639892578],[200.48785400390625,153.4869384765625],[200.9395294189453,153.83084106445312],[201.396484375,154.16758728027344],[201.85394287109375,154.50364685058594],[202.31149291992188,154.83978271484375],[202.76925659179688,155.1753692626953],[203.22714233398438,155.51084899902344],[203.6850128173828,155.84632873535156],[204.14341735839844,156.18141174316406],[204.60169982910156,156.51634216308594],[205.05995178222656,156.85118103027344],[205.51864624023438,157.18553161621094],[205.97744750976562,157.51995849609375],[206.43634033203125,157.85421752929688],[206.89564514160156,158.18775939941406],[207.3549346923828,158.5212860107422],[207.8143310546875,158.85488891601562],[208.2736358642578,159.1884307861328],[208.73292541503906,159.52197265625],[209.1925506591797,159.85498046875],[209.65272521972656,160.18751525878906],[210.11279296875,160.5199737548828],[210.5728759765625,160.85244750976562],[211.03294372558594,161.18490600585938],[211.4931182861328,161.51744079589844],[211.95370483398438,161.84910583496094],[212.41452026367188,162.18052673339844],[212.87535095214844,162.51194763183594],[213.33627319335938,162.8434295654297],[213.79710388183594,163.1748504638672],[214.2579803466797,163.5063018798828],[214.71963500976562,163.83677673339844],[215.18118286132812,164.1671905517578],[215.64273071289062,164.4976043701172],[216.10427856445312,164.82801818847656],[216.56593322753906,165.1584930419922],[217.02769470214844,165.4886474609375],[217.4899444580078,165.8180694580078],[217.9521942138672,166.1475067138672],[218.41455078125,166.4770050048828],[218.87680053710938,166.80642700195312],[219.33905029296875,167.1358642578125],[219.80166625976562,167.4647674560547],[220.2646942138672,167.79331970214844],[220.7276153564453,168.12179565429688],[221.1905517578125,168.4502716064453],[221.65347290039062,168.77874755859375],[222.1165008544922,169.10728454589844],[222.5799102783203,169.43499755859375],[223.0435028076172,169.76254272460938],[223.507080078125,170.09010314941406],[223.9707489013672,170.41773986816406],[224.43434143066406,170.74530029296875],[224.89794921875,171.07278442382812],[225.36216735839844,171.3994598388672],[225.8264617919922,171.7261962890625],[226.29066467285156,172.05287170410156],[226.7548828125,172.37953186035156],[227.21908569335938,172.70620727539062],[227.68362426757812,173.03268432617188],[228.14842224121094,173.35850524902344],[228.6132354736328,173.68431091308594],[229.07814025878906,174.01019287109375],[229.54295349121094,174.3360137939453],[230.00775146484375,174.6618194580078],[230.47288513183594,174.98712158203125],[230.93838500976562,175.3121795654297],[231.4037628173828,175.63717651367188],[231.869140625,175.962158203125],[232.33453369140625,176.2871551513672],[232.80001831054688,176.61221313476562],[233.26585388183594,176.93649291992188],[233.73179626464844,177.26068115234375],[234.19773864746094,177.58486938476562],[234.66378784179688,177.90911865234375],[235.1297149658203,178.2333221435547],[235.59580993652344,178.55746459960938],[236.06227111816406,178.88088989257812],[236.52883911132812,179.2043914794922],[236.9953155517578,179.52783203125],[237.46177673339844,179.85125732421875],[237.92825317382812,180.1746826171875],[238.3949737548828,180.4978790283203],[238.86195373535156,180.82057189941406],[239.3289337158203,181.14328002929688],[239.7958984375,181.46597290039062],[240.2629852294922,181.78872680664062],[240.72996520996094,182.11143493652344],[241.19728088378906,182.43370056152344],[241.6648406982422,182.75575256347656],[242.13230895996094,183.07774353027344],[242.59976196289062,183.3997344970703],[243.06723022460938,183.72174072265625],[243.5347900390625,184.04379272460938],[244.00265502929688,184.36517333984375],[244.47056579589844,184.68649291992188],[244.93849182128906,185.00782775878906],[245.40652465820312,185.32920837402344],[245.87445068359375,185.65052795410156],[246.3424530029297,185.97177124023438],[246.81080627441406,186.29246520996094],[247.27926635742188,186.61322021484375],[247.74761962890625,186.93389892578125],[248.2159881591797,187.2545928955078],[248.68434143066406,187.57528686523438],[249.15289306640625,187.89573669433594],[249.62167358398438,188.2158203125],[250.09043884277344,188.53590393066406],[250.55921936035156,188.85598754882812],[251.02809143066406,189.17613220214844],[251.49685668945312,189.4962158203125],[251.96591186523438,189.81593322753906],[252.43507385253906,190.13543701171875],[252.9043426513672,190.45501708984375],[253.37350463867188,190.77452087402344],[253.84266662597656,191.09402465820312],[254.3119354248047,191.41360473632812],[254.78143310546875,191.73260498046875],[255.25096130371094,192.05157470703125],[255.72048950195312,192.3705291748047],[256.19012451171875,192.68955993652344],[256.65966796875,193.00852966308594],[257.1293029785156,193.3274383544922],[257.59918212890625,193.64588928222656],[258.0691833496094,193.96441650390625],[258.5390625,194.28286743164062],[259.0089416503906,194.60130310058594],[259.47882080078125,194.9197540283203],[259.94891357421875,195.2380828857422],[260.41912841796875,195.55604553222656],[260.88934326171875,195.8740234375],[261.35955810546875,196.19198608398438],[261.8298645019531,196.51002502441406],[262.3000793457031,196.82798767089844],[262.7704772949219,197.1456756591797],[263.2409973144531,197.46319580078125],[263.7115783691406,197.78079223632812],[264.1820983886719,198.0983123779297],[264.6526184082031,198.4158477783203],[265.12310791015625,198.73336791992188],[265.59405517578125,199.0503692626953],[266.0649719238281,199.36729431152344],[266.535888671875,199.6842041015625],[267.0068054199219,200.00111389160156],[267.4778137207031,200.31809997558594],[267.94873046875,200.63502502441406],[268.4196472167969,200.95193481445312],[268.89068603515625,201.2689208984375],[269.3616027832031,201.58583068847656],[269.83251953125,201.9027557373047],[270.3034362792969,202.21966552734375],[270.774658203125,202.536376953125],[271.2460632324219,202.85260009765625],[271.7174377441406,203.16880798339844],[272.1888427734375,203.48501586914062],[272.66033935546875,203.80130004882812],[273.1317138671875,204.1175079345703],[273.6031188964844,204.43373107910156],[274.07452392578125,204.74993896484375],[274.5459899902344,205.06622314453125],[275.01739501953125,205.38243103027344],[275.4888000488281,205.69863891601562],[275.9601745605469,206.01486206054688],[276.4320068359375,206.3306121826172],[276.9037780761719,206.646240234375],[277.37554931640625,206.96188354492188],[277.8473205566406,207.27752685546875],[278.3192138671875,207.59323120117188],[278.7909851074219,207.9088592529297],[279.26275634765625,208.22450256347656],[279.7345275878906,208.54013061523438],[280.2064208984375,208.8558349609375],[280.6781921386719,209.17147827148438],[281.14996337890625,209.4871063232422],[281.6220397949219,209.80270385742188],[282.0941162109375,210.11788940429688],[282.5661926269531,210.43309020996094],[283.03826904296875,210.74827575683594],[283.5104675292969,211.06353759765625],[283.9825439453125,211.37872314453125],[284.4546203613281,211.69390869140625],[284.92669677734375,212.0091094970703],[285.39886474609375,212.32435607910156],[285.8709411621094,212.63955688476562],[286.343017578125,212.95474243164062],[286.8150939941406,213.26992797851562],[287.2875061035156,213.58482360839844],[287.7598571777344,213.89959716796875],[288.2322082519531,214.21437072753906],[288.7045593261719,214.52914428710938],[289.177001953125,214.84397888183594],[289.6493835449219,215.15875244140625],[290.1217346191406,215.47352600097656],[290.5940856933594,215.78829956054688],[291.0665283203125,216.10313415527344],[291.53887939453125,216.41790771484375],[292.01123046875,216.73268127441406],[292.48358154296875,217.04745483398438],[292.9560546875,217.36228942871094],[293.42840576171875,217.67706298828125],[293.9007568359375,217.99183654785156],[294.37322998046875,218.3066864013672],[294.8455810546875,218.6214599609375],[295.31793212890625,218.93621826171875],[295.790283203125,219.25099182128906],[296.2627258300781,219.5658416748047],[296.7350769042969,219.880615234375],[297.20745849609375,220.1953887939453],[297.6798095703125,220.51016235351562],[298.1522521972656,220.82485961914062],[298.62469482421875,221.13949584960938],[299.0971374511719,221.4541473388672],[299.569580078125,221.768798828125],[300.0421142578125,222.08351135253906],[300.5145568847656,222.3981475830078],[300.98699951171875,222.71279907226562],[301.4594421386719,223.02745056152344],[301.9319763183594,223.3421630859375],[302.4044189453125,223.6568145751953],[302.8768615722656,223.97145080566406],[303.34930419921875,224.28610229492188],[303.82183837890625,224.60081481933594],[304.2942810058594,224.91546630859375],[304.7666931152344,225.23011779785156],[305.2391357421875,225.5447540283203],[305.711669921875,225.85946655273438],[306.1841125488281,226.1741180419922],[306.65655517578125,226.48876953125],[307.1289978027344,226.80340576171875],[307.6015319824219,227.11813354492188],[308.073974609375,227.43276977539062],[308.5464172363281,227.74742126464844],[309.01885986328125,228.06234741210938],[309.49114990234375,228.37721252441406],[309.96343994140625,228.6920928955078],[310.43572998046875,229.0069580078125],[310.9081115722656,229.3218994140625],[311.3804016113281,229.63677978515625],[311.8526916503906,229.95164489746094],[312.3249816894531,230.2665252685547],[312.79736328125,230.58145141601562],[313.2696533203125,230.89633178710938],[313.741943359375,231.21119689941406],[314.2141418457031,231.526123046875],[314.6863098144531,231.8413848876953],[315.15838623046875,232.15658569335938],[315.6304626464844,232.47177124023438],[316.1025390625,232.78697204589844],[316.57470703125,233.10223388671875],[317.0467834472656,233.41741943359375],[317.51885986328125,233.7326202392578],[317.9909362792969,234.0478057861328],[318.4631042480469,234.36306762695312],[318.9351806640625,234.67825317382812],[319.4072570800781,234.9934539794922],[319.8791198730469,235.3090057373047],[320.35101318359375,235.62472534179688],[320.8227844238281,235.94036865234375],[321.2945556640625,236.25601196289062],[321.76641845703125,236.57171630859375],[322.2381896972656,236.88735961914062],[322.7099914550781,237.2030029296875],[323.1817626953125,237.51864624023438],[323.65362548828125,237.8343505859375],[324.1253967285156,238.14999389648438],[324.59716796875,238.46563720703125],[325.06884765625,238.7814178466797],[325.54034423828125,239.0977020263672],[326.01171875,239.41392517089844],[326.48309326171875,239.7301483154297],[326.9544982910156,240.04637145996094],[327.42596435546875,240.36265563964844],[327.8973693847656,240.6788787841797],[328.3687438964844,240.99510192871094],[328.8401184082031,241.3113250732422],[329.3116149902344,241.6276092529297],[329.7829895019531,241.94383239746094],[330.25439453125,242.2600555419922],[330.72552490234375,242.57666015625],[331.1966857910156,242.89346313476562],[331.667724609375,243.21018981933594],[332.1387634277344,243.52691650390625],[332.60980224609375,243.84365844726562],[333.0809631347656,244.16046142578125],[333.5517578125,244.47756958007812],[334.02252197265625,244.79469299316406],[334.493408203125,245.11187744140625],[334.9642028808594,245.42898559570312],[335.43499755859375,245.74610900878906],[335.9056701660156,246.06329345703125],[336.37628173828125,246.38088989257812],[336.8467712402344,246.69842529296875],[337.3172607421875,247.01596069335938],[337.78778076171875,247.33349609375],[338.2583923339844,247.65110778808594],[338.7287292480469,247.9688262939453],[339.1989440917969,248.2868194580078],[339.66912841796875,248.60479736328125],[340.1394348144531,248.92283630371094],[340.609619140625,249.24082946777344],[341.079833984375,249.55880737304688],[341.5498046875,249.8771209716797],[342.019775390625,250.19564819335938],[342.4896545410156,250.5141143798828],[342.95953369140625,250.8325653076172],[343.4294128417969,251.15103149414062],[343.8993835449219,251.4695587158203],[344.3690185546875,251.78855895996094],[344.8385314941406,252.1075439453125],[345.3080749511719,252.426513671875],[345.7776794433594,252.74554443359375],[346.2472229003906,253.0645294189453],[346.7166442871094,253.3835906982422],[347.1858215332031,253.70310974121094],[347.65509033203125,254.02268981933594],[348.1242370605469,254.34219360351562],[348.5934143066406,254.66171264648438],[349.0626525878906,254.98129272460938],[349.5316162109375,255.30104064941406],[350.0003967285156,255.6211395263672],[350.4691467285156,255.9412384033203],[350.9380187988281,256.2613830566406],[351.40679931640625,256.58148193359375],[351.87554931640625,256.9015808105469],[352.34405517578125,257.22210693359375],[352.8125,257.5428771972656],[353.2808532714844,257.86358642578125],[353.74920654296875,258.18426513671875],[354.2175598144531,258.5049743652344],[354.6860046386719,258.82574462890625],[355.1539306640625,259.1470031738281],[355.621826171875,259.4683532714844],[356.0897521972656,259.7896728515625],[356.5577697753906,260.1110534667969],[357.02569580078125,260.4324035644531],[357.4935607910156,260.7538757324219],[357.9610290527344,261.0758972167969],[358.4285583496094,261.3979797363281],[358.8960266113281,261.719970703125],[359.36346435546875,262.0419921875],[359.8309326171875,262.3639831542969],[360.2981872558594,262.6863098144531],[360.7651672363281,263.009033203125],[361.2321472167969,263.33172607421875],[361.69921875,263.6545104980469],[362.16619873046875,263.9772033691406],[362.6331481933594,264.2999267578125],[363.0997619628906,264.62310791015625],[363.5663146972656,264.9466247558594],[364.03277587890625,265.2700500488281],[364.4992370605469,265.593505859375],[364.9656982421875,265.91693115234375],[365.4322509765625,266.2404479980469],[365.89825439453125,266.5646057128906],[366.36419677734375,266.8888244628906],[366.83013916015625,267.2130126953125],[367.2961730957031,267.53729248046875],[367.7620849609375,267.8614807128906],[368.2279052734375,268.1858215332031],[368.69329833984375,268.51080322265625],[369.1587829589844,268.83587646484375],[369.6241455078125,269.1608581542969],[370.08953857421875,269.48583984375],[370.5549011230469,269.81085205078125],[371.02020263671875,270.1363220214844],[371.4850158691406,270.462158203125],[371.9498291015625,270.7879638671875],[372.4146423339844,271.11376953125],[372.8795471191406,271.4396667480469],[373.3443298339844,271.7654724121094],[373.8093566894531,272.091064453125],[374.2745361328125,272.4165954589844],[374.7395935058594,272.7420349121094],[375.2049865722656,273.0669250488281],[375.6704406738281,273.39178466796875],[376.1360168457031,273.716796875],[376.6008605957031,274.0425720214844],[377.06573486328125,274.3683166503906],[377.5302734375,274.6943054199219],[377.9941101074219,275.021728515625],[378.45703125,275.3502502441406],[378.9192810058594,275.6797180175781],[379.3805847167969,276.0104675292969],[379.84051513671875,276.34326171875],[380.2996520996094,276.67718505859375],[380.7572021484375,277.0130920410156],[381.2129821777344,277.35125732421875],[381.6674499511719,277.6915588378906],[382.1200256347656,278.0343017578125],[382.5704345703125,278.37957763671875],[383.01904296875,278.72747802734375],[383.4651184082031,279.0785827636719],[383.9089050292969,279.43255615234375],[384.3500671386719,279.789794921875],[384.78826904296875,280.1505432128906],[385.2237854003906,280.5146789550781],[385.6557922363281,280.883056640625],[386.08453369140625,281.2549743652344],[386.5095520019531,281.63116455078125],[386.9307861328125,282.0118103027344],[387.34808349609375,282.3966369628906],[387.7608642578125,282.7862243652344],[388.1690368652344,283.18084716796875],[388.5721740722656,283.5804138183594],[388.9701843261719,283.98516845703125],[389.3626708984375,284.3952941894531],[389.7493896484375,284.8109130859375],[390.1298828125,285.2321472167969],[390.50384521484375,285.65911865234375],[390.87091064453125,286.092041015625],[391.2308044433594,286.53118896484375],[391.58294677734375,286.976318359375],[391.9270324707031,287.42779541015625],[392.2626037597656,287.8856201171875],[392.58929443359375,288.3499755859375],[392.9060974121094,288.8208923339844],[393.2110290527344,289.2996520996094],[393.5044250488281,289.78558349609375],[393.78619384765625,290.2784118652344],[394.0570068359375,290.77728271484375],[394.3170471191406,291.2818298339844],[394.56658935546875,291.791748046875],[394.8061218261719,292.306396484375],[395.0360107421875,292.82537841796875],[395.2564697265625,293.348388671875],[395.46807861328125,293.8751220703125],[395.6712341308594,294.4053039550781],[395.8658142089844,294.9385070800781],[396.0526123046875,295.47454833984375],[396.23193359375,296.01318359375],[396.4044494628906,296.55401611328125],[396.5694885253906,297.0970458984375],[396.7283935546875,297.6419677734375],[396.8810729980469,298.1888427734375],[397.02764892578125,298.7371520996094],[397.16900634765625,299.2869567871094],[397.3046569824219,299.8381042480469],[397.435546875,300.3905334472656],[397.5616760253906,300.9439697265625],[397.6832275390625,301.4984130859375],[397.8008728027344,302.0537109375],[397.91424560546875,302.6100158691406],[398.0241394042969,303.16693115234375],[398.1306457519531,303.7245178222656],[398.23370361328125,304.2826843261719],[398.3345031738281,304.8414001464844],[398.4319152832031,305.4005432128906],[398.5272216796875,305.960205078125],[398.6204833984375,306.52001953125],[398.7120056152344,307.0804138183594],[398.8018798828125,307.6408996582031],[398.8901062011719,308.2016296386719],[398.9769287109375,308.7626037597656],[399.06341552734375,309.32373046875],[399.1493835449219,309.884765625],[399.23455810546875,310.4459533691406],[399.31842041015625,311.0073547363281],[399.40130615234375,311.5690612792969],[399.4830627441406,312.1307067871094],[399.5633850097656,312.692626953125],[399.6417541503906,313.2550048828125],[399.7185974121094,313.8173828125],[399.7938537597656,314.3800048828125],[399.8665466308594,314.9429626464844],[399.9370422363281,315.50634765625],[400.00579833984375,316.0697326660156],[400.0716552734375,316.633544921875],[400.1346740722656,317.1976318359375],[400.1949157714844,317.76220703125],[400.2521667480469,318.326904296875],[400.3060302734375,318.8919372558594],[400.35687255859375,319.4573669433594],[400.40380859375,320.02313232421875],[400.4472961425781,320.589111328125],[400.4867248535156,321.1553039550781],[400.52215576171875,321.7218322753906],[400.5534973144531,322.288818359375],[400.5801086425781,322.85577392578125],[400.6025085449219,323.4228820800781],[400.61956787109375,323.990234375],[400.6320495605469,324.55792236328125],[400.63897705078125,325.12542724609375],[400.6406555175781,325.69305419921875],[400.63671875,326.26068115234375],[400.6267395019531,326.828369140625],[400.611083984375,327.3957214355469],[400.588623046875,327.962890625],[400.5602111816406,328.5299377441406],[400.5243835449219,329.0964660644531],[400.482177734375,329.6624450683594],[400.4322814941406,330.2279052734375],[400.3754577636719,330.7928466796875],[400.31060791015625,331.3567810058594],[400.2378234863281,331.9196472167969],[400.1568603515625,332.48150634765625],[400.0675354003906,333.0421447753906],[399.9695129394531,333.6012268066406],[399.86260986328125,334.1587219238281],[399.74658203125,334.7143859863281],[399.62420654296875,335.2687683105469],[399.497802734375,335.8220520019531],[399.3674011230469,336.37457275390625],[399.233154296875,336.9260559082031],[399.09503173828125,337.47674560546875],[398.9531555175781,338.0262756347656],[398.8075256347656,338.57501220703125],[398.6582336425781,339.1226501464844],[398.50537109375,339.66943359375],[398.3490295410156,340.215087890625],[398.1891174316406,340.7597351074219],[398.0256042480469,341.3031921386719],[397.8587341308594,341.84588623046875],[397.68853759765625,342.3874206542969],[397.5151062011719,342.9278869628906],[397.33843994140625,343.4674377441406],[397.1585998535156,344.00579833984375],[396.97564697265625,344.54315185546875],[396.7896423339844,345.07940673828125],[396.60052490234375,345.61474609375],[396.408447265625,346.1489562988281],[396.21343994140625,346.68206787109375],[396.01556396484375,347.21405029296875],[395.81475830078125,347.74505615234375],[395.61114501953125,348.2749328613281],[395.4047546386719,348.8036193847656],[395.195556640625,349.331298828125],[394.9835510253906,349.85797119140625],[394.768798828125,350.38348388671875],[394.5514221191406,350.9078369140625],[394.3314208984375,351.4310302734375],[394.10870361328125,351.953369140625],[393.8835144042969,352.4743957519531],[393.65582275390625,352.9942932128906],[393.42559814453125,353.51312255859375],[393.19281005859375,354.0309753417969],[392.95758056640625,354.547607421875],[392.7200012207031,355.06304931640625],[392.4799499511719,355.5774230957031],[392.2374572753906,356.09075927734375],[391.9926452636719,356.6028747558594],[391.7455139160156,357.1139221191406],[391.4960632324219,357.6237487792969],[391.2441711425781,358.13262939453125],[390.99005126953125,358.64019775390625],[390.7336120605469,359.14654541015625],[390.4748229980469,359.6518859863281],[390.21380615234375,360.156005859375],[389.95062255859375,360.65887451171875],[389.6851806640625,361.16070556640625],[389.4175720214844,361.6612854003906],[389.1477355957031,362.1607666015625],[388.87579345703125,362.658935546875],[388.6016540527344,363.1559753417969],[388.3253173828125,363.6519775390625],[388.0469055175781,364.14666748046875],[387.7663879394531,364.64013671875],[387.4837341308594,365.1323547363281],[387.19891357421875,365.6234130859375],[386.9117431640625,366.1130676269531],[386.6184387207031,366.5990905761719],[386.31646728515625,367.0796203613281],[386.005859375,367.55487060546875],[385.6871032714844,368.0245361328125],[385.3602600097656,368.48858642578125],[385.0255432128906,368.9470520019531],[384.6831359863281,369.39984130859375],[384.3331604003906,369.8468322753906],[383.975830078125,370.287841796875],[383.6112365722656,370.7227783203125],[383.2392578125,371.15179443359375],[382.8604431152344,371.5743408203125],[382.4744567871094,371.9905700683594],[382.0814514160156,372.4002990722656],[381.6816711425781,372.80316162109375],[381.2749938964844,373.19915771484375],[380.8614807128906,373.58807373046875],[380.4410705566406,373.9696960449219],[380.0140380859375,374.3436279296875],[379.580322265625,374.7096862792969],[379.13983154296875,375.0676574707031],[378.6924743652344,375.4172058105469],[378.2385559082031,375.758056640625],[377.7779846191406,376.0896911621094],[377.31060791015625,376.4118957519531],[376.83660888671875,376.7242736816406],[376.35601806640625,377.02630615234375],[375.8687744140625,377.3175048828125],[375.3751220703125,377.5975341796875],[374.8746337890625,377.8656921386719],[374.3678894042969,378.12139892578125],[373.8551330566406,378.36492919921875],[373.3404235839844,378.6042175292969],[372.8239440917969,378.8399658203125],[372.30596923828125,379.0721435546875],[371.7864685058594,379.3008728027344],[371.2654724121094,379.5262145996094],[370.742919921875,379.74835205078125],[370.21923828125,379.967041015625],[369.6941223144531,380.1825866699219],[369.1676025390625,380.3950500488281],[368.6399841308594,380.6043701171875],[368.1112060546875,380.8106689453125],[367.5811767578125,381.0140380859375],[367.04998779296875,381.21453857421875],[366.5179138183594,381.4121398925781],[365.9847412109375,381.6069641113281],[365.45068359375,381.799072265625],[364.9154968261719,381.98858642578125],[364.37945556640625,382.17547607421875],[363.84271240234375,382.3597717285156],[363.3049011230469,382.5416259765625],[362.7662353515625,382.72113037109375],[362.22698974609375,382.898193359375],[361.68695068359375,383.0729675292969],[361.1461486816406,383.2453918457031],[360.6044921875,383.4156494140625],[360.06243896484375,383.583740234375],[359.51959228515625,383.7497863769531],[358.97613525390625,383.913818359375],[358.4320373535156,384.0758972167969],[357.8874816894531,384.23602294921875],[357.3423767089844,384.3943176269531],[356.7967529296875,384.5508117675781],[356.25048828125,384.7055969238281],[355.7038269042969,384.8586730957031],[355.1568908691406,385.0100402832031],[354.6093444824219,385.15985107421875],[354.061279296875,385.3081970214844],[353.512939453125,385.45501708984375],[352.9643249511719,385.6003723144531],[352.4151306152344,385.7444152832031],[351.86566162109375,385.88690185546875],[351.31585693359375,386.0279846191406],[350.7658996582031,386.1685485839844],[350.21533203125,386.3072204589844],[349.66485595703125,386.4455871582031],[349.1138610839844,386.58197021484375],[348.5628356933594,386.7182922363281],[348.01123046875,386.8526611328125],[347.459716796875,386.98699951171875],[346.90777587890625,387.1196594238281],[346.3558349609375,387.2521667480469],[345.80352783203125,387.3833923339844],[345.251220703125,387.5143737792969],[344.6986389160156,387.6443176269531],[344.14599609375,387.7739562988281],[343.5930480957031,387.90283203125],[343.0401611328125,388.03131103515625],[342.4871520996094,388.1590270996094],[341.9339599609375,388.2862548828125],[341.38067626953125,388.4134826660156],[340.8274841308594,388.54071044921875],[340.27410888671875,388.66754150390625],[339.720703125,388.7938537597656],[339.1672058105469,388.9201965332031],[338.6138000488281,389.0465087890625],[338.0603942871094,389.17254638671875],[337.5067138671875,389.2980651855469],[336.953125,389.4235534667969],[336.3995361328125,389.5490417480469],[335.8459777832031,389.6745300292969],[335.2922668457031,389.800048828125],[334.73846435546875,389.92486572265625],[334.18463134765625,390.0492248535156],[333.63079833984375,390.1735534667969],[333.0767517089844,390.2972412109375],[332.522705078125,390.420654296875],[331.9686584472656,390.5440979003906],[331.41436767578125,390.6666564941406],[330.8599548339844,390.7890930175781],[330.3056945800781,390.9114990234375],[329.75115966796875,391.0328063964844],[329.1966552734375,391.154052734375],[328.64202880859375,391.27520751953125],[328.08721923828125,391.395263671875],[327.5324401855469,391.51531982421875],[326.9775085449219,391.6350402832031],[326.42230224609375,391.7537536621094],[325.8672180175781,391.8724365234375],[325.3120422363281,391.9906005859375],[324.75665283203125,392.10784912109375],[324.2011413574219,392.22509765625],[323.6455993652344,392.3415832519531],[323.0898742675781,392.4572448730469],[322.5340576171875,392.5729064941406],[321.97808837890625,392.6875915527344],[321.4220275878906,392.80157470703125],[320.865966796875,392.9155578613281],[320.30963134765625,393.02825927734375],[319.7532043457031,393.14044189453125],[319.19677734375,393.2525939941406],[318.63995361328125,393.36322021484375],[318.0830383300781,393.4735107421875],[317.5262145996094,393.58380126953125],[316.96905517578125,393.692138671875],[316.411865234375,393.8004150390625],[315.8544921875,393.9085693359375],[315.2968444824219,394.0146789550781],[314.7392272949219,394.12078857421875],[314.18157958984375,394.22650146484375],[313.6234130859375,394.3304138183594],[313.0653991699219,394.4342956542969],[312.5071716308594,394.53765869140625],[311.94879150390625,394.6397705078125],[311.3902282714844,394.7408447265625],[310.8314514160156,394.8412170410156],[310.2726135253906,394.9408874511719],[309.7135925292969,395.0392761230469],[309.15435791015625,395.1369934082031],[308.5950927734375,395.2339172363281],[308.03558349609375,395.32965087890625],[307.4759521484375,395.4244689941406],[306.91607666015625,395.5185546875],[306.3561096191406,395.611572265625],[305.7959899902344,395.7033996582031],[305.2355041503906,395.7944641113281],[304.6750793457031,395.8846130371094],[304.11444091796875,395.9733581542969],[303.5536804199219,396.0612487792969],[302.99267578125,396.1482849121094],[302.4315490722656,396.2338562011719],[301.8702697753906,396.3184509277344],[301.3087463378906,396.4021301269531],[300.74700927734375,396.48455810546875],[300.1852722167969,396.565673828125],[299.6233215332031,396.6458435058594],[299.06121826171875,396.72491455078125],[298.4988098144531,396.8024597167969],[297.93634033203125,396.8790283203125],[297.3738098144531,396.95458984375],[296.8110046386719,397.0284423828125],[296.24786376953125,397.1012268066406],[295.68487548828125,397.17291259765625],[295.1216125488281,397.24310302734375],[294.5581970214844,397.3118896484375],[293.9944763183594,397.379638671875],[293.4307556152344,397.4460754394531],[292.86676025390625,397.5107727050781],[292.3027038574219,397.5743103027344],[291.7384033203125,397.63671875],[291.17401123046875,397.6972961425781],[290.6094665527344,397.75653076171875],[290.0447082519531,397.8145751953125],[289.4798889160156,397.87103271484375],[288.9149169921875,397.9257507324219],[288.3498229980469,397.979248046875],[287.78448486328125,398.0314636230469],[287.2191162109375,398.08154296875],[286.653564453125,398.1303405761719],[286.0878601074219,398.1763916015625],[285.5216064453125,398.21875],[284.955322265625,398.2562561035156],[284.3885498046875,398.28875732421875],[283.8215026855469,398.3143005371094],[283.25408935546875,398.3318786621094],[282.68658447265625,398.3404846191406],[282.11895751953125,398.3385314941406],[281.551513671875,398.3247985839844],[280.9844055175781,398.29803466796875],[280.4182434082031,398.25701904296875],[279.8534851074219,398.2002868652344],[279.2906494140625,398.1268005371094],[278.7303161621094,398.0357971191406],[278.17333984375,397.92669677734375],[277.6202392578125,397.7991638183594],[277.0718078613281,397.652587890625],[276.5286865234375,397.4873352050781],[275.9915771484375,397.3038330078125],[275.46087646484375,397.1026306152344],[274.9368591308594,396.8843078613281],[274.419921875,396.64996337890625],[273.9101257324219,396.4004211425781],[273.4078369140625,396.135986328125],[272.9158020019531,395.8526306152344],[272.4349365234375,395.5512390136719],[271.9646911621094,395.2333068847656],[271.5049743652344,394.900390625],[271.0555725097656,394.553466796875],[270.616455078125,394.1937561035156],[270.1873779296875,393.82220458984375],[269.7681579589844,393.4395751953125],[269.35858154296875,393.04644775390625],[268.9587097167969,392.64361572265625],[268.5684509277344,392.2314758300781],[268.1877746582031,391.81036376953125],[267.8165588378906,391.3807373046875],[267.455078125,390.9431457519531],[267.1033630371094,390.4976806640625],[266.7615051269531,390.0445556640625],[266.429931640625,389.583740234375],[266.1087341308594,389.11566162109375],[265.79827880859375,388.6405029296875],[265.4989013671875,388.1582946777344],[265.21142578125,387.66876220703125],[264.93646240234375,387.172119140625],[264.6749572753906,386.6683349609375],[264.43701171875,386.15313720703125],[264.2320556640625,385.6237487792969],[264.0574951171875,385.08367919921875],[263.9112548828125,384.5353088378906],[263.79071044921875,383.9805603027344],[263.6946105957031,383.421142578125],[263.6210021972656,382.8583679199219],[263.5689697265625,382.2932434082031],[263.53741455078125,381.72637939453125],[263.5254211425781,381.158935546875],[263.5328674316406,380.5913391113281],[263.5588684082031,380.0242919921875],[263.6037902832031,379.4584045410156],[263.6675109863281,378.8944396972656],[263.7502746582031,378.3329162597656],[263.8529968261719,377.774658203125],[263.97650146484375,377.22052001953125],[264.12274169921875,376.67218017578125],[264.2941589355469,376.131103515625],[264.4886779785156,375.5979309082031],[264.70355224609375,375.0723571777344],[264.9364318847656,374.5547180175781],[265.1852722167969,374.0446472167969],[265.44818115234375,373.5415954589844],[265.7232666015625,373.0449523925781],[266.0086364746094,372.55426025390625],[266.302734375,372.0688171386719],[266.6044006347656,371.5880432128906],[266.91168212890625,371.1105041503906],[267.2236328125,370.6363830566406],[267.5389099121094,370.1643371582031],[267.8565979003906,369.69384765625],[268.1750183105469,369.22393798828125],[268.493408203125,368.7540283203125],[268.8106994628906,368.28326416015625],[269.1253662109375,367.8106994628906],[269.43621826171875,367.33587646484375],[269.7419738769531,366.8576354980469],[270.04559326171875,366.3780822753906],[270.3529357910156,365.90069580078125],[270.6636962890625,365.4257507324219],[270.9781494140625,364.9530944824219],[271.29583740234375,364.4827575683594],[271.6164245605469,364.0141296386719],[271.9397888183594,363.5475769042969],[272.26556396484375,363.08282470703125],[272.5934143066406,362.6194763183594],[272.92352294921875,362.157470703125],[273.2554931640625,361.69708251953125],[273.5884704589844,361.23736572265625],[273.9232177734375,360.77899169921875],[274.2588195800781,360.32098388671875],[274.5951232910156,359.86370849609375],[274.9324645996094,359.4072265625],[275.2698974609375,358.9507751464844],[275.6073913574219,358.49420166015625],[275.9447021484375,358.03765869140625],[276.281982421875,357.58111572265625],[276.6193542480469,357.1244812011719],[276.9553527832031,356.6670837402344],[277.2906494140625,356.20904541015625],[277.62506103515625,355.7503967285156],[277.95758056640625,355.2902526855469],[278.28912353515625,354.8294372558594],[278.61859130859375,354.3672790527344],[278.9458923339844,353.9034118652344],[279.27093505859375,353.43792724609375],[279.59356689453125,352.97100830078125],[279.9130554199219,352.50177001953125],[280.2296447753906,352.0306396484375],[280.5430908203125,351.5572204589844],[280.85247802734375,351.0813903808594],[281.15826416015625,350.60321044921875],[281.45989990234375,350.122314453125],[281.7568054199219,349.638427734375],[282.04925537109375,349.1519470214844],[282.3363342285156,348.6622009277344],[282.6182556152344,348.16949462890625],[282.8943176269531,347.6734619140625],[283.1640930175781,347.174072265625],[283.4275207519531,346.6712341308594],[283.6842041015625,346.1650085449219],[283.9338073730469,345.65509033203125],[284.1757507324219,345.14154052734375],[284.4098205566406,344.6244812011719],[284.63348388671875,344.10272216796875],[284.8323059082031,343.571044921875],[285.0057373046875,343.0306091308594],[285.1557312011719,342.4832763671875],[285.2844543457031,341.9302673339844],[285.39349365234375,341.3733215332031],[285.484375,340.8130187988281],[285.5587158203125,340.2502746582031],[285.6177978515625,339.6856384277344],[285.6626892089844,339.11981201171875],[285.6944885253906,338.5530700683594],[285.7140808105469,337.9858093261719],[285.72222900390625,337.4180908203125],[285.7198791503906,336.8504943847656],[285.70758056640625,336.2830505371094],[285.685791015625,335.7158203125],[285.6550598144531,335.14886474609375],[285.61602783203125,334.5826721191406],[285.5690612792969,334.01702880859375],[285.5144958496094,333.4519348144531],[285.45269775390625,332.88763427734375],[285.3840026855469,332.3241882324219],[285.30865478515625,331.7615966796875],[285.22686767578125,331.19989013671875],[285.1387939453125,330.63897705078125],[285.0447082519531,330.0792541503906],[284.9447021484375,329.52044677734375],[284.83892822265625,328.9627990722656],[284.7272644042969,328.4062194824219],[284.6098327636719,327.85076904296875],[284.4867858886719,327.2967224121094],[284.3566589355469,326.7440185546875],[284.2081604003906,326.1961975097656],[284.0404052734375,325.65399169921875],[283.85430908203125,325.1177062988281],[283.6515197753906,324.5875244140625],[283.43316650390625,324.0636291503906],[283.2004699707031,323.5459289550781],[282.9543151855469,323.0343933105469],[282.69586181640625,322.5289306640625],[282.4260559082031,322.0294494628906],[282.1456604003906,321.5360107421875],[281.8553771972656,321.04815673828125],[281.5561218261719,320.5657653808594],[281.24847412109375,320.0887756347656],[280.9330749511719,319.61688232421875],[280.6104736328125,319.1498718261719],[280.281005859375,318.6873779296875],[279.9454650878906,318.2296142578125],[279.60406494140625,317.7761535644531],[279.2572326660156,317.32672119140625],[278.9053039550781,316.8812561035156],[278.54888916015625,316.4395751953125],[278.18804931640625,316.00128173828125],[277.8233337402344,315.56634521484375],[277.45489501953125,315.1344299316406],[277.0829772949219,314.7056579589844],[276.70819091796875,314.2793884277344],[276.3305358886719,313.8555603027344],[275.9503173828125,313.43389892578125],[275.5679931640625,313.0143737792969],[275.18084716796875,312.5992126464844],[274.7798767089844,312.19744873046875],[274.3660888671875,311.8088684082031],[273.9406433105469,311.43316650390625],[273.5046691894531,311.069580078125],[273.05902099609375,310.71783447265625],[272.6050109863281,310.37738037109375],[272.1430358886719,310.0474853515625],[271.6737976074219,309.7280578613281],[271.19805908203125,309.41827392578125],[270.7164611816406,309.117919921875],[270.2293701171875,308.8265075683594],[269.7372131347656,308.5436096191406],[269.2403869628906,308.2689514160156],[268.7393798828125,308.0021667480469],[268.234375,307.7430114746094],[267.7255859375,307.4912414550781],[267.2132263183594,307.24658203125],[266.69781494140625,307.0088195800781],[266.1794738769531,306.77764892578125],[265.65826416015625,306.5528869628906],[265.1342468261719,306.3341979980469],[264.60797119140625,306.12164306640625],[264.0792541503906,305.9149475097656],[263.54840087890625,305.7143249511719],[263.0151672363281,305.5191650390625],[262.4801025390625,305.3296203613281],[261.9431457519531,305.1455383300781],[261.4041748046875,304.9670715332031],[260.8634338378906,304.7947998046875],[260.317626953125,304.6390075683594],[259.7666931152344,304.502197265625],[259.2116394042969,304.3833312988281],[258.6531982421875,304.2813415527344],[258.0921325683594,304.19561767578125],[257.5289001464844,304.12530517578125],[256.9638671875,304.0695495605469],[256.3978576660156,304.02783203125],[255.8308868408203,303.9996337890625],[255.2634735107422,303.9842529296875],[254.69573974609375,303.98162841796875],[254.1282196044922,303.9907531738281],[253.56103515625,304.01202392578125],[252.99436950683594,304.0445556640625],[252.42828369140625,304.0881652832031],[251.8633270263672,304.1427307128906],[251.29945373535156,304.2083740234375],[250.7370147705078,304.2845764160156],[250.17596435546875,304.37127685546875],[249.6167755126953,304.4685974121094],[249.0595703125,304.57672119140625],[248.50445556640625,304.6952819824219],[247.95155334472656,304.824462890625],[247.4016571044922,304.96484375],[246.85450744628906,305.1160888671875],[246.31057739257812,305.2785949707031],[245.77041625976562,305.4530334472656],[245.23471069335938,305.6407775878906],[244.70559692382812,305.8460693359375],[244.18357849121094,306.0693359375],[243.66986083984375,306.3106994628906],[243.1650390625,306.5699768066406],[242.6696014404297,306.8470458984375],[242.18423461914062,307.1414489746094],[241.70947265625,307.4524230957031],[241.24517822265625,307.779052734375],[240.7916717529297,308.120361328125],[240.34841918945312,308.47503662109375],[239.9151153564453,308.8418273925781],[239.49114990234375,309.2191467285156],[239.07571411132812,309.6058654785156],[238.66758728027344,310.0005187988281],[238.26602172851562,310.40167236328125],[237.86964416503906,310.80810546875],[237.47775268554688,311.2186279296875],[237.08847045898438,311.6318664550781],[236.70108032226562,312.0468444824219],[236.31439208984375,312.46240234375],[235.927734375,312.87799072265625],[235.53982543945312,313.29248046875],[235.14990234375,313.7049255371094],[234.75717163085938,314.1148376464844],[234.36082458496094,314.5211181640625],[233.9602508544922,314.9234313964844],[233.55502319335938,315.3209228515625],[233.1446990966797,315.713134765625],[232.72885131835938,316.0996398925781],[232.31004333496094,316.4827575683594],[231.89320373535156,316.86810302734375],[231.47894287109375,317.25604248046875],[231.06723022460938,317.6470031738281],[230.6577606201172,318.0401306152344],[230.25057983398438,318.4356994628906],[229.84571838378906,318.8335266113281],[229.4429931640625,319.2337341308594],[229.0425567626953,319.63592529296875],[228.6441192626953,320.040283203125],[228.24777221679688,320.4465637207031],[227.85325622558594,320.85491943359375],[227.46078491210938,321.2649841308594],[227.0701446533203,321.6768493652344],[226.68128967285156,322.09027099609375],[226.2940673828125,322.5054016113281],[225.90847778320312,322.9220886230469],[225.52450561523438,323.3401794433594],[225.14210510253906,323.7596435546875],[224.7611083984375,324.1805114746094],[224.38153076171875,324.6025085449219],[224.0032196044922,325.02569580078125],[223.62611389160156,325.4499816894531],[223.25013732910156,325.8753356933594],[222.875244140625,326.3016052246094],[222.50143432617188,326.72869873046875],[222.12838745117188,327.1567687988281],[221.756591796875,327.5856628417969],[221.38531494140625,328.0150146484375],[221.01470947265625,328.44500732421875],[220.64480590820312,328.8757019042969],[220.2754364013672,329.3066101074219],[219.90672302246094,329.7381896972656],[219.5382537841797,330.1700439453125],[219.17051696777344,330.60260009765625],[218.8028564453125,331.0350646972656],[218.43521118164062,331.467529296875],[218.06756591796875,331.9000244140625],[217.70016479492188,332.3328552246094],[217.3328399658203,332.765625],[216.96551513671875,333.1983642578125],[216.59817504882812,333.631103515625],[216.23033142089844,334.06353759765625],[215.86244201660156,334.4958190917969],[215.49398803710938,334.9275817871094],[215.1252899169922,335.3591613769531],[214.7557830810547,335.7903137207031],[214.385986328125,336.220947265625],[214.01548767089844,336.6509094238281],[213.6442413330078,337.0802917480469],[213.27224731445312,337.5091552734375],[212.8992462158203,337.93701171875],[212.5258026123047,338.364501953125],[212.15087890625,338.7909851074219],[211.77508544921875,339.21630859375],[211.39813232421875,339.6406555175781],[211.01991271972656,340.0639953613281],[210.64036560058594,340.4862365722656],[210.25953674316406,340.9071350097656],[209.87722778320312,341.3267517089844],[209.49346923828125,341.74493408203125],[209.10804748535156,342.16180419921875],[208.72108459472656,342.5771484375],[208.33248901367188,342.9908142089844],[207.94203186035156,343.4029235839844],[207.54974365234375,343.8133544921875],[207.1556854248047,344.2218322753906],[206.75967407226562,344.6285705566406],[206.36119079589844,345.0328369140625],[205.95993041992188,345.43438720703125],[205.5563507080078,345.8336181640625],[205.15052795410156,346.2304382324219],[204.74212646484375,346.62469482421875],[204.3312530517578,347.01654052734375],[203.91830444335938,347.40594482421875],[203.5031280517578,347.79302978515625],[203.08538818359375,348.17730712890625],[202.66546630859375,348.5593566894531],[202.2435302734375,348.9389953613281],[201.8192901611328,349.3161926269531],[201.39273071289062,349.6907653808594],[200.96412658691406,350.0630187988281],[200.5335693359375,350.432861328125],[200.10076904296875,350.8002014160156],[199.6656951904297,351.1650085449219],[199.2288360595703,351.5273132324219],[198.78993225097656,351.88726806640625],[198.3488006591797,352.2445983886719],[197.90560913085938,352.59942626953125],[197.46060180664062,352.9517517089844],[197.01364135742188,353.3016357421875],[196.5644989013672,353.6487731933594],[196.11334228515625,353.99346923828125],[195.66043090820312,354.3355712890625],[195.20562744140625,354.6751403808594],[194.74867248535156,355.0118408203125],[194.2897186279297,355.3460693359375],[193.82901000976562,355.677734375],[193.36639404296875,356.00665283203125],[192.90179443359375,356.3326110839844],[192.4351348876953,356.6561279296875],[191.96685791015625,356.9768981933594],[191.49655151367188,357.2947082519531],[191.02430725097656,357.6096496582031],[190.55015563964844,357.92193603515625],[190.07432556152344,358.2313537597656],[189.59637451171875,358.5375061035156],[189.11656188964844,358.84088134765625],[188.6348876953125,359.1414794921875],[188.15139770507812,359.43878173828125],[187.6659393310547,359.73291015625],[187.1785888671875,360.02410888671875],[186.68939208984375,360.3122253417969],[186.1982421875,360.5966796875],[185.70533752441406,360.8780517578125],[185.21044921875,361.1563415527344],[184.71356201171875,361.4308166503906],[184.21490478515625,361.7020568847656],[183.71389770507812,361.9688720703125],[183.2106170654297,362.2315368652344],[182.70518493652344,362.489990234375],[182.19775390625,362.744384765625],[181.68838500976562,362.9947204589844],[181.1768035888672,363.24102783203125],[180.6635284423828,363.4833679199219],[180.14849853515625,363.72198486328125],[179.6317596435547,363.95684814453125],[179.11328125,364.1880798339844],[178.5931854248047,364.41571044921875],[178.07174682617188,364.63970947265625],[177.5487060546875,364.8603515625],[177.02413940429688,365.07769775390625],[176.49842834472656,365.291748046875],[175.97145080566406,365.5025939941406],[175.44314575195312,365.7101745605469],[174.91354370117188,365.9148864746094],[174.38291931152344,366.1162414550781],[173.8511962890625,366.31500244140625],[173.318359375,366.5110168457031],[172.78466796875,366.70428466796875],[172.2500457763672,366.89495849609375],[171.71449279785156,367.08306884765625],[171.1779327392578,367.2687683105469],[170.64065551757812,367.4518737792969],[170.1025848388672,367.6324768066406],[169.5636749267578,367.8108825683594],[169.0239715576172,367.9871826171875],[168.48374938964844,368.1613464355469],[167.9428253173828,368.3335266113281],[167.4013214111328,368.50372314453125],[166.859130859375,368.6720886230469],[166.31654357910156,368.8386535644531],[165.77334594726562,369.0033874511719],[165.22952270507812,369.16632080078125],[164.68524169921875,369.3277282714844],[164.14065551757812,369.4875793457031],[163.59559631347656,369.6460266113281],[163.0501251220703,369.8031005859375],[162.5041046142578,369.9589538574219],[161.95802307128906,370.113525390625],[161.41146850585938,370.2669677734375],[160.86463928222656,370.4192199707031],[160.31729125976562,370.5699768066406],[159.76998901367188,370.72052001953125],[159.22230529785156,370.8698425292969],[158.6744842529297,371.0184326171875],[158.12646484375,371.16644287109375],[157.57821655273438,371.3135070800781],[157.0299072265625,371.46038818359375],[156.48123168945312,371.60626220703125],[155.93264770507812,371.7521057128906],[155.3837890625,371.8970031738281],[154.83493041992188,372.041748046875],[154.28594970703125,372.1865234375],[153.73707580566406,372.33123779296875],[153.18820190429688,372.47589111328125],[152.6392822265625,372.6203918457031],[152.09024047851562,372.7649230957031],[151.5413055419922,372.909423828125],[150.9923858642578,373.0539245605469],[150.4436492919922,373.1990051269531],[149.89479064941406,373.34423828125],[149.34619140625,373.49005126953125],[148.79771423339844,373.6362609863281],[148.2493133544922,373.782958984375],[147.70108032226562,373.9305419921875],[147.1529998779297,374.07830810546875],[146.6053466796875,374.2275695800781],[146.05770874023438,374.3768615722656],[145.51002502441406,374.52655029296875],[144.96249389648438,374.67626953125],[144.41497802734375,374.82598876953125],[143.86709594726562,374.9744567871094],[143.31898498535156,375.1221618652344],[142.7706756591797,375.26898193359375],[142.2218475341797,375.4139709472656],[141.67262268066406,375.5576477050781],[141.12307739257812,375.7000427246094],[140.57301330566406,375.8399963378906],[140.02243041992188,375.9779357910156],[139.4710235595703,376.1131896972656],[138.9190216064453,376.2458801269531],[138.366455078125,376.3754577636719],[137.8130340576172,376.5018310546875],[137.2587890625,376.6247863769531],[136.70372009277344,376.7437438964844],[136.1479034423828,376.8588562011719],[135.59121704101562,376.9692687988281],[135.0334930419922,377.0754699707031],[134.47483825683594,377.1761474609375],[133.91537475585938,377.2720947265625],[133.35484313964844,377.36181640625],[132.79344177246094,377.4463195800781],[132.23121643066406,377.5238952636719],[131.66815185546875,377.5956115722656],[131.1041259765625,377.66021728515625],[130.5393524169922,377.7176818847656],[129.97396850585938,377.7677307128906],[129.40789794921875,377.80999755859375],[128.8412322998047,377.84429931640625],[128.27410888671875,377.8703308105469],[127.7067642211914,377.8877868652344],[127.13925170898438,377.89654541015625],[126.57145690917969,377.8963317871094],[126.00394439697266,377.886962890625],[125.43659210205078,377.86822509765625],[124.86974334716797,377.8400573730469],[124.30323028564453,377.8022155761719],[123.73765563964844,377.754638671875],[123.17285919189453,377.6972351074219],[122.6092758178711,377.6300048828125],[122.04686737060547,377.5528564453125],[121.48607635498047,377.4655456542969],[120.93054962158203,377.3490905761719],[120.3839111328125,377.1968688964844],[119.84705352783203,377.01226806640625],[119.32095336914062,376.7992248535156],[118.80584716796875,376.5609130859375],[118.30191802978516,376.2998046875],[117.80879211425781,376.0185546875],[117.3265380859375,375.71929931640625],[116.85474395751953,375.4036865234375],[116.3932113647461,375.0733337402344],[115.94145202636719,374.72943115234375],[115.4994888305664,374.37335205078125],[115.06682586669922,374.0059509277344],[114.6432876586914,373.6280517578125],[114.22856903076172,373.2402648925781],[113.82279968261719,372.84344482421875],[113.42548370361328,372.43804931640625],[113.03666687011719,372.0245361328125],[112.65612030029297,371.60321044921875],[112.28402709960938,371.17462158203125],[111.92030334472656,370.7388000488281],[111.56498718261719,370.2960205078125],[111.21821594238281,369.8465576171875],[110.88021087646484,369.3905944824219],[110.55117797851562,368.9280700683594],[110.23136138916016,368.4588928222656],[109.9214096069336,367.9833984375],[109.62179565429688,367.5013732910156],[109.33334350585938,367.01251220703125],[109.05687713623047,366.5166320800781],[108.79380798339844,366.013671875],[108.56019592285156,365.4966735839844],[108.38085174560547,364.9584045410156],[108.25502014160156,364.4049377441406],[108.17986297607422,363.8424987792969],[108.15129089355469,363.2757263183594],[108.16468048095703,362.7084045410156],[108.21548461914062,362.1429748535156],[108.29934692382812,361.5816650390625],[108.41217803955078,361.0254821777344],[108.55081939697266,360.4750671386719],[108.71207427978516,359.93072509765625],[108.89349365234375,359.3929748535156],[109.09285736083984,358.86151123046875],[109.30818939208984,358.3363342285156],[109.53792572021484,357.81719970703125],[109.78062438964844,357.3040771484375],[110.03512573242188,356.79669189453125],[110.3004379272461,356.2948303222656],[110.57566833496094,355.79840087890625],[110.86066436767578,355.30743408203125],[111.15959930419922,354.824951171875],[111.47186279296875,354.3508605957031],[111.79608154296875,353.8848876953125],[112.13102722167969,353.4267578125],[112.47584533691406,352.9757385253906],[112.82946014404297,352.5315856933594],[113.1909408569336,352.0940856933594],[113.55960083007812,351.6624450683594],[113.93476104736328,351.2364501953125],[114.31591033935547,350.81573486328125],[114.70231628417969,350.39990234375],[115.09355926513672,349.9885559082031],[115.48899841308594,349.58135986328125],[115.88835906982422,349.1778564453125],[116.2911376953125,348.7778625488281],[116.69693756103516,348.3810729980469],[117.10559844970703,347.98712158203125],[117.51673889160156,347.5956115722656],[117.93004608154297,347.20648193359375],[118.34503936767578,346.81915283203125],[118.76142883300781,346.4334411621094],[119.17913055419922,346.0489501953125],[119.59782409667969,345.6656799316406],[120.01707458496094,345.2829895019531],[120.43655395507812,344.900390625],[120.856201171875,344.5181884765625],[121.27571105957031,344.1358337402344],[121.69468688964844,343.7528076171875],[122.11292266845703,343.3688049316406],[122.52980041503906,342.9836730957031],[122.9452133178711,342.5967712402344],[123.35865020751953,342.20782470703125],[123.76973724365234,341.81622314453125],[124.17996215820312,341.42388916015625],[124.59024047851562,341.0317687988281],[125.00155639648438,340.6405944824219],[125.4132080078125,340.2496032714844],[125.82556915283203,339.8595275878906],[126.23835754394531,339.4697570800781],[126.6517105102539,339.08074951171875],[127.06559753417969,338.692138671875],[127.4798812866211,338.3041076660156],[127.89470672607422,337.9166564941406],[128.30987548828125,337.5295715332031],[128.7257537841797,337.1430969238281],[129.14173889160156,336.75689697265625],[129.55848693847656,336.3714294433594],[129.97528076171875,335.98614501953125],[130.39283752441406,335.6014709472656],[130.81044006347656,335.217041015625],[131.2285614013672,334.8331298828125],[131.64706420898438,334.4495544433594],[132.06613159179688,334.0664978027344],[132.485107421875,333.6835632324219],[132.90408325195312,333.30059814453125],[133.32383728027344,332.9183654785156],[133.74374389648438,332.53643798828125],[134.16366577148438,332.1545104980469],[134.58363342285156,331.7727355957031],[135.0043487548828,331.3914794921875],[135.4249725341797,331.0103454589844],[135.84559631347656,330.6291809082031],[136.26654052734375,330.24835205078125],[136.6878204345703,329.86773681640625],[137.10902404785156,329.48724365234375],[137.53021240234375,329.1067199707031],[137.95140075683594,328.7261962890625],[138.37269592285156,328.3455810546875],[138.79388427734375,327.9650573730469],[139.21507263183594,327.5845031738281],[139.63619995117188,327.2038879394531],[140.05740356445312,326.8232116699219],[140.478515625,326.4425964355469],[140.89964294433594,326.06201171875],[141.3207550048828,325.681396484375],[141.74197387695312,325.30072021484375],[142.16293334960938,324.919921875],[142.58335876464844,324.5385437011719],[143.0037841796875,324.15716552734375],[143.42430114746094,323.7757263183594],[143.84413146972656,323.3937683105469],[144.26376342773438,323.0115051269531],[144.6834716796875,322.6291809082031],[145.10292053222656,322.2467346191406],[145.521484375,321.8633117675781],[145.94004821777344,321.47991943359375],[146.35870361328125,321.0964050292969],[146.7766571044922,320.7123107910156],[147.19424438476562,320.3278503417969],[147.61114501953125,319.9427185058594],[148.0280303955078,319.5572509765625],[148.44410705566406,319.1711120605469],[148.85984802246094,318.7846374511719],[149.27505493164062,318.3976135253906],[149.6898193359375,318.00982666015625],[150.10411071777344,317.6217956542969],[150.51747131347656,317.23284912109375],[150.93064880371094,316.84356689453125],[151.34295654296875,316.4532775878906],[151.75477600097656,316.0626220703125],[152.1658477783203,315.6711730957031],[152.5762176513672,315.2790222167969],[152.98617553710938,314.88623046875],[153.39491271972656,314.49249267578125],[153.80345153808594,314.0983581542969],[154.21070861816406,313.70294189453125],[154.61756896972656,313.30706787109375],[155.02342224121094,312.9102478027344],[155.4285430908203,312.5124816894531],[155.8329315185547,312.1141662597656],[156.2361297607422,311.71453857421875],[156.63893127441406,311.3145751953125],[157.0401611328125,310.9130554199219],[157.44102478027344,310.510986328125],[157.84060668945312,310.1078186035156],[158.23927307128906,309.70379638671875],[158.63710021972656,309.29888916015625],[159.03369140625,308.892578125],[159.42971801757812,308.4859313964844],[159.82427978515625,308.077880859375],[160.2177276611328,307.6687927246094],[160.61016845703125,307.258544921875],[161.00149536132812,306.8472900390625],[161.3916473388672,306.43499755859375],[161.7805938720703,306.0216979980469],[162.16856384277344,305.6070861816406],[162.5552520751953,305.1915283203125],[162.94064331054688,304.7747802734375],[163.32470703125,304.35693359375],[163.70773315429688,303.937744140625],[164.08935546875,303.5176086425781],[164.46971130371094,303.0962829589844],[164.8488006591797,302.67376708984375],[165.22666931152344,302.2499694824219],[165.60305786132812,301.82513427734375],[165.9781494140625,301.3991394042969],[166.3518524169922,300.9718322753906],[166.72415161132812,300.543212890625],[167.09500122070312,300.1134948730469],[167.46446228027344,299.68255615234375],[167.83253479003906,299.2503356933594],[168.19911193847656,298.8169250488281],[168.56423950195312,298.38232421875],[168.9279022216797,297.946533203125],[169.29017639160156,297.5093688964844],[169.65087890625,297.0710754394531],[170.0101318359375,296.6315002441406],[170.36761474609375,296.190673828125],[170.71920776367188,295.74493408203125],[171.0611572265625,295.2918395996094],[171.3937225341797,294.8319091796875],[171.71673583984375,294.36517333984375],[172.0306854248047,293.8920593261719],[172.33558654785156,293.4133605957031],[172.63136291503906,292.92889404296875],[172.91859436035156,292.4392395019531],[173.19740295410156,291.9446716308594],[173.46768188476562,291.4455871582031],[173.73004150390625,290.9422912597656],[173.9844512939453,290.434814453125],[174.2313232421875,289.92352294921875],[174.47084045410156,289.40887451171875],[174.70298767089844,288.8909606933594],[174.9283905029297,288.3699645996094],[175.14695739746094,287.8459777832031],[175.3590545654297,287.319580078125],[175.56495666503906,286.79058837890625],[175.76483154296875,286.2591857910156],[175.95896911621094,285.7257995605469],[176.1473846435547,285.1903991699219],[176.33067321777344,284.653076171875],[176.50865173339844,284.11395263671875],[176.68182373046875,283.5733947753906],[176.84999084472656,283.0312805175781],[177.0141143798828,282.48785400390625],[177.17352294921875,281.9430236816406],[177.32904052734375,281.3970642089844],[177.48080444335938,280.8501892089844],[177.62887573242188,280.3021545410156],[177.77322387695312,279.7530517578125],[177.91436767578125,279.2033386230469],[178.05258178710938,278.6527099609375],[178.187744140625,278.1014404296875],[178.3201141357422,277.5492858886719],[178.45001220703125,276.99676513671875],[178.57766723632812,276.44366455078125],[178.70297241210938,275.8900451660156],[178.8263397216797,275.3358459472656],[178.94761657714844,274.7814025878906],[179.0680389404297,274.2266540527344],[179.18626403808594,273.6714782714844],[179.3037567138672,273.1159973144531],[179.42025756835938,272.5604553222656],[179.53562927246094,272.0047302246094],[179.6505584716797,271.44879150390625],[179.76492309570312,270.8927001953125],[179.87925720214844,270.3367004394531],[179.9930419921875,269.78057861328125],[180.1020965576172,269.2234802246094],[180.2046356201172,268.6651916503906],[180.30050659179688,268.1056823730469],[180.3898162841797,267.545166015625],[180.4728546142578,266.9835510253906],[180.54966735839844,266.4211120605469],[180.6202392578125,265.8578186035156],[180.6842498779297,265.2939147949219],[180.74220275878906,264.7291259765625],[180.79408264160156,264.1639099121094],[180.8399200439453,263.5980529785156],[180.8793182373047,263.0318603515625],[180.9127197265625,262.46502685546875],[180.940185546875,261.89813232421875],[180.96160888671875,261.3309326171875],[180.97665405273438,260.7635192871094],[180.98577880859375,260.19586181640625],[180.98895263671875,259.62823486328125],[180.98602294921875,259.060546875],[180.97674560546875,258.4930114746094],[180.96148681640625,257.9255065917969],[180.94020080566406,257.3582458496094],[180.91265869140625,256.7912902832031],[180.87875366210938,256.2247314453125],[180.83871459960938,255.6584014892578],[180.79251098632812,255.09263610839844],[180.73985290527344,254.5274200439453],[180.6806182861328,253.96286010742188],[180.6150665283203,253.39898681640625],[180.5431365966797,252.83595275878906],[180.46458435058594,252.27377319335938],[180.37911987304688,251.7125244140625],[180.2870330810547,251.1523895263672],[180.1881866455078,250.5934600830078],[180.08255004882812,250.03582763671875],[179.9696044921875,249.47930908203125],[179.85037231445312,248.92437744140625],[179.7255096435547,248.37063598632812],[179.59521484375,247.8181610107422],[179.45938110351562,247.26690673828125],[179.3184356689453,246.717041015625],[179.1720733642578,246.16864013671875],[179.02072143554688,245.62156677246094],[178.8640899658203,245.07589721679688],[178.70252990722656,244.53170776367188],[178.53599548339844,243.98904418945312],[178.3645477294922,243.4479522705078],[178.18833923339844,242.9082794189453],[178.00721740722656,242.37030029296875],[177.82151794433594,241.83383178710938],[177.631103515625,241.2991943359375],[177.43605041503906,240.76597595214844],[177.236572265625,240.23460388183594],[177.03245544433594,239.7049102783203],[176.82398986816406,239.17686462402344],[176.6110076904297,238.65061950683594],[176.39378356933594,238.12620544433594],[176.17222595214844,237.60360717773438],[175.94630432128906,237.08274841308594],[175.71632385253906,236.56381225585938],[175.48196411132812,236.04685974121094],[175.24362182617188,235.53173828125],[175.00100708007812,235.0184326171875],[174.7543487548828,234.50717163085938],[174.50372314453125,233.9978790283203],[174.2489776611328,233.49066162109375],[173.99026489257812,232.9853057861328],[173.7274932861328,232.4820556640625],[173.46090698242188,231.98101806640625],[173.1903839111328,231.4819793701172],[172.91580200195312,230.9849853515625],[172.6375274658203,230.49026489257812],[172.35525512695312,229.997802734375],[172.0692596435547,229.50755310058594],[171.77926635742188,229.01942443847656],[171.48558044433594,228.5337371826172],[171.18809509277344,228.05026245117188],[170.88673400878906,227.56922912597656],[170.5816650390625,227.0904541015625],[170.27273559570312,226.61428833007812],[169.9601593017578,226.1404266357422],[169.64369201660156,225.669189453125],[169.3235321044922,225.20034790039062],[168.9995574951172,224.7341766357422],[168.67193603515625,224.2707061767578],[168.3404541015625,223.80984497070312],[168.00523376464844,223.3516845703125],[167.66627502441406,222.89639282226562],[167.32337951660156,222.44412231445312],[166.97494506835938,221.99578857421875],[166.620849609375,221.5521697998047],[166.2611541748047,221.11302185058594],[165.8960723876953,220.67852783203125],[165.52552795410156,220.2482147216797],[165.15017700195312,219.822509765625],[164.76991271972656,219.4010467529297],[164.38504028320312,218.98390197753906],[163.99549865722656,218.57080078125],[163.60177612304688,218.1619873046875],[163.203857421875,217.7572021484375],[162.8018798828125,217.3563690185547],[162.39598083496094,216.95941162109375],[161.98641967773438,216.5663604736328],[161.57334899902344,216.1771240234375],[161.15679931640625,215.7915496826172],[160.73684692382812,215.40948486328125],[160.31378173828125,215.03102111816406],[159.88768005371094,214.65602111816406],[159.45867919921875,214.28440856933594],[159.02670288085938,213.91592407226562],[158.59210205078125,213.55068969726562],[158.15496826171875,213.18865966796875],[157.71527099609375,212.82957458496094],[157.2732391357422,212.47348022460938],[156.8289031982422,212.12022399902344],[156.3823699951172,211.76976013183594],[155.93368530273438,211.42193603515625],[155.48304748535156,211.07676696777344],[155.030517578125,210.73414611816406],[154.5760955810547,210.39393615722656],[154.11973571777344,210.0561065673828],[153.66200256347656,209.72059631347656],[153.20254516601562,209.38722229003906],[152.7415771484375,209.05596923828125],[152.27911376953125,208.72669982910156],[151.81529235839844,208.3994140625],[151.35018920898438,208.07403564453125],[150.88385009765625,207.7504425048828],[150.4161834716797,207.428466796875],[149.947509765625,207.1082000732422],[149.47784423828125,206.78953552246094],[149.00717163085938,206.47230529785156],[148.5354461669922,206.15640258789062],[148.06283569335938,205.84181213378906],[147.58956909179688,205.528564453125],[147.11538696289062,205.2163848876953],[146.64056396484375,204.9053192138672],[146.16502380371094,204.59519958496094],[145.68881225585938,204.28628540039062],[145.212158203125,203.97784423828125],[144.73509216308594,203.67030334472656],[144.25758361816406,203.36338806152344],[143.77972412109375,203.05711364746094],[143.3013916015625,202.7512664794922],[142.82286071777344,202.44602966308594],[142.343994140625,202.14125061035156],[141.8651123046875,201.83648681640625],[141.38613891601562,201.5316619873047],[140.90719604492188,201.22698974609375],[140.42819213867188,200.92242431640625],[139.94918823242188,200.6178741455078],[139.47007751464844,200.31324768066406],[138.9911346435547,200.00868225097656],[138.51205444335938,199.70413208007812],[138.03269958496094,199.40013122558594],[137.55276489257812,199.0967559814453],[137.07284545898438,198.7936553955078],[136.59291076660156,198.4906005859375],[136.1122283935547,198.18870544433594],[135.63143920898438,197.88673400878906],[135.15060424804688,197.58518981933594],[134.669189453125,197.28445434570312],[134.18777465820312,196.9837188720703],[133.70584106445312,196.68353271484375],[133.2237091064453,196.3839569091797],[132.74156188964844,196.08438110351562],[132.2588348388672,195.78567504882812],[131.77589416503906,195.4871826171875],[131.29307556152344,195.18882751464844],[130.80953979492188,194.8915252685547],[130.32589721679688,194.5941619873047],[129.84217834472656,194.29718017578125],[129.35797119140625,194.0009765625],[128.87374877929688,193.7047882080078],[128.38902282714844,193.40908813476562],[127.90413665771484,193.11398315429688],[127.41925811767578,192.81887817382812],[126.9338607788086,192.5246124267578],[126.44822692871094,192.2305145263672],[125.96268463134766,191.93653869628906],[125.47651672363281,191.6435546875],[124.99034881591797,191.35057067871094],[124.50390625,191.05784606933594],[124.0171127319336,190.76589965820312],[123.53032684326172,190.4739532470703],[123.04309844970703,190.18251037597656],[122.55559539794922,189.89151000976562],[122.06819152832031,189.60057067871094],[121.58039093017578,189.3105010986328],[121.09239959716797,189.02056884765625],[120.60419464111328,188.73060607910156],[120.11561584472656,188.441650390625],[119.62704467773438,188.15269470214844],[119.13827514648438,187.86404418945312],[118.6490249633789,187.57598876953125],[118.15988159179688,187.28799438476562],[117.67041778564453,187.0005645751953],[117.18061828613281,186.7134552001953],[116.69091796875,186.42640686035156],[116.2008056640625,186.14015197753906],[115.71056365966797,185.85403442382812],[115.22021484375,185.56796264648438],[114.72945404052734,185.28274536132812],[114.23868560791016,184.99752807617188],[113.74765014648438,184.7126007080078],[113.25627136230469,184.42820739746094],[112.7649917602539,184.1438751220703],[112.27340698242188,183.86009216308594],[111.78162384033203,183.57662963867188],[111.28973388671875,183.29310607910156],[110.79749298095703,183.0103759765625],[110.30522918701172,182.72775268554688],[109.81292724609375,182.44528198242188],[109.32008361816406,182.16343688964844],[108.82733917236328,181.8816375732422],[108.33438110351562,181.6001739501953],[107.84117889404297,181.31919860839844],[107.34786987304688,181.0381622314453],[106.8543701171875,180.75772094726562],[106.36071014404297,180.4775390625],[105.86705780029297,180.19735717773438],[105.37291717529297,179.91783142089844],[104.87882995605469,179.63841247558594],[104.38460540771484,179.35911560058594],[103.88997650146484,179.0803985595703],[103.39546203613281,178.80172729492188],[102.90079498291016,178.52342224121094],[102.40586853027344,178.2454833984375],[101.91083526611328,177.9674835205078],[101.41565704345703,177.69007873535156],[100.92032623291016,177.41287231445312],[100.42500305175781,177.13565063476562],[99.92919158935547,176.85903930664062],[99.43347930908203,176.58250427246094],[98.9376449584961,176.30612182617188],[98.4415512084961,176.03025817871094],[97.94535827636719,175.7543487548828],[97.4491195678711,175.4788360595703],[96.95267486572266,175.20362854003906],[96.45623016357422,174.92840576171875],[95.95938110351562,174.6536102294922],[95.46258544921875,174.37904357910156],[94.9657974243164,174.1044921875],[94.46866607666016,173.83053588867188],[93.97142028808594,173.5565185546875],[93.47412872314453,173.28269958496094],[92.97666931152344,173.0093231201172],[92.47920989990234,172.73594665527344],[91.98153686523438,172.46287536621094],[91.4837646484375,172.19007873535156],[90.9859848022461,171.9172821044922],[90.48795318603516,171.64492797851562],[89.9897689819336,171.3726043701172],[89.49154663085938,171.100341796875],[88.99317932128906,170.82862854003906],[88.49481201171875,170.55690002441406],[87.99646759033203,170.28555297851562],[87.49747467041016,170.01446533203125],[86.99869537353516,169.74349975585938],[86.49991607666016,169.47254943847656],[86.00114440917969,169.2015838623047],[85.50236511230469,168.9306182861328],[85.00299835205078,168.660400390625],[84.50370788574219,168.390380859375],[84.0044174194336,168.120361328125],[83.50492095947266,167.8502197265625],[83.00563049316406,167.5802001953125],[82.50626373291016,167.3105926513672],[82.00651550292969,167.0414276123047],[81.50676727294922,166.77224731445312],[81.00701904296875,166.50308227539062],[80.50727081298828,166.23391723632812],[80.00752258300781,165.96475219726562],[79.50707244873047,165.69613647460938],[79.00690460205078,165.42774963378906],[78.5067367553711,165.15936279296875],[78.0065689086914,164.89097595214844],[77.50640106201172,164.62258911132812],[77.00611114501953,164.3545379638672],[76.50556945800781,164.0868377685547],[76.0050277709961,163.8191375732422],[75.50428009033203,163.55133056640625],[75.00373840332031,163.28363037109375],[74.5031967163086,163.01593017578125],[74.00225067138672,162.74879455566406],[73.50138854980469,162.48170471191406],[73.00051879882812,162.21463012695312],[72.4996566772461,161.94754028320312],[71.99857330322266,161.6803436279297],[71.4977035522461,161.41360473632812],[70.9965591430664,161.1470489501953],[70.49541473388672,160.88047790527344],[69.99427032470703,160.61392211914062],[69.49312591552734,160.3473663330078],[68.9918441772461,160.08074951171875],[68.49046325683594,159.81463623046875],[67.98886108398438,159.5484161376953],[67.48748016357422,159.28228759765625],[66.98609924316406,159.01617431640625],[66.4847183227539,158.75006103515625],[65.98322296142578,158.48414611816406],[65.48165130615234,158.21839904785156],[64.9800796508789,157.95263671875],[64.47850799560547,157.6868896484375],[63.976715087890625,157.4210205078125],[63.47523880004883,157.1553497314453],[62.97346496582031,156.88998413085938],[62.4716911315918,156.62460327148438],[61.96991729736328,156.35922241210938],[61.468143463134766,156.09385681152344],[60.966373443603516,155.82847595214844],[60.46438217163086,155.56298828125],[59.962608337402344,155.297607421875],[59.460838317871094,155.03224182128906],[58.95906448364258,154.76686096191406],[58.45729064941406,154.50149536132812],[57.955406188964844,154.236083984375],[57.453514099121094,153.97093200683594],[56.951622009277344,153.70578002929688],[56.44951629638672,153.44052124023438],[55.94762420654297,153.1753692626953],[55.44573211669922,152.91021728515625],[54.94384002685547,152.6450653076172],[54.44194793701172,152.37991333007812],[53.94005584716797,152.11476135253906],[53.43816375732422,151.849609375],[52.936275482177734,151.58445739746094],[52.434165954589844,151.31936645507812],[51.929317474365234,151.05958557128906],[51.42058181762695,150.80816650390625],[50.90768814086914,150.56480407714844],[50.391056060791016,150.32949829101562],[49.87089920043945,150.1023406982422],[49.34721755981445,149.88345336914062],[48.82017517089844,149.67286682128906],[48.28949737548828,149.4706268310547],[47.75585174560547,149.27735900878906],[47.21891403198242,149.09304809570312],[46.678932189941406,148.91806030273438],[46.135841369628906,148.75286865234375],[45.58989334106445,148.5980224609375],[45.040767669677734,148.453857421875],[44.488670349121094,148.32098388671875],[43.93415451049805,148.200439453125],[43.3766975402832,148.09263610839844],[42.81707000732422,147.99874877929688],[42.25487518310547,147.91973876953125],[41.69083786010742,147.8568115234375],[41.125064849853516,147.81130981445312],[40.558082580566406,147.784912109375],[39.99021530151367,147.7792205810547],[39.42287063598633,147.79629516601562],[38.85692596435547,147.8384246826172],[38.29367446899414,147.90814208984375],[37.73493576049805,148.00811767578125],[37.183258056640625,148.1411895751953],[36.642635345458984,148.3134002685547],[36.11666488647461,148.52662658691406],[35.60646438598633,148.77552795410156],[35.112422943115234,149.05506896972656],[34.63449478149414,149.3611297607422],[34.17207336425781,149.68994140625],[33.72431564331055,150.0388946533203],[33.2909049987793,150.4053497314453],[32.87092971801758,150.78726196289062],[32.46384048461914,151.182861328125],[32.0689811706543,151.59085083007812],[31.6859130859375,152.00985717773438],[31.314231872558594,152.438720703125],[30.95332908630371,152.876708984375],[30.602828979492188,153.32313537597656],[30.262544631958008,153.7775115966797],[29.932071685791016,154.23919677734375],[29.611316680908203,154.7077178955078],[29.30032730102539,155.1825714111328],[28.99904441833496,155.66346740722656],[28.70724105834961,156.1504364013672],[28.425153732299805,156.64309692382812],[28.153108596801758,157.14112854003906],[27.891176223754883,157.644775390625],[27.640010833740234,158.1536407470703],[27.398603439331055,158.66773986816406],[27.15970230102539,159.1826629638672],[26.921987533569336,159.69808959960938],[26.685564041137695,160.21412658691406],[26.450241088867188,160.73080444335938],[26.21611785888672,161.2478790283203],[25.98318099975586,161.76541137695312],[25.75141716003418,162.28366088867188],[25.52082061767578,162.8026123046875],[25.29147720336914,163.3218231201172],[25.063278198242188,163.841552734375],[24.83634376525879,164.36167907714844],[24.610559463500977,164.8826446533203],[24.385984420776367,165.4039306640625],[24.162595748901367,165.9256134033203],[23.940208435058594,166.44825744628906],[23.719200134277344,166.97116088867188],[23.499343872070312,167.49447631835938],[23.280960083007812,168.01834106445312],[23.063196182250977,168.54248046875],[22.847076416015625,169.06735229492188],[22.631864547729492,169.5927276611328],[22.417572021484375,170.1183624267578],[22.20492172241211,170.64486694335938],[21.993133544921875,171.1714630126953],[21.782440185546875,171.6985321044922],[21.573240280151367,172.22607421875],[21.364782333374023,172.75401306152344],[21.157608032226562,173.282470703125],[20.951583862304688,173.8115692138672],[20.746360778808594,174.34088134765625],[20.542516708374023,174.8708953857422],[20.33981704711914,175.4009552001953],[20.13779640197754,175.93150329589844],[19.937360763549805,176.4625701904297],[19.737775802612305,176.99388122558594],[19.538957595825195,177.5255584716797],[19.34169578552246,178.05776977539062],[19.145097732543945,178.5904083251953],[18.9493408203125,179.1234588623047],[18.755046844482422,179.6567840576172],[18.56145668029785,180.19033813476562],[18.368806838989258,180.72427368164062],[18.17741584777832,181.2584991455078],[17.986597061157227,181.7932586669922],[17.79683494567871,182.32821655273438],[17.60810089111328,182.8636474609375],[17.41998291015625,183.39939880371094],[17.23296356201172,183.93533325195312],[17.046886444091797,184.47154235839844],[16.861448287963867,185.00787353515625],[16.677032470703125,185.54470825195312],[16.49335479736328,186.08197021484375],[16.310344696044922,186.61915588378906],[16.128297805786133,187.1570587158203],[15.946996688842773,187.6949462890625],[15.766234397888184,188.23301696777344],[15.586554527282715,188.77146911621094],[15.407369613647461,189.3102264404297],[15.228771209716797,189.84902954101562],[15.051188468933105,190.38812255859375],[14.874072074890137,190.9273681640625],[14.697446823120117,191.46707153320312],[14.521728515625,192.00685119628906],[14.346430778503418,192.54676818847656],[14.171748161315918,193.08685302734375],[13.997774124145508,193.6271209716797],[13.824163436889648,194.16757202148438],[13.651187896728516,194.7082061767578],[13.47877025604248,195.24896240234375],[13.306591033935547,195.7901611328125],[13.135141372680664,196.33126831054688],[12.964153289794922,196.87234497070312],[12.79336166381836,197.4138641357422],[12.62326717376709,197.95541381835938],[12.453607559204102,198.4969940185547],[12.28441047668457,199.038818359375],[12.115140914916992,199.58087158203125],[11.946270942687988,200.12277221679688],[11.77812385559082,200.66493225097656],[11.609977722167969,201.2070770263672],[11.441963195800781,201.74923706054688],[11.274693489074707,202.29165649414062],[11.10742473602295,202.83407592773438],[10.940155982971191,203.37649536132812],[10.773452758789062,203.91946411132812],[10.606888771057129,204.46209716796875],[10.440323829650879,205.00474548339844],[10.274352073669434,205.54734802246094],[10.10850715637207,206.0902099609375],[9.942663192749023,206.63307189941406],[9.77681827545166,207.17591857910156],[9.610973358154297,207.71878051757812],[9.445056915283203,208.26187133789062],[9.279305458068848,208.80477905273438],[9.113872528076172,209.34776306152344],[8.948439598083496,209.8907470703125],[8.78300666809082,210.43374633789062],[8.617572784423828,210.9767303466797],[8.452139854431152,211.51971435546875],[8.286636352539062,212.06292724609375],[8.121786117553711,212.6060333251953],[7.959428787231445,213.14999389648438],[7.7997145652771,213.6947784423828],[7.642920017242432,214.24032592773438],[7.489135265350342,214.78662109375],[7.338196754455566,215.33389282226562],[7.1906633377075195,215.88189697265625],[7.045949459075928,216.43109130859375],[6.904938220977783,216.9810028076172],[6.767146110534668,217.53155517578125],[6.632935047149658,218.0830535888672],[6.502346038818359,218.6354522705078],[6.375256538391113,219.18873596191406],[6.252311706542969,219.74290466308594],[6.132970809936523,220.29776000976562],[6.017886161804199,220.85389709472656],[5.9068522453308105,221.41041564941406],[5.800029277801514,221.96786499023438],[5.69772481918335,222.52626037597656],[5.599514961242676,223.08543395996094],[5.506260395050049,223.64523315429688],[5.417713165283203,224.20587158203125],[5.333990097045898,224.7674102783203],[5.255234241485596,225.3297576904297],[5.1816182136535645,225.892578125],[5.113250732421875,226.45603942871094],[5.050329208374023,227.02015686035156],[4.99297571182251,227.58485412597656],[4.941287517547607,228.150146484375],[4.895418643951416,228.71600341796875],[4.855522155761719,229.2823028564453],[4.821752071380615,229.84896850585938],[4.7942657470703125,230.41592407226562],[4.773271560668945,230.9831085205078],[4.758920669555664,231.55067443847656],[4.751335620880127,232.11822509765625],[4.750675678253174,232.68576049804688],[4.757106781005859,233.25338745117188],[4.770809650421143,233.82125854492188],[4.791924953460693,234.38836669921875],[4.8206400871276855,234.95529174804688],[4.85711669921875,235.52175903320312],[4.901557922363281,236.0875701904297],[4.954150199890137,236.65277099609375],[5.014984130859375,237.21701049804688],[5.081142902374268,237.78073120117188],[5.148841857910156,238.34466552734375],[5.2179274559021,238.90798950195312],[5.288398265838623,239.4711151123047],[5.360276222229004,240.0343017578125],[5.433518886566162,240.59727478027344],[5.508089542388916,241.1598358154297],[5.58403205871582,241.722412109375],[5.661312103271484,242.28480529785156],[5.73994779586792,242.84719848632812],[5.819863796234131,243.4091339111328],[5.901085376739502,243.9708709716797],[5.9835968017578125,244.53237915039062],[6.0674285888671875,245.09388732910156],[6.15253210067749,245.65516662597656],[6.2388997077941895,246.21621704101562],[6.326556205749512,246.77725219726562],[6.41541862487793,247.3378143310547],[6.5055131912231445,247.8981475830078],[6.596867561340332,248.45846557617188],[6.68943452835083,249.01852416992188],[6.783204555511475,249.5783233642578],[6.878166198730469,250.13784790039062],[6.974351406097412,250.69737243652344],[7.071753978729248,251.2567901611328],[7.170347213745117,251.81591796875],[7.270050048828125,252.37452697753906],[7.370972633361816,252.9333038330078],[7.473092079162598,253.4916229248047],[7.576601028442383,254.0497283935547],[7.680577278137207,254.6075897216797],[7.786253452301025,255.16529846191406],[7.89246129989624,255.72317504882812],[8.000127792358398,256.2806701660156],[8.10905933380127,256.8377685546875],[8.218976020812988,257.3946533203125],[8.329767227172852,257.9512023925781],[8.441758155822754,258.5076599121094],[8.554807662963867,259.0640869140625],[8.668883323669434,259.620361328125],[8.784037590026855,260.1760559082031],[8.900080680847168,260.7317199707031],[9.017402648925781,261.28717041015625],[9.135425567626953,261.8423767089844],[9.254826545715332,262.3973693847656],[9.374798774719238,262.9521484375],[9.496234893798828,263.5066223144531],[9.618176460266113,264.0612487792969],[9.741600036621094,264.6151123046875],[9.865385055541992,265.1690673828125],[9.990869522094727,265.72283935546875],[10.116512298583984,266.2763977050781],[10.243854522705078,266.829345703125],[10.371367454528809,267.38250732421875],[10.500643730163574,267.9352111816406],[10.630123138427734,268.4881896972656],[10.761174201965332,269.04046630859375],[10.892467498779297,269.59271240234375],[11.025264739990234,270.14459228515625],[11.158387184143066,270.6963195800781],[11.292902946472168,271.2477722167969],[11.427870750427246,271.7991943359375],[11.56407642364502,272.3502502441406],[11.700858116149902,272.9013671875],[11.83872127532959,273.4519958496094],[11.977209091186523,274.00250244140625],[12.116706848144531,274.5527038574219],[12.256928443908691,275.10284423828125],[12.398030281066895,275.65264892578125],[12.539876937866211,276.2021179199219],[12.682619094848633,276.75177001953125],[12.826176643371582,277.3009948730469],[12.970410346984863,277.8499755859375],[13.11557674407959,278.3987121582031],[13.261336326599121,278.9472961425781],[13.408135414123535,279.4957275390625],[13.555395126342773,280.0439453125],[13.703721046447754,280.5917663574219],[13.852520942687988,281.1398010253906],[14.002408027648926,281.6872863769531],[14.152586936950684,282.2347106933594],[14.303930282592773,282.7815856933594],[14.455526351928711,283.32861328125],[14.608407974243164,283.8752746582031],[14.76140308380127,284.4219055175781],[14.91572380065918,284.9681091308594],[15.070235252380371,285.5146789550781],[15.225944519042969,286.0605163574219],[15.3817777633667,286.6063232421875],[15.53880500793457,287.15179443359375],[15.696054458618164,287.6972351074219],[15.854375839233398,288.2423400878906],[16.013002395629883,288.78741455078125],[16.17259407043457,289.3321533203125],[16.332622528076172,289.8770446777344],[16.493459701538086,290.42138671875],[16.65473175048828,290.96563720703125],[16.816787719726562,291.5096435546875],[16.979312896728516,292.0533752441406],[17.14256477355957,292.5970153808594],[17.306385040283203,293.1404724121094],[17.47087860107422,293.6839904785156],[17.635961532592773,294.2271423339844],[17.80152702331543,294.7701110839844],[17.967819213867188,295.3128967285156],[18.134511947631836,295.8554992675781],[18.30191421508789,296.39764404296875],[18.46970558166504,296.9399108886719],[18.638391494750977,297.4821472167969],[18.807329177856445,298.0242919921875],[18.9770450592041,298.5658264160156],[19.146961212158203,299.107421875],[19.31781005859375,299.6486511230469],[19.488758087158203,300.18994140625],[19.66069984436035,300.7308349609375],[19.832792282104492,301.27197265625],[20.00572967529297,301.8126220703125],[20.17886734008789,302.3533630371094],[20.352764129638672,302.8937072753906],[20.526899337768555,303.43402099609375],[20.70173454284668,303.9740295410156],[20.876848220825195,304.5139465332031],[21.052589416503906,305.0536804199219],[21.228870391845703,305.5931091308594],[21.40721893310547,306.1324768066406],[21.587556838989258,306.6705627441406],[21.770097732543945,307.2080993652344],[21.954927444458008,307.74462890625],[22.14202117919922,308.2806091308594],[22.331214904785156,308.8157958984375],[22.522491455078125,309.3502197265625],[22.715848922729492,309.8839416503906],[22.91135025024414,310.41705322265625],[23.10906982421875,310.9491271972656],[23.30886459350586,311.4804992675781],[23.51058578491211,312.01092529296875],[23.71442413330078,312.5408935546875],[23.920169830322266,313.0699157714844],[24.127965927124023,313.5981750488281],[24.337810516357422,314.1253662109375],[24.54979705810547,314.6523742675781],[24.763452529907227,315.1780700683594],[24.979053497314453,315.703125],[25.196575164794922,316.2275390625],[25.416128158569336,316.7509765625],[25.637500762939453,317.2735900878906],[25.86073875427246,317.79559326171875],[26.08565902709961,318.31658935546875],[26.312522888183594,318.8372497558594],[26.541200637817383,319.3568420410156],[26.771677017211914,319.87567138671875],[27.003747940063477,320.39349365234375],[27.23760986328125,320.91082763671875],[27.473045349121094,321.4272155761719],[27.71025848388672,321.94287109375],[27.94934844970703,322.45806884765625],[28.189836502075195,322.9721374511719],[28.431943893432617,323.4855041503906],[28.675640106201172,323.998291015625],[28.920928955078125,324.51025390625],[29.167783737182617,325.0213317871094],[29.416095733642578,325.5316162109375],[29.665904998779297,326.04132080078125],[29.917325973510742,326.5506591796875],[30.170543670654297,327.0587463378906],[30.42436981201172,327.56622314453125],[30.680089950561523,328.0729675292969],[30.937124252319336,328.5791320800781],[31.19512939453125,329.084716796875],[31.4551944732666,329.5894470214844],[31.715848922729492,330.0935363769531],[31.97831916809082,330.59710693359375],[32.24190139770508,331.0999450683594],[32.5063362121582,331.6022033691406],[32.772544860839844,332.1034240722656],[33.039451599121094,332.6044006347656],[33.30784606933594,333.1045837402344],[33.577274322509766,333.6040954589844],[33.84754943847656,334.1032409667969],[34.1196403503418,334.6018371582031],[34.392120361328125,335.0997314453125],[34.665950775146484,335.596923828125],[34.94074630737305,336.0936279296875],[35.21625900268555,336.58990478515625],[35.49317932128906,337.0852966308594],[35.77072525024414,337.58056640625],[36.04951858520508,338.0752868652344],[36.328956604003906,338.5692138671875],[36.609107971191406,339.0628967285156],[36.890602111816406,339.55596923828125],[37.17247009277344,340.0486755371094],[37.45539093017578,340.540771484375],[37.73895263671875,341.0323181152344],[38.023170471191406,341.523681640625],[38.30860900878906,342.0146789550781],[38.59429168701172,342.5052185058594],[38.88087844848633,342.99517822265625],[39.168087005615234,343.4848937988281],[39.45576095581055,343.9742126464844],[39.7442626953125,344.46295166015625],[40.03314971923828,344.95159912109375],[40.32281494140625,345.43975830078125],[40.613014221191406,345.92779541015625],[40.903587341308594,346.4154357910156],[41.195159912109375,346.9024963378906],[41.4869499206543,347.3893737792969],[41.77873611450195,347.8762512207031],[42.07111358642578,348.3627014160156],[42.36432647705078,348.8487548828125],[42.65766525268555,349.3349914550781],[42.95102310180664,349.8210754394531],[43.24540328979492,350.3064270019531],[43.53977966308594,350.791748046875],[43.83415985107422,351.2770690917969],[44.12913513183594,351.761962890625],[44.42443084716797,352.2467346191406],[44.719730377197266,352.7314758300781],[45.01539993286133,353.2162780761719],[45.31159210205078,353.70050048828125],[45.60778045654297,354.1847229003906],[45.903968811035156,354.6689453125],[46.20016098022461,355.1531677246094],[46.4963493347168,355.63739013671875],[46.792537689208984,356.1216125488281],[47.08890914916992,356.605712890625],[47.3856086730957,357.08990478515625],[47.68218231201172,357.57391357421875],[47.978755950927734,358.0578918457031],[48.27532958984375,358.5418701171875],[48.5718994140625,359.02587890625],[48.868473052978516,359.5098571777344],[49.16594696044922,359.9933166503906],[49.4659309387207,360.4750671386719],[49.76924514770508,360.9551086425781],[50.075714111328125,361.43316650390625],[50.3851432800293,361.9090270996094],[50.697601318359375,362.3828430175781],[51.01305389404297,362.85455322265625],[51.331573486328125,363.3243713378906],[51.65320587158203,363.79229736328125],[51.97780990600586,364.2580871582031],[52.305320739746094,364.7217712402344],[52.63568878173828,365.183349609375],[52.9688606262207,365.6427917480469],[53.304935455322266,366.1002197265625],[53.64385223388672,366.5555725097656],[53.9856071472168,367.00885009765625],[54.33011245727539,367.4599609375],[54.67751693725586,367.9090881347656],[55.02759552001953,368.35601806640625],[55.380332946777344,368.8006591796875],[55.735801696777344,369.2431640625],[56.0940055847168,369.6835021972656],[56.45488357543945,370.1216125488281],[56.818565368652344,370.5576477050781],[57.18483352661133,370.9913635253906],[57.5538444519043,371.42291259765625],[57.92535400390625,371.8520202636719],[58.29954528808594,372.27886962890625],[58.67631530761719,372.703369140625],[59.05570602416992,373.12554931640625],[59.43776321411133,373.5454406738281],[59.82235336303711,373.9628601074219],[60.2095947265625,374.3779602050781],[60.599422454833984,374.7906494140625],[60.99184036254883,375.20086669921875],[61.386802673339844,375.6085510253906],[61.78428268432617,376.0137023925781],[62.184417724609375,376.4163818359375],[62.587005615234375,376.81640625],[62.992366790771484,377.2140197753906],[63.400299072265625,377.6090393066406],[63.81059646606445,378.0012512207031],[64.22331237792969,378.39080810546875],[64.63887023925781,378.7775573730469],[65.05674743652344,379.1615905761719],[65.477294921875,379.5428161621094],[65.90042877197266,379.9212341308594],[66.32614135742188,380.2967224121094],[66.75466918945312,380.6695251464844],[67.18534851074219,381.0390319824219],[67.61882781982422,381.4057312011719],[68.0545883178711,381.7691650390625],[68.4931640625,382.12969970703125],[68.93413543701172,382.4869384765625],[69.37785339355469,382.8411560058594],[69.82393646240234,383.1919860839844],[70.27293395996094,383.5397644042969],[70.7242431640625,383.8840026855469],[71.17813873291016,384.2248229980469],[71.6347885131836,384.56219482421875],[72.09386444091797,384.89593505859375],[72.55553436279297,385.2261047363281],[73.01984405517578,385.5526428222656],[73.48692321777344,385.87548828125],[73.95638275146484,386.1944580078125],[74.42858123779297,386.5097351074219],[74.90312194824219,386.8212890625],[75.380126953125,387.12884521484375],[75.85929870605469,387.4329528808594],[76.34087371826172,387.7335205078125],[76.82453155517578,388.03045654296875],[77.31066131591797,388.3240966796875],[77.79875946044922,388.6141052246094],[78.2887954711914,388.9005432128906],[78.78089904785156,389.18328857421875],[79.27499389648438,389.4625244140625],[79.77104949951172,389.73834228515625],[80.26918029785156,390.01092529296875],[80.76892852783203,390.2799987792969],[81.27067565917969,390.54583740234375],[81.77391815185547,390.8082580566406],[82.27904510498047,391.0675048828125],[82.7855453491211,391.32330322265625],[83.2940444946289,391.5760192871094],[83.80382537841797,391.82537841796875],[84.3154525756836,392.0715026855469],[84.82849884033203,392.3143005371094],[85.34307098388672,392.55401611328125],[85.85912322998047,392.7906188964844],[86.37662506103516,393.02410888671875],[86.89530181884766,393.2544250488281],[87.41552734375,393.48175048828125],[87.93682861328125,393.7059326171875],[88.4595947265625,393.92718505859375],[88.9837646484375,394.1454772949219],[89.50907897949219,394.3607482910156],[90.0354995727539,394.5730285644531],[90.56312561035156,394.78216552734375],[91.09215545654297,394.9884338378906],[91.62210083007812,395.1916809082031],[92.15316009521484,395.39202880859375],[92.6852798461914,395.5895080566406],[93.21885681152344,395.78424072265625],[93.75296020507812,395.9759521484375],[94.2881851196289,396.16485595703125],[94.82452392578125,396.35101318359375],[95.3616714477539,396.5343017578125],[95.89983367919922,396.71478271484375],[96.43897247314453,396.89251708984375],[96.97907257080078,397.0675048828125],[97.52001953125,397.239501953125],[98.06199645996094,397.4088134765625],[98.60450744628906,397.5752868652344],[99.14818572998047,397.7391662597656],[99.69229125976562,397.9001770019531],[100.23749542236328,398.05859375],[100.78327941894531,398.2142639160156],[101.32981872558594,398.3672180175781],[101.87755584716797,398.51763916015625],[102.42550659179688,398.6652526855469],[102.97431945800781,398.8101806640625],[103.52362060546875,398.95318603515625],[104.07295227050781,399.0961608886719],[104.62227630615234,399.2391052246094],[105.1716079711914,399.382080078125],[105.72139739990234,399.52410888671875],[106.27098083496094,399.6661071777344],[106.82056427001953,399.80810546875],[107.3702163696289,399.9500732421875],[107.92003631591797,400.0910949707031],[108.46986389160156,400.2321472167969],[109.01969146728516,400.3731689453125],[109.56948852539062,400.51416015625],[110.11978912353516,400.6543273925781],[110.66985321044922,400.79443359375],[111.21991729736328,400.9345397949219],[111.76995849609375,401.0745544433594],[112.32025146484375,401.2137451171875],[112.87054443359375,401.3529357910156],[113.42083740234375,401.4921569824219],[113.97117614746094,401.6312255859375],[114.52193450927734,401.76959228515625],[115.07244873046875,401.90789794921875],[115.62296295166016,402.0462341308594],[116.17366790771484,402.1844177246094],[116.72440338134766,402.3218688964844],[117.27513885498047,402.4593200683594],[117.82586669921875,402.5967712402344],[118.37676239013672,402.7340393066406],[118.92770385742188,402.8706359863281],[119.47865295410156,403.0072326660156],[120.02959442138672,403.14385986328125],[120.58052825927734,403.2801818847656],[121.13166809082031,403.4159851074219],[121.68281555175781,403.5517883300781],[122.23396301269531,403.68756103515625],[122.78544616699219,403.8231506347656],[123.3367919921875,403.9581298828125],[123.88813018798828,404.0931091308594],[124.4394760131836,404.22808837890625],[124.9908676147461,404.36273193359375],[125.54240417480469,404.4969482421875],[126.09394073486328,404.6311340332031],[126.64546966552734,404.7653503417969],[127.19734191894531,404.8992614746094],[127.74905395507812,405.03271484375],[128.30078125,405.1661682128906],[128.8524932861328,405.29962158203125],[129.40440368652344,405.4327087402344],[129.956298828125,405.5654296875],[130.50819396972656,405.6981506347656],[131.06008911132812,405.83087158203125],[131.61231994628906,405.96319580078125],[132.16439819335938,406.0951843261719],[132.71646118164062,406.2272033691406],[133.26852416992188,406.35919189453125],[133.82061767578125,406.490478515625],[134.3729248046875,406.6214599609375],[134.92523193359375,406.75244140625],[135.477783203125,406.8834533691406],[136.03009033203125,407.0144348144531],[136.5823974609375,407.1454162597656],[137.13470458984375,407.2763977050781],[137.68701171875,407.4073791503906],[138.23971557617188,407.537353515625],[138.79234313964844,407.66705322265625],[139.34495544433594,407.7967224121094],[139.89779663085938,407.9264831542969],[140.45040893554688,408.05615234375],[141.00302124023438,408.18585205078125],[141.55563354492188,408.3155517578125],[142.10824584960938,408.4452209472656],[142.66098022460938,408.5737609863281],[143.21388244628906,408.7022399902344],[143.7667694091797,408.8307189941406],[144.3199005126953,408.95928955078125],[144.872802734375,409.0877685546875],[145.42568969726562,409.21624755859375],[145.97857666015625,409.3447570800781],[146.53155517578125,409.47314453125],[147.08470153808594,409.60052490234375],[147.63784790039062,409.7279052734375],[148.19100952148438,409.85528564453125],[148.744384765625,409.98272705078125],[149.29754638671875,410.110107421875],[149.85069274902344,410.23748779296875],[150.40383911132812,410.3648681640625],[150.95718383789062,410.4920349121094],[151.51055908203125,410.618408203125],[152.06393432617188,410.7447814941406],[152.6175537109375,410.8711853027344],[153.1709442138672,410.99755859375],[153.7243194580078,411.1239318847656],[154.27769470214844,411.25030517578125],[154.83108520507812,411.3766784667969],[155.38455200195312,411.502685546875],[155.9381561279297,411.6281433105469],[156.4917449951172,411.75360107421875],[157.0455780029297,411.87908935546875],[157.5991668701172,412.0045471191406],[158.1527557373047,412.1299743652344],[158.7063446044922,412.25543212890625],[159.2599334716797,412.3808898925781],[159.8135986328125,412.505859375],[160.36737060546875,412.6304626464844],[160.92115783691406,412.7550964355469],[161.4751739501953,412.8797607421875],[162.02894592285156,413.00439453125],[162.58273315429688,413.1289978027344],[163.13650512695312,413.2536315917969],[163.69029235839844,413.37823486328125],[164.24415588378906,413.5023193359375],[164.798095703125,413.626220703125],[165.35227966308594,413.7501525878906],[165.90621948242188,413.8740234375],[166.46017456054688,413.9979248046875],[167.0141143798828,414.1217956542969],[167.56805419921875,414.2456970214844],[168.1219940185547,414.36956787109375],[168.6761016845703,414.492919921875],[169.23019409179688,414.6161804199219],[169.78451538085938,414.7394714355469],[170.33859252929688,414.8627014160156],[170.89268493652344,414.9859619140625],[171.44677734375,415.10919189453125],[172.0008544921875,415.2324523925781],[172.55496215820312,415.3556823730469],[173.10922241210938,415.4781494140625],[173.66348266601562,415.6006164550781],[174.2179718017578,415.72314453125],[174.77223205566406,415.8456115722656],[175.3264923095703,415.96807861328125],[175.88075256347656,416.0905456542969],[176.43499755859375,416.2130126953125],[176.9892578125,416.33551025390625],[177.54351806640625,416.4579772949219],[178.0977783203125,416.5804443359375],[178.6522674560547,416.7029724121094],[179.20652770996094,416.825439453125],[179.7607879638672,416.9479064941406],[180.31504821777344,417.07037353515625],[180.86929321289062,417.1928405761719],[181.42359924316406,417.3150939941406],[181.97801208496094,417.4368591308594],[182.53265380859375,417.55865478515625],[183.0870819091797,417.680419921875],[183.64149475097656,417.80218505859375],[184.19590759277344,417.9239501953125],[184.7503204345703,418.0456848144531],[185.3047332763672,418.1674499511719],[185.85914611816406,418.2892150878906],[186.41355895996094,418.4109802246094],[186.9682159423828,418.53277587890625],[187.5226287841797,418.654541015625],[188.07704162597656,418.77630615234375],[188.63145446777344,418.8980712890625],[189.1858673095703,419.0198059082031],[189.7402801513672,419.1415710449219],[190.29466247558594,419.26312255859375],[190.84913635253906,419.38458251953125],[191.4038543701172,419.5060729980469],[191.95834350585938,419.6275329589844],[192.51283264160156,419.74896240234375],[193.0673065185547,419.87042236328125],[193.62179565429688,419.99188232421875],[194.17626953125,420.1133117675781],[194.7307586669922,420.2347717285156],[195.2852325439453,420.356201171875],[195.8399658203125,420.47772216796875],[196.39443969726562,420.5991516113281],[196.9489288330078,420.7206115722656],[197.50340270996094,420.8420715332031],[198.05789184570312,420.9635009765625],[198.61236572265625,421.0849609375],[199.16685485839844,421.2063903808594],[199.72157287597656,421.3279113769531],[200.27606201171875,421.4493408203125],[200.83053588867188,421.57080078125],[201.38502502441406,421.6922607421875],[201.9394989013672,421.8136901855469],[202.49398803710938,421.9351501464844],[203.0484619140625,422.05657958984375],[203.6029510498047,422.17803955078125],[204.1576690673828,422.2995300292969],[204.712158203125,422.4209899902344],[205.26663208007812,422.5424499511719],[205.8211212158203,422.66387939453125],[206.37559509277344,422.78533935546875],[206.93008422851562,422.9067687988281],[207.48455810546875,423.0282897949219],[208.0389404296875,423.1501770019531],[208.59356689453125,423.2721252441406],[209.14794921875,423.3940124511719],[209.70233154296875,423.5158996582031],[210.2567138671875,423.6377868652344],[210.8111114501953,423.7596740722656],[211.36549377441406,423.8815612792969],[211.9198760986328,424.0034484863281],[212.47450256347656,424.1253967285156],[213.0288848876953,424.2472839355469],[213.58326721191406,424.3691711425781],[214.13766479492188,424.4910583496094],[214.69204711914062,424.6129455566406],[215.24642944335938,424.7348327636719],[215.80081176757812,424.8567199707031],[216.355224609375,424.9787902832031],[216.90972900390625,425.1012878417969],[217.4639892578125,425.2237243652344],[218.01824951171875,425.3461608886719],[218.57252502441406,425.4685974121094],[219.1267852783203,425.5910339355469],[219.68104553222656,425.7134704589844],[220.23532104492188,425.83587646484375],[220.78953552246094,425.9585266113281],[221.34393310546875,426.0815124511719],[221.89808654785156,426.2044372558594],[222.45223999023438,426.3273620605469],[223.0063934326172,426.4503173828125],[223.560546875,426.5732421875],[224.1147003173828,426.6961669921875],[224.66885375976562,426.819091796875],[225.2229766845703,426.94232177734375],[225.77723693847656,427.06585693359375],[226.33126831054688,427.18939208984375],[226.8852996826172,427.3128967285156],[227.4393310546875,427.4364013671875],[227.99334716796875,427.5599060058594],[228.54737854003906,427.68341064453125],[229.10140991210938,427.8069152832031],[229.65542602539062,427.9307861328125],[230.2093048095703,428.05499267578125],[230.76318359375,428.1791687011719],[231.31704711914062,428.3033447265625],[231.8709259033203,428.4275207519531],[232.4248046875,428.55169677734375],[232.9786834716797,428.6758728027344],[233.53256225585938,428.8000793457031],[234.08676147460938,428.9247741699219],[234.64047241210938,429.0497131347656],[235.1941680908203,429.1746520996094],[235.7478790283203,429.2995910644531],[236.3015899658203,429.4245300292969],[236.8553009033203,429.5494689941406],[237.40899658203125,429.6744079589844],[237.96270751953125,429.7993469238281],[238.51641845703125,429.9248046875],[239.06993103027344,430.05059814453125],[239.62344360351562,430.1763916015625],[240.1769561767578,430.30218505859375],[240.73046875,430.4280090332031],[241.2839813232422,430.5538024902344],[241.83749389648438,430.6795959472656],[242.39100646972656,430.8053894042969],[242.94456481933594,430.9320373535156],[243.49777221679688,431.05914306640625],[244.0509796142578,431.186279296875],[244.60400390625,431.3144836425781],[245.15687561035156,431.4430847167969],[245.70974731445312,431.5716857910156],[246.2623748779297,431.7013244628906],[246.81520080566406,431.8311767578125],[247.36778259277344,431.9609680175781],[247.92010498046875,432.0915832519531],[248.4724884033203,432.2221984863281],[249.0249481201172,432.3529052734375],[249.5771942138672,432.484130859375],[250.1294403076172,432.6153564453125],[250.68170166015625,432.74658203125],[251.23419189453125,432.8778381347656],[251.78643798828125,433.0090637207031],[252.3386688232422,433.14013671875],[252.89100646972656,433.2710266113281],[253.44332885742188,433.40191650390625],[253.99566650390625,433.5328063964844],[254.54798889160156,433.6636962890625],[255.10032653808594,433.7945861816406],[255.65316772460938,433.9248046875],[256.20574951171875,434.0545959472656],[256.7583312988281,434.18438720703125],[257.3111267089844,434.31317138671875],[257.8639831542969,434.4418029785156],[258.4168395996094,434.5704040527344],[258.969970703125,434.6974792480469],[259.5231628417969,434.8245849609375],[260.0766296386719,434.9514465332031],[260.6302490234375,435.07666015625],[261.18389892578125,435.2018737792969],[261.7378845214844,435.32647705078125],[262.2920227050781,435.4494934082031],[262.8461608886719,435.572509765625],[263.40032958984375,435.6946105957031],[263.9551086425781,435.8157653808594],[264.5099792480469,435.935546875],[265.06512451171875,436.054443359375],[265.6202087402344,436.17242431640625],[266.1756896972656,436.2892150878906],[266.7314758300781,436.40472412109375],[267.2874450683594,436.5192565917969],[267.8436279296875,436.6327209472656],[268.4004211425781,436.7444763183594],[268.9571228027344,436.8551025390625],[269.5140380859375,436.9646301269531],[270.07135009765625,437.0724182128906],[270.6289978027344,437.1787414550781],[271.18670654296875,437.2838134765625],[271.7447814941406,437.38739013671875],[272.3034362792969,437.4890441894531],[272.8624267578125,437.5893249511719],[273.4212951660156,437.68817138671875],[273.98065185546875,437.7847900390625],[274.5401306152344,437.8797607421875],[275.1000061035156,437.9732666015625],[275.66021728515625,438.0647277832031],[276.22076416015625,438.1540222167969],[276.7818298339844,438.24176025390625],[277.3428649902344,438.3278503417969],[277.9044189453125,438.41107177734375],[278.4662780761719,438.4925842285156],[279.0282287597656,438.57232666015625],[279.590576171875,438.6495361328125],[280.1531066894531,438.7243957519531],[280.7160949707031,438.7974548339844],[281.2795104980469,438.8683776855469],[281.8431091308594,438.9362487792969],[282.4068298339844,439.0025939941406],[282.9708557128906,439.06610107421875],[283.5351867675781,439.1270751953125],[284.0998840332031,439.185791015625],[284.66473388671875,439.2416687011719],[285.2297668457031,439.295166015625],[285.7953796386719,439.34600830078125],[286.36102294921875,439.39410400390625],[286.9266662597656,439.4397277832031],[287.4927062988281,439.4823303222656],[288.0588684082031,439.5223693847656],[288.6254577636719,439.55950927734375],[289.1920471191406,439.59375],[289.7586669921875,439.62530517578125],[290.325927734375,439.6537170410156],[290.892822265625,439.6793212890625],[291.460205078125,439.7018127441406],[292.0273742675781,439.7213439941406],[292.5948486328125,439.7379150390625],[293.1622619628906,439.7510986328125],[293.7298583984375,439.7613220214844],[294.2976379394531,439.7706604003906],[294.8652038574219,439.77996826171875],[295.4325866699219,439.7877502441406],[296.0003662109375,439.794677734375],[296.5679626464844,439.8007507324219],[297.1353759765625,439.8055419921875],[297.703125,439.80950927734375],[298.2707214355469,439.8126525878906],[298.8385925292969,439.8146057128906],[299.40618896484375,439.8155212402344],[299.9737548828125,439.8155822753906],[300.5413818359375,439.8146057128906],[301.1089782714844,439.8123474121094],[301.6767272949219,439.8091735839844],[302.244384765625,439.8051452636719],[302.8119812011719,439.79962158203125],[303.3797302246094,439.7931213378906],[303.9473571777344,439.78570556640625],[304.514892578125,439.7769775390625],[305.08233642578125,439.7669982910156],[305.6500244140625,439.7560119628906],[306.217529296875,439.7440185546875],[306.7850036621094,439.7303771972656],[307.3523864746094,439.71575927734375],[307.91998291015625,439.70013427734375],[308.48736572265625,439.68292236328125],[309.05462646484375,439.6645202636719],[309.62200927734375,439.6450500488281],[310.1892395019531,439.624267578125],[310.7564392089844,439.6018981933594],[311.323486328125,439.5784912109375],[311.89080810546875,439.55389404296875],[312.4578857421875,439.5274963378906],[313.02496337890625,439.4999694824219],[313.5918273925781,439.4713134765625],[314.15863037109375,439.4409484863281],[314.72540283203125,439.4091796875],[315.2920837402344,439.3762512207031],[315.8586730957031,439.3418273925781],[316.4251708984375,439.3056640625],[316.9916076660156,439.268310546875],[317.55792236328125,439.229736328125],[318.12408447265625,439.1889953613281],[318.6901550292969,439.1470642089844],[319.25628662109375,439.1038513183594],[319.8221130371094,439.05877685546875],[320.3876647949219,439.01214599609375],[320.9535217285156,438.9641418457031],[321.51898193359375,438.9145812988281],[322.0843811035156,438.863037109375],[322.6495056152344,438.8101806640625],[323.21441650390625,438.7559814453125],[323.77923583984375,438.699462890625],[324.34405517578125,438.6415100097656],[324.90863037109375,438.5821533203125],[325.47296142578125,438.5208740234375],[326.0371398925781,438.45770263671875],[326.6009826660156,438.39312744140625],[327.16473388671875,438.326904296875],[327.7283935546875,438.2583312988281],[328.29168701171875,438.1883239746094],[328.85479736328125,438.1168518066406],[329.4178466796875,438.0429382324219],[329.98040771484375,437.9673767089844],[330.54278564453125,437.8902893066406],[331.1048583984375,437.8111267089844],[331.6664123535156,437.7298583984375],[332.22796630859375,437.64697265625],[332.7892761230469,437.5624084472656],[333.350341796875,437.4752197265625],[333.9111633300781,437.3863830566406],[334.47149658203125,437.2960205078125],[335.0314636230469,437.203125],[335.5912170410156,437.1081848144531],[336.1504211425781,437.01165771484375],[336.70941162109375,436.9130554199219],[337.26800537109375,436.8118896484375],[337.82623291015625,436.70904541015625],[338.38433837890625,436.60443115234375],[338.9416809082031,436.4969787597656],[339.49884033203125,436.38763427734375],[340.0553283691406,436.2765808105469],[340.6114807128906,436.1630859375],[341.16717529296875,436.047119140625],[341.72247314453125,435.9293518066406],[342.2775573730469,435.8096008300781],[342.83172607421875,435.6868896484375],[343.3856506347656,435.5622863769531],[343.9389343261719,435.43585205078125],[344.49163818359375,435.3066101074219],[345.0440368652344,435.17572021484375],[345.59619140625,435.044189453125],[346.14837646484375,434.91265869140625],[346.7008056640625,434.7810974121094],[347.2529602050781,434.6495666503906],[347.804931640625,434.5173034667969],[348.3568115234375,434.3844299316406],[348.9086608886719,434.2515869140625],[349.46051025390625,434.11871337890625],[350.0123596191406,433.98583984375],[350.5639953613281,433.8525085449219],[351.11578369140625,433.7182922363281],[351.6673278808594,433.5841369628906],[352.2188720703125,433.4499816894531],[352.7704162597656,433.3158264160156],[353.3218994140625,433.181396484375],[353.8731384277344,433.04595947265625],[354.42437744140625,432.9105529785156],[354.9756164550781,432.7751159667969],[355.5270690917969,432.6396484375],[356.0784912109375,432.504150390625],[356.6294250488281,432.36749267578125],[357.18035888671875,432.2308349609375],[357.73126220703125,432.09417724609375],[358.2821960449219,431.95751953125],[358.8331298828125,431.82086181640625],[359.3839111328125,431.6831359863281],[359.9345397949219,431.5452880859375],[360.48516845703125,431.40740966796875],[361.0357971191406,431.2695617675781],[361.58642578125,431.1317138671875],[362.1369323730469,430.9930419921875],[362.687255859375,430.85400390625],[363.23760986328125,430.7149963378906],[363.7881774902344,430.575927734375],[364.3385009765625,430.4368896484375],[364.888671875,430.29730224609375],[365.438720703125,430.1571350097656],[365.98876953125,430.0169982910156],[366.5388488769531,429.8768615722656],[367.0888977050781,429.7367248535156],[367.6390075683594,429.59613037109375],[368.1889953613281,429.454833984375],[368.73876953125,429.3135681152344],[369.2885437011719,429.1723327636719],[369.83831787109375,429.03106689453125],[370.38787841796875,428.8896789550781],[370.9373779296875,428.7473449707031],[371.48687744140625,428.60504150390625],[372.0365905761719,428.462646484375],[372.5860900878906,428.3203430175781],[373.1356201171875,428.1780090332031],[373.6848449707031,428.0346374511719],[374.23406982421875,427.89129638671875],[374.7832946777344,427.7479248046875],[375.33251953125,427.6045837402344],[375.8817443847656,427.4612121582031],[376.430908203125,427.3169860839844],[376.9798889160156,427.172607421875],[377.5288391113281,427.02825927734375],[378.07781982421875,426.8838806152344],[378.62677001953125,426.7395324707031],[379.1756591796875,426.5945129394531],[379.724365234375,426.44915771484375],[380.2730712890625,426.3038330078125],[380.822021484375,426.158447265625],[381.3707275390625,426.01312255859375],[381.91937255859375,425.8673095703125],[382.46783447265625,425.7210388183594],[383.0162658691406,425.57476806640625],[383.5647277832031,425.4284973144531],[384.1131896972656,425.2822265625],[384.6615295410156,425.1357116699219],[385.2099609375,424.98846435546875],[385.7581787109375,424.8412780761719],[386.306396484375,424.6941223144531],[386.8546142578125,424.54693603515625],[387.40283203125,424.3996276855469],[387.9508361816406,424.2515869140625],[388.4988098144531,424.103515625],[389.0470275878906,423.9554138183594],[389.5950012207031,423.8073425292969],[390.1429748535156,423.6593017578125],[390.69073486328125,423.51043701171875],[391.23846435546875,423.3615417480469],[391.7862243652344,423.212646484375],[392.333984375,423.0637512207031],[392.8817138671875,422.91485595703125],[393.4294128417969,422.76531982421875],[393.9769592285156,422.6156005859375],[394.52447509765625,422.46588134765625],[395.0719909667969,422.316162109375],[395.6195373535156,422.1664733886719],[396.1669006347656,422.01629638671875],[396.7142333984375,421.8658142089844],[397.26153564453125,421.71533203125],[397.80908203125,421.5647888183594],[398.3564147949219,421.414306640625],[398.90374755859375,421.26348876953125],[399.4508361816406,421.11224365234375],[399.9979553222656,420.96099853515625],[400.5450439453125,420.80975341796875],[401.0921630859375,420.65850830078125],[401.63916015625,420.50714111328125],[402.1863098144531,420.3551025390625],[402.73321533203125,420.2031555175781],[403.2801208496094,420.05120849609375],[403.8270568847656,419.8992614746094],[404.3740234375,419.74725341796875],[404.9207458496094,419.5946044921875],[405.46746826171875,419.44195556640625],[406.0144348144531,419.28924560546875],[406.5611572265625,419.1365966796875],[407.10784912109375,418.9839782714844],[407.6542663574219,418.83050537109375],[408.2007141113281,418.6769104003906],[408.7471618652344,418.5233154296875],[409.2936096191406,418.36968994140625],[409.8400573730469,418.2160949707031],[410.3867492675781,418.0624084472656],[410.9331970214844,417.9088134765625],[411.4796447753906,417.7552185058594],[412.0260925292969,417.6015930175781],[412.5725402832031,417.447998046875],[413.11895751953125,417.29376220703125],[413.6650695800781,417.13897705078125],[414.211181640625,416.98419189453125],[414.7575378417969,416.829345703125],[415.30364990234375,416.674560546875],[415.8497619628906,416.519775390625],[416.3958740234375,416.364990234375],[416.9419860839844,416.210205078125],[417.48809814453125,416.055419921875],[418.0342102050781,415.900634765625],[418.5805358886719,415.74566650390625],[419.1263427734375,415.58984375],[419.6721496582031,415.4339904785156],[420.2179870605469,415.27813720703125],[420.7637939453125,415.122314453125],[421.3096008300781,414.9664611816406],[421.85540771484375,414.8106384277344],[422.4012451171875,414.65478515625],[422.9472961425781,414.4989013671875],[423.49310302734375,414.3430480957031],[424.0389099121094,414.18719482421875],[424.5843505859375,414.0307312011719],[425.1299133300781,413.87396240234375],[425.6754455566406,413.7171936035156],[426.22100830078125,413.5604248046875],[426.76654052734375,413.4036560058594],[427.31231689453125,413.2467956542969],[427.8578796386719,413.09002685546875],[428.4034118652344,412.9332580566406],[428.948974609375,412.7764892578125],[429.4945373535156,412.6197204589844],[430.0401611328125,412.46258544921875],[430.5854797363281,412.3050231933594],[431.13079833984375,412.1474609375],[431.67633056640625,411.98980712890625],[432.2216491699219,411.8322448730469],[432.7669677734375,411.6746520996094],[433.3122863769531,411.51708984375],[433.85760498046875,411.3594970703125],[434.4029235839844,411.2019348144531],[434.9482421875,411.04437255859375],[435.4937438964844,410.88671875],[436.0388488769531,410.7284851074219],[436.583984375,410.5702209472656],[437.12908935546875,410.4119873046875],[437.6742248535156,410.25372314453125],[438.2193298339844,410.095458984375],[438.76446533203125,409.9372253417969],[439.3095703125,409.7789611816406],[439.8549499511719,409.6206359863281],[440.4000549316406,409.46240234375],[440.9451904296875,409.30413818359375],[441.4902648925781,409.1455383300781],[442.03521728515625,408.9867248535156],[442.5801696777344,408.8279113769531],[443.1251525878906,408.6690979003906],[443.67010498046875,408.5102844238281],[444.2153015136719,408.3514099121094],[444.76025390625,408.1925964355469],[445.3052062988281,408.0337829589844],[445.85015869140625,407.875],[446.3951110839844,407.7161865234375],[446.94000244140625,407.5572509765625],[447.4847717285156,407.3978271484375],[448.0295715332031,407.2384338378906],[448.5745849609375,407.0789794921875],[449.119384765625,406.9195861816406],[449.6641540527344,406.76019287109375],[450.2089538574219,406.6007995605469],[450.7537536621094,406.44140625],[451.29852294921875,406.2820129394531],[451.84332275390625,406.12261962890625],[452.3883361816406,405.9631652832031],[452.9331359863281,405.80377197265625],[453.4779052734375,405.6443786621094],[454.022705078125,405.4849853515625],[454.5675048828125,405.3255920410156],[455.1122741699219,405.16619873046875],[455.6570739746094,405.00677490234375],[456.20184326171875,404.8473815917969],[456.74688720703125,404.68792724609375],[457.2916564941406,404.5285339355469],[457.8364562988281,404.369140625],[458.3812561035156,404.2095947265625],[458.92596435546875,404.0498962402344],[459.4706726074219,403.89019775390625],[460.015380859375,403.7304992675781],[460.56005859375,403.5708312988281],[461.1050109863281,403.41107177734375],[461.64971923828125,403.2513732910156],[462.19439697265625,403.0916748046875],[462.7391052246094,402.9319763183594],[463.2838134765625,402.7723083496094],[463.8284912109375,402.61260986328125],[464.3731994628906,402.4529113769531],[464.91815185546875,402.29315185546875],[465.46282958984375,402.1334533691406],[466.0075378417969,401.9737854003906],[466.55224609375,401.8140869140625],[467.0969543457031,401.6543884277344],[467.64166259765625,401.49468994140625],[468.18634033203125,401.33502197265625],[468.7310485839844,401.1753234863281],[469.2760009765625,401.01556396484375],[469.8206787109375,400.8558654785156],[470.3653869628906,400.6961669921875],[470.91009521484375,400.5364990234375],[471.4548034667969,400.3768005371094],[471.9994812011719,400.21710205078125],[472.544189453125,400.0574035644531],[473.0888977050781,399.8977355957031],[473.6338195800781,399.73797607421875],[474.17852783203125,399.5782775878906],[474.7232360839844,399.4185791015625],[475.2679443359375,399.2588806152344],[475.8126220703125,399.0992126464844],[476.3573303222656,398.93951416015625],[476.90203857421875,398.7798156738281],[477.4467468261719,398.6201171875],[477.9916687011719,398.4603576660156],[478.536376953125,398.3006896972656],[479.0810852050781,398.1409912109375],[479.6257629394531,397.9812927246094],[480.17047119140625,397.82159423828125],[480.7151794433594,397.66192626953125],[481.2598876953125,397.5029602050781],[481.8050231933594,397.3439025878906],[482.34991455078125,397.1849060058594],[482.89483642578125,397.0259094238281],[483.4397277832031,396.8669128417969],[483.9846496582031,396.7079162597656],[484.529541015625,396.5489196777344],[485.074462890625,396.3899230957031],[485.6193542480469,396.2309265136719],[486.16448974609375,396.0718688964844],[486.70941162109375,395.9128723144531],[487.2543029785156,395.7538757324219],[487.7991943359375,395.5948791503906],[488.3441162109375,395.4358825683594],[488.8890075683594,395.2768859863281],[489.4339294433594,395.1178894042969],[489.97882080078125,394.9588928222656],[490.5239562988281,394.7998352050781],[491.0688781738281,394.6408386230469],[491.61376953125,394.4818420410156],[492.1589050292969,394.3229675292969],[492.70404052734375,394.1647644042969],[493.2491760253906,394.0065612792969],[493.7943115234375,393.84832763671875],[494.3394470214844,393.69012451171875],[494.8847961425781,393.5318298339844],[495.429931640625,393.3736267089844],[495.9750671386719,393.2154235839844],[496.52020263671875,393.05718994140625],[497.0653381347656,392.89898681640625],[497.6104736328125,392.74078369140625],[498.15570068359375,392.5831604003906],[498.7012634277344,392.4255676269531],[499.24658203125,392.2680358886719],[499.79193115234375,392.1105041503906],[500.3372497558594,391.9530029296875],[500.882568359375,391.79547119140625],[501.42791748046875,391.637939453125],[501.9732360839844,391.48040771484375],[502.5185852050781,391.3228759765625],[503.06414794921875,391.165283203125],[503.60955810546875,391.0081787109375],[504.1551208496094,390.8514404296875],[504.70068359375,390.6947326660156],[505.2462463378906,390.53802490234375],[505.79180908203125,390.3813171386719],[506.3373718261719,390.2245788574219],[506.8829345703125,390.06787109375],[507.4287414550781,389.9111022949219],[507.97430419921875,389.75439453125],[508.5198669433594,389.59765625],[509.0653991699219,389.4410705566406],[509.6112365722656,389.2852783203125],[510.1570739746094,389.1295166015625],[510.7029113769531,388.9737548828125],[511.24896240234375,388.8179016113281],[511.7947998046875,388.6621398925781],[512.3406372070312,388.50634765625],[512.886474609375,388.3505859375],[513.4323120117188,388.19482421875],[513.9781494140625,388.0390319824219],[514.5239868164062,387.8832702636719],[515.0701904296875,387.72821044921875],[515.6165771484375,387.5734558105469],[516.1627197265625,387.4187316894531],[516.7088623046875,387.2640075683594],[517.2550048828125,387.10931396484375],[517.8011474609375,386.95458984375],[518.3472900390625,386.7998962402344],[518.8933715820312,386.6451721191406],[519.4395141601562,386.490478515625],[519.9859008789062,386.335693359375],[520.5321044921875,386.1814270019531],[521.07861328125,386.02789306640625],[521.6250610351562,385.8743896484375],[522.1715087890625,385.7208557128906],[522.718017578125,385.56732177734375],[523.2644653320312,385.413818359375],[523.8109741210938,385.2602844238281],[524.357666015625,385.106689453125],[524.9041137695312,384.9531555175781],[525.4506225585938,384.7996520996094]], bounds=3000, full_zoom=0.22, max_episode_steps=2000 ) Mexico = RaceTrack( name='Mexico', xy=[[485.53179931640625,439.3223876953125],[485.1310119628906,439.31634521484375],[484.730224609375,439.3103332519531],[484.3294372558594,439.3042907714844],[483.92864990234375,439.2982482910156],[483.52789306640625,439.2922058105469],[483.1270751953125,439.28619384765625],[482.726318359375,439.2801513671875],[482.3255310058594,439.27410888671875],[481.92474365234375,439.2680969238281],[481.5239562988281,439.2620544433594],[481.1231689453125,439.2560119628906],[480.7223815917969,439.2499694824219],[480.32159423828125,439.24395751953125],[479.9208068847656,439.2379150390625],[479.52001953125,439.23187255859375],[479.1192321777344,439.225830078125],[478.71844482421875,439.2198181152344],[478.31768798828125,439.2137756347656],[477.9168701171875,439.2077331542969],[477.51611328125,439.20172119140625],[477.11529541015625,439.1956787109375],[476.71453857421875,439.18963623046875],[476.3137512207031,439.18359375],[475.9129638671875,439.1775817871094],[475.5121765136719,439.1715393066406],[475.11138916015625,439.1654968261719],[474.7106018066406,439.15948486328125],[474.309814453125,439.1534423828125],[473.9090270996094,439.14739990234375],[473.50823974609375,439.141357421875],[473.10748291015625,439.1353454589844],[472.7066650390625,439.1293029785156],[472.305908203125,439.1232604980469],[471.90509033203125,439.11724853515625],[471.50433349609375,439.1112060546875],[471.1035461425781,439.10516357421875],[470.7027587890625,439.09912109375],[470.3019714355469,439.0931091308594],[469.90118408203125,439.0870666503906],[469.5003967285156,439.0810241699219],[469.099609375,439.0749816894531],[468.6988220214844,439.0689697265625],[468.29803466796875,439.06292724609375],[467.8972473144531,439.056884765625],[467.4964599609375,439.0508728027344],[467.0956726074219,439.0448303222656],[466.69488525390625,439.0387878417969],[466.29412841796875,439.0327453613281],[465.8933410644531,439.0267333984375],[465.4925537109375,439.02069091796875],[465.0917663574219,439.0146484375],[464.69097900390625,439.0086364746094],[464.2901916503906,439.0025939941406],[463.889404296875,438.9965515136719],[463.4886169433594,438.9905090332031],[463.08782958984375,438.9844970703125],[462.6870422363281,438.97845458984375],[462.2862548828125,438.972412109375],[461.885498046875,438.9664001464844],[461.48468017578125,438.9603576660156],[461.08392333984375,438.9543151855469],[460.68310546875,438.9482727050781],[460.2823486328125,438.9422607421875],[459.8815612792969,438.93621826171875],[459.48077392578125,438.93017578125],[459.0799865722656,438.92413330078125],[458.67919921875,438.9181213378906],[458.2784118652344,438.9120788574219],[457.87762451171875,438.9060363769531],[457.4768371582031,438.9000244140625],[457.0760498046875,438.89398193359375],[456.67529296875,438.887939453125],[456.27447509765625,438.88189697265625],[455.87371826171875,438.8758850097656],[455.472900390625,438.8698425292969],[455.0721435546875,438.8638000488281],[454.6713562011719,438.8577880859375],[454.27056884765625,438.85174560546875],[453.8697814941406,438.845703125],[453.468994140625,438.83966064453125],[453.0682067871094,438.8336486816406],[452.66741943359375,438.8276062011719],[452.2666320800781,438.8215637207031],[451.8658447265625,438.8155517578125],[451.4650573730469,438.80950927734375],[451.06427001953125,438.803466796875],[450.6634826660156,438.79742431640625],[450.2626953125,438.7914123535156],[449.8619384765625,438.7853698730469],[449.4611511230469,438.7793273925781],[449.06036376953125,438.7732849121094],[448.6595764160156,438.76727294921875],[448.2587890625,438.76123046875],[447.8580017089844,438.75518798828125],[447.45721435546875,438.7491760253906],[447.0564270019531,438.7431335449219],[446.6556396484375,438.7370910644531],[446.2548522949219,438.7310485839844],[445.85406494140625,438.72503662109375],[445.45330810546875,438.718994140625],[445.0525207519531,438.71295166015625],[444.6517333984375,438.7069396972656],[444.2509460449219,438.7008972167969],[443.85015869140625,438.6948547363281],[443.4493408203125,438.6888122558594],[443.048583984375,438.68280029296875],[442.6477966308594,438.6767578125],[442.24700927734375,438.67071533203125],[441.8462219238281,438.6647033691406],[441.4454345703125,438.6586608886719],[441.0446472167969,438.6526184082031],[440.64385986328125,438.6465759277344],[440.2430725097656,438.64056396484375],[439.84228515625,438.634521484375],[439.4415283203125,438.62847900390625],[439.0407409667969,438.6224365234375],[438.63995361328125,438.6164245605469],[438.2391662597656,438.6103820800781],[437.83837890625,438.6043395996094],[437.4375915527344,438.59832763671875],[437.03680419921875,438.59228515625],[436.6360168457031,438.58624267578125],[436.2352294921875,438.5802001953125],[435.8344421386719,438.5741882324219],[435.43365478515625,438.5681457519531],[435.0328674316406,438.5621032714844],[434.632080078125,438.55609130859375],[434.2313232421875,438.550048828125],[433.8305358886719,438.54400634765625],[433.42974853515625,438.5379638671875],[433.0289611816406,438.5319519042969],[432.628173828125,438.5259094238281],[432.2273864746094,438.5198669433594],[431.82659912109375,438.51385498046875],[431.4258117675781,438.5078125],[431.0250244140625,438.50177001953125],[430.6242370605469,438.4957275390625],[430.22344970703125,438.4897155761719],[429.8226623535156,438.4836730957031],[429.421875,438.4776306152344],[429.0210876464844,438.47161865234375],[428.62030029296875,438.465576171875],[428.21954345703125,438.45953369140625],[427.8187561035156,438.4534912109375],[427.41796875,438.4474792480469],[427.0171813964844,438.4414367675781],[426.61639404296875,438.4353942871094],[426.2156066894531,438.4293518066406],[425.8148193359375,438.42333984375],[425.4140319824219,438.41729736328125],[425.01324462890625,438.4112548828125],[424.6124572753906,438.4052429199219],[424.211669921875,438.3992004394531],[423.8108825683594,438.3931579589844],[423.41009521484375,438.3871154785156],[423.00933837890625,438.381103515625],[422.6085510253906,438.37506103515625],[422.207763671875,438.3690185546875],[421.8069763183594,438.3630065917969],[421.40618896484375,438.3569641113281],[421.0054016113281,438.3509216308594],[420.6046142578125,438.3448791503906],[420.2038269042969,438.3388671875],[419.80303955078125,438.33282470703125],[419.4022521972656,438.3267822265625],[419.00146484375,438.3207702636719],[418.6006774902344,438.3147277832031],[418.19989013671875,438.3086853027344],[417.7991027832031,438.3026428222656],[417.3983459472656,438.296630859375],[416.99755859375,438.29058837890625],[416.5967712402344,438.2845458984375],[416.19598388671875,438.27850341796875],[415.7951965332031,438.2724914550781],[415.3944091796875,438.2664489746094],[414.9936218261719,438.2604064941406],[414.59283447265625,438.25439453125],[414.1920471191406,438.24835205078125],[413.791259765625,438.2423095703125],[413.3904724121094,438.23626708984375],[412.98968505859375,438.2302551269531],[412.58892822265625,438.2242126464844],[412.1881103515625,438.2181701660156],[411.7873229980469,438.212158203125],[411.3865661621094,438.20611572265625],[410.98577880859375,438.2000732421875],[410.5849914550781,438.19403076171875],[410.1842041015625,438.1880187988281],[409.7834167480469,438.1819763183594],[409.38262939453125,438.1759338378906],[408.9818420410156,438.169921875],[408.5810546875,438.16387939453125],[408.1802673339844,438.1578369140625],[407.77947998046875,438.15179443359375],[407.3786926269531,438.1457824707031],[406.9779052734375,438.1397399902344],[406.5771484375,438.1336975097656],[406.17633056640625,438.1276550292969],[405.77557373046875,438.12164306640625],[405.3747863769531,438.1156005859375],[404.9739990234375,438.10955810546875],[404.5732116699219,438.1035461425781],[404.17242431640625,438.0975036621094],[403.7716369628906,438.0914611816406],[403.370849609375,438.0854187011719],[402.9700622558594,438.07940673828125],[402.56927490234375,438.0733642578125],[402.1684875488281,438.06732177734375],[401.7677001953125,438.0613098144531],[401.3669128417969,438.0552673339844],[400.9661560058594,438.0492248535156],[400.56536865234375,438.0431823730469],[400.1645812988281,438.03717041015625],[399.7637939453125,438.0311279296875],[399.3630065917969,438.02508544921875],[398.96221923828125,438.0190734863281],[398.5614318847656,438.0130310058594],[398.16064453125,438.0069885253906],[397.7598571777344,438.0009460449219],[397.35906982421875,437.99493408203125],[396.9582824707031,437.9888916015625],[396.5574951171875,437.98284912109375],[396.15673828125,437.976806640625],[395.75592041015625,437.9707946777344],[395.3551330566406,437.9647521972656],[394.9543762207031,437.9587097167969],[394.5535888671875,437.95269775390625],[394.1528015136719,437.9466552734375],[393.75201416015625,437.94061279296875],[393.3512268066406,437.9345703125],[392.950439453125,437.9285583496094],[392.5496520996094,437.9225158691406],[392.14886474609375,437.9164733886719],[391.7480773925781,437.91046142578125],[391.3472900390625,437.9044189453125],[390.9465026855469,437.89837646484375],[390.54571533203125,437.892333984375],[390.14495849609375,437.8863220214844],[389.7441711425781,437.8802795410156],[389.3433837890625,437.8742370605469],[388.9425964355469,437.86822509765625],[388.54180908203125,437.8621826171875],[388.1410217285156,437.85614013671875],[387.740234375,437.85009765625],[387.3394470214844,437.8440856933594],[386.93865966796875,437.8380432128906],[386.5378723144531,437.8320007324219],[386.1370849609375,437.8259582519531],[385.7362976074219,437.8199462890625],[385.33551025390625,437.81390380859375],[384.9347229003906,437.807861328125],[384.533935546875,437.8018493652344],[384.1331787109375,437.7958068847656],[383.7323913574219,437.7897644042969],[383.33160400390625,437.7837219238281],[382.9308166503906,437.7777099609375],[382.530029296875,437.77166748046875],[382.1292419433594,437.765625],[381.72845458984375,437.7596130371094],[381.3276672363281,437.7535705566406],[380.9268798828125,437.7475280761719],[380.5260925292969,437.7414855957031],[380.12530517578125,437.7354736328125],[379.7245178222656,437.72943115234375],[379.32373046875,437.723388671875],[378.9229431152344,437.7173767089844],[378.5221862792969,437.7113037109375],[378.12139892578125,437.70513916015625],[377.7206115722656,437.6989440917969],[377.31982421875,437.6927490234375],[376.9190368652344,437.68658447265625],[376.51824951171875,437.6803894042969],[376.11749267578125,437.6742248535156],[375.7167053222656,437.66802978515625],[375.31591796875,437.6618347167969],[374.9151306152344,437.6556701660156],[374.51434326171875,437.64947509765625],[374.1135559082031,437.643310546875],[373.7127685546875,437.6371154785156],[373.3119812011719,437.63092041015625],[372.91119384765625,437.624755859375],[372.51043701171875,437.6185607910156],[372.1096496582031,437.6123962402344],[371.7088623046875,437.606201171875],[371.3080749511719,437.6000061035156],[370.90728759765625,437.5938415527344],[370.5065002441406,437.587646484375],[370.1057434082031,437.58148193359375],[369.7049560546875,437.5752868652344],[369.3041687011719,437.569091796875],[368.90338134765625,437.56292724609375],[368.5025939941406,437.5567321777344],[368.101806640625,437.5505676269531],[367.7010498046875,437.54437255859375],[367.3002624511719,437.5381774902344],[366.89947509765625,437.5320129394531],[366.4986877441406,437.52581787109375],[366.097900390625,437.5196533203125],[365.6971130371094,437.5134582519531],[365.29632568359375,437.50726318359375],[364.8955383300781,437.5010986328125],[364.4947814941406,437.4949035644531],[364.093994140625,437.4887390136719],[363.6932067871094,437.4825439453125],[363.29241943359375,437.4763488769531],[362.8916320800781,437.4701843261719],[362.4908447265625,437.4639892578125],[362.0900573730469,437.45782470703125],[361.6893005371094,437.4516296386719],[361.28851318359375,437.4454345703125],[360.8877258300781,437.43927001953125],[360.4869384765625,437.4330749511719],[360.0861511230469,437.4269104003906],[359.6853942871094,437.42071533203125],[359.28460693359375,437.4145202636719],[358.8838195800781,437.4083557128906],[358.4830322265625,437.40216064453125],[358.0822448730469,437.39599609375],[357.68145751953125,437.3898010253906],[357.2806701660156,437.38360595703125],[356.8798828125,437.37744140625],[356.4791259765625,437.3712463378906],[356.0783386230469,437.3650817871094],[355.67755126953125,437.35888671875],[355.2767639160156,437.3526916503906],[354.8759765625,437.3465270996094],[354.4751892089844,437.34033203125],[354.0744323730469,437.33416748046875],[353.67364501953125,437.3279724121094],[353.2728576660156,437.32177734375],[352.8720703125,437.31561279296875],[352.4712829589844,437.3094177246094],[352.07049560546875,437.30322265625],[351.6697082519531,437.2969665527344],[351.2689514160156,437.2906188964844],[350.8681640625,437.2843017578125],[350.4673767089844,437.2779846191406],[350.06658935546875,437.27166748046875],[349.6658020019531,437.26531982421875],[349.2650451660156,437.2590026855469],[348.8642578125,437.252685546875],[348.4634704589844,437.246337890625],[348.06268310546875,437.2400207519531],[347.6618957519531,437.23370361328125],[347.2611389160156,437.22735595703125],[346.8603515625,437.2210388183594],[346.4595642089844,437.2147216796875],[346.05877685546875,437.2083740234375],[345.65802001953125,437.2020568847656],[345.2572326660156,437.19573974609375],[344.8564453125,437.1894226074219],[344.4556579589844,437.1830749511719],[344.0549011230469,437.1767578125],[343.65411376953125,437.1704406738281],[343.2533264160156,437.1640930175781],[342.8525390625,437.15777587890625],[342.4517822265625,437.1514587402344],[342.0509948730469,437.1451110839844],[341.65020751953125,437.1387939453125],[341.2494201660156,437.1324768066406],[340.8486328125,437.1261291503906],[340.4478454589844,437.11981201171875],[340.0470886230469,437.1134948730469],[339.64630126953125,437.107177734375],[339.2455139160156,437.100830078125],[338.8447265625,437.0945129394531],[338.4439392089844,437.08819580078125],[338.0431823730469,437.08184814453125],[337.64239501953125,437.0755310058594],[337.2416076660156,437.0692138671875],[336.8408203125,437.0628662109375],[336.4400634765625,437.0565490722656],[336.0392761230469,437.05023193359375],[335.63848876953125,437.04388427734375],[335.23773193359375,437.0375671386719],[334.8369445800781,437.03125],[334.4361572265625,437.0249328613281],[334.0353698730469,437.0185852050781],[333.63458251953125,437.01226806640625],[333.2337951660156,437.0059509277344],[332.8330383300781,436.9996032714844],[332.4322509765625,436.9932861328125],[332.0314636230469,436.9869689941406],[331.63067626953125,436.9806213378906],[331.2298889160156,436.97430419921875],[330.8291320800781,436.9679870605469],[330.4283447265625,436.9616394042969],[330.0275573730469,436.955322265625],[329.62677001953125,436.9490051269531],[329.22601318359375,436.94268798828125],[328.8252258300781,436.93634033203125],[328.4244384765625,436.9300231933594],[328.0236511230469,436.9237060546875],[327.6228942871094,436.9173583984375],[327.22210693359375,436.9110412597656],[326.8213195800781,436.90472412109375],[326.4205322265625,436.89837646484375],[326.019775390625,436.8920593261719],[325.6189880371094,436.8857421875],[325.21820068359375,436.8793640136719],[324.8174133300781,436.87286376953125],[324.4166259765625,436.8663330078125],[324.015869140625,436.8598327636719],[323.6150817871094,436.85333251953125],[323.2143249511719,436.8468017578125],[322.81353759765625,436.8403015136719],[322.4127502441406,436.83380126953125],[322.011962890625,436.8272705078125],[321.6112060546875,436.8207702636719],[321.2104187011719,436.8142395019531],[320.8096618652344,436.8077392578125],[320.40887451171875,436.8012390136719],[320.0080871582031,436.7947082519531],[319.6072998046875,436.7882080078125],[319.20654296875,436.7817077636719],[318.8057556152344,436.7751770019531],[318.40496826171875,436.7686767578125],[318.00421142578125,436.7621765136719],[317.6034240722656,436.7556457519531],[317.20263671875,436.7491455078125],[316.8018493652344,436.7426452636719],[316.4010925292969,436.7361145019531],[316.00030517578125,436.7296142578125],[315.59954833984375,436.7231140136719],[315.1987609863281,436.7165832519531],[314.7979736328125,436.7100830078125],[314.3971862792969,436.7035827636719],[313.9964294433594,436.6970520019531],[313.59564208984375,436.6905517578125],[313.1948547363281,436.6840515136719],[312.7940979003906,436.6775207519531],[312.393310546875,436.6710205078125],[311.9925231933594,436.66448974609375],[311.5917663574219,436.6579895019531],[311.19097900390625,436.6514892578125],[310.7901916503906,436.64495849609375],[310.3894348144531,436.6384582519531],[309.9886474609375,436.6319580078125],[309.5878601074219,436.62542724609375],[309.1871032714844,436.6189270019531],[308.78631591796875,436.6124267578125],[308.3855285644531,436.60589599609375],[307.9847412109375,436.5993957519531],[307.583984375,436.5928955078125],[307.1831970214844,436.58636474609375],[306.7824401855469,436.5798645019531],[306.38165283203125,436.5733642578125],[305.9808654785156,436.56683349609375],[305.580078125,436.5603332519531],[305.1793212890625,436.5538330078125],[304.7785339355469,436.54730224609375],[304.3777770996094,436.5408020019531],[303.97698974609375,436.5343017578125],[303.5762023925781,436.52777099609375],[303.1754150390625,436.5212707519531],[302.774658203125,436.5147399902344],[302.3738708496094,436.50823974609375],[301.97308349609375,436.5017395019531],[301.57232666015625,436.4952087402344],[301.1715393066406,436.48870849609375],[300.770751953125,436.4822082519531],[300.3699645996094,436.4756774902344],[299.9692077636719,436.46917724609375],[299.56842041015625,436.4626770019531],[299.16766357421875,436.4561462402344],[298.7668762207031,436.44964599609375],[298.3660888671875,436.44293212890625],[297.9653015136719,436.4361877441406],[297.5645446777344,436.429443359375],[297.1637878417969,436.4227294921875],[296.76300048828125,436.4159851074219],[296.3622131347656,436.40924072265625],[295.9614562988281,436.4024963378906],[295.5606689453125,436.3957824707031],[295.159912109375,436.3890380859375],[294.7591247558594,436.3822937011719],[294.3583679199219,436.37554931640625],[293.95758056640625,436.36883544921875],[293.5567932128906,436.3620910644531],[293.1560363769531,436.3553466796875],[292.7552795410156,436.3486022949219],[292.3544921875,436.34185791015625],[291.9537048339844,436.33514404296875],[291.5529479980469,436.3283996582031],[291.15216064453125,436.3216552734375],[290.7513732910156,436.3149108886719],[290.3506164550781,436.3081970214844],[289.9498596191406,436.30145263671875],[289.549072265625,436.2947082519531],[289.1482849121094,436.2879638671875],[288.7475280761719,436.28125],[288.34674072265625,436.2745056152344],[287.94598388671875,436.26776123046875],[287.5451965332031,436.2610168457031],[287.1444396972656,436.2543029785156],[286.74365234375,436.24755859375],[286.3428649902344,436.2408142089844],[285.9421081542969,436.23406982421875],[285.54132080078125,436.22735595703125],[285.14056396484375,436.2206115722656],[284.7397766113281,436.2138671875],[284.3390197753906,436.2071228027344],[283.938232421875,436.20037841796875],[283.5374450683594,436.19366455078125],[283.1366882324219,436.1869201660156],[282.73590087890625,436.18017578125],[282.33514404296875,436.1734313964844],[281.9343566894531,436.1667175292969],[281.5335998535156,436.15997314453125],[281.1328125,436.1532287597656],[280.7320556640625,436.146484375],[280.3312683105469,436.1397705078125],[279.93048095703125,436.1330261230469],[279.52972412109375,436.12628173828125],[279.1289367675781,436.1195373535156],[278.7281799316406,436.1128234863281],[278.327392578125,436.1060791015625],[277.9266357421875,436.0993347167969],[277.5258483886719,436.09259033203125],[277.12506103515625,436.08587646484375],[276.72430419921875,436.0791320800781],[276.32354736328125,436.0723876953125],[275.9227600097656,436.0656433105469],[275.52197265625,436.05889892578125],[275.1212158203125,436.05218505859375],[274.7204284667969,436.0454406738281],[274.31964111328125,436.0386962890625],[273.91888427734375,436.0319519042969],[273.51812744140625,436.0252380371094],[273.1173400878906,436.01849365234375],[272.716552734375,436.0117492675781],[272.3157958984375,436.0050048828125],[271.9150085449219,435.9981384277344],[271.5142517089844,435.9911193847656],[271.1134948730469,435.984130859375],[270.71270751953125,435.97711181640625],[270.31195068359375,435.9700927734375],[269.9111633300781,435.9631042480469],[269.5104064941406,435.9560852050781],[269.1096496582031,435.9490966796875],[268.7088623046875,435.94207763671875],[268.30810546875,435.9350891113281],[267.9073181152344,435.9280700683594],[267.5065612792969,435.92108154296875],[267.10577392578125,435.9140625],[266.70501708984375,435.90704345703125],[266.30426025390625,435.9000549316406],[265.9034729003906,435.8930358886719],[265.5027160644531,435.88604736328125],[265.1019287109375,435.8790283203125],[264.701171875,435.8720397949219],[264.3004150390625,435.8650207519531],[263.8996276855469,435.8580322265625],[263.4988708496094,435.85101318359375],[263.09808349609375,435.8440246582031],[262.69732666015625,435.8370056152344],[262.2965393066406,435.8299865722656],[261.8957824707031,435.822998046875],[261.4950256347656,435.81597900390625],[261.09423828125,435.8089904785156],[260.6934814453125,435.8019714355469],[260.2926940917969,435.79498291015625],[259.8919372558594,435.7879638671875],[259.4911804199219,435.7809753417969],[259.09039306640625,435.7739562988281],[258.68963623046875,435.7669372558594],[258.2888488769531,435.75994873046875],[257.8880920410156,435.7529296875],[257.4873352050781,435.7459411621094],[257.0865478515625,435.7389221191406],[256.685791015625,435.73193359375],[256.2850036621094,435.72491455078125],[255.88424682617188,435.7179260253906],[255.4834747314453,435.7109069824219],[255.0827178955078,435.70391845703125],[254.68194580078125,435.6968994140625],[254.2811737060547,435.68988037109375],[253.88040161132812,435.6828918457031],[253.47962951660156,435.6758728027344],[253.078857421875,435.66888427734375],[252.6781005859375,435.661865234375],[252.27732849121094,435.6548767089844],[251.87655639648438,435.6478576660156],[251.4757843017578,435.640869140625],[251.07501220703125,435.63385009765625],[250.6742401123047,435.6268310546875],[250.2734832763672,435.6198425292969],[249.87271118164062,435.6128234863281],[249.47193908691406,435.6058349609375],[249.0711669921875,435.59881591796875],[248.67039489746094,435.5918273925781],[248.26962280273438,435.5848083496094],[247.86886596679688,435.57781982421875],[247.4680938720703,435.57080078125],[247.06732177734375,435.5638122558594],[246.6665496826172,435.5567932128906],[246.26577758789062,435.5497741699219],[245.86500549316406,435.54278564453125],[245.46426391601562,435.53570556640625],[245.06349182128906,435.52838134765625],[244.6627197265625,435.5210876464844],[244.261962890625,435.5137634277344],[243.86119079589844,435.5064392089844],[243.46043395996094,435.4991149902344],[243.05967712402344,435.4918212890625],[242.65890502929688,435.4844970703125],[242.25814819335938,435.4771728515625],[241.8573760986328,435.4698791503906],[241.45660400390625,435.4625549316406],[241.05584716796875,435.4552307128906],[240.65509033203125,435.44793701171875],[240.25433349609375,435.44061279296875],[239.8535614013672,435.43328857421875],[239.45278930664062,435.4259948730469],[239.05203247070312,435.4186706542969],[238.65126037597656,435.4113464355469],[238.25051879882812,435.404052734375],[237.84974670410156,435.396728515625],[237.448974609375,435.389404296875],[237.0482177734375,435.3821105957031],[236.64744567871094,435.3747863769531],[236.24667358398438,435.3674621582031],[235.84593200683594,435.3601379394531],[235.44515991210938,435.35284423828125],[235.04440307617188,435.34552001953125],[234.6436309814453,435.33819580078125],[234.24285888671875,435.3309020996094],[233.8421173095703,435.3235778808594],[233.44134521484375,435.3162536621094],[233.0405731201172,435.3089599609375],[232.6398162841797,435.3016357421875],[232.23904418945312,435.2943115234375],[231.83828735351562,435.2870178222656],[231.43753051757812,435.2796936035156],[231.03675842285156,435.2723693847656],[230.63600158691406,435.26507568359375],[230.2352294921875,435.25775146484375],[229.83445739746094,435.25042724609375],[229.4337158203125,435.24310302734375],[229.03292846679688,435.2358093261719],[228.63217163085938,435.2284851074219],[228.2313995361328,435.2211608886719],[227.8306427001953,435.2138671875],[227.42990112304688,435.20654296875],[227.02911376953125,435.19921875],[226.62835693359375,435.1919250488281],[226.2275848388672,435.1846008300781],[225.8268280029297,435.1772766113281],[225.42608642578125,435.16998291015625],[225.02529907226562,435.16265869140625],[224.62454223632812,435.15533447265625],[224.22377014160156,435.1480407714844],[223.82301330566406,435.1407165527344],[223.42222595214844,435.1333923339844],[223.021484375,435.1260986328125],[222.6207275390625,435.1187744140625],[222.21994018554688,435.1114501953125],[221.81919860839844,435.1041259765625],[221.4184112548828,435.0968322753906],[221.01766967773438,435.0895080566406],[220.61691284179688,435.0821838378906],[220.21612548828125,435.07489013671875],[219.8153839111328,435.06756591796875],[219.4145965576172,435.06024169921875],[219.0138397216797,435.0529479980469],[218.61306762695312,435.0453186035156],[218.2123260498047,435.03765869140625],[217.81158447265625,435.02996826171875],[217.4108123779297,435.0223083496094],[217.01007080078125,435.0146484375],[216.60928344726562,435.0069885253906],[216.2085418701172,434.99932861328125],[215.80780029296875,434.9916687011719],[215.4070281982422,434.9839782714844],[215.00628662109375,434.976318359375],[214.60549926757812,434.9686584472656],[214.2047576904297,434.96099853515625],[213.80398559570312,434.9533386230469],[213.4032440185547,434.9456787109375],[213.00250244140625,434.93798828125],[212.60171508789062,434.9303283691406],[212.2009735107422,434.92266845703125],[211.80020141601562,434.9150085449219],[211.3994598388672,434.9073486328125],[210.99871826171875,434.8996887207031],[210.59793090820312,434.89202880859375],[210.1971893310547,434.88433837890625],[209.79641723632812,434.8766784667969],[209.3956756591797,434.8690185546875],[208.99493408203125,434.8613586425781],[208.59414672851562,434.85369873046875],[208.1934051513672,434.8460388183594],[207.79263305664062,434.8383483886719],[207.3918914794922,434.8306884765625],[206.99111938476562,434.8230285644531],[206.59036254882812,434.81536865234375],[206.1896209716797,434.8077087402344],[205.78884887695312,434.800048828125],[205.3881072998047,434.7923583984375],[204.98733520507812,434.7846984863281],[204.58657836914062,434.77703857421875],[204.1858367919922,434.7693786621094],[203.78506469726562,434.76171875],[203.3843231201172,434.7540588378906],[202.98355102539062,434.7463684082031],[202.58279418945312,434.73870849609375],[202.18202209472656,434.7310485839844],[201.78128051757812,434.723388671875],[201.3805389404297,434.7157287597656],[200.97976684570312,434.70806884765625],[200.57901000976562,434.7004089355469],[200.17823791503906,434.6927185058594],[199.77749633789062,434.68505859375],[199.3767547607422,434.6773986816406],[198.97598266601562,434.66973876953125],[198.5752410888672,434.6620788574219],[198.17445373535156,434.6544189453125],[197.77371215820312,434.646728515625],[197.37294006347656,434.6390686035156],[196.97219848632812,434.63140869140625],[196.5714569091797,434.6237487792969],[196.17066955566406,434.6160888671875],[195.76992797851562,434.6084289550781],[195.36915588378906,434.6007385253906],[194.96841430664062,434.59307861328125],[194.5676727294922,434.5854187011719],[194.16688537597656,434.5777587890625],[193.76614379882812,434.5700988769531],[193.36537170410156,434.56243896484375],[192.96463012695312,434.55474853515625],[192.56385803222656,434.5470886230469],[192.16310119628906,434.53924560546875],[191.76235961914062,434.53118896484375],[191.36160278320312,434.52313232421875],[190.9608612060547,434.51507568359375],[190.56008911132812,434.50701904296875],[190.15936279296875,434.49896240234375],[189.7586212158203,434.49090576171875],[189.35784912109375,434.48284912109375],[188.95712280273438,434.47479248046875],[188.5563507080078,434.46673583984375],[188.15560913085938,434.45867919921875],[187.7548828125,434.45062255859375],[187.35411071777344,434.44256591796875],[186.953369140625,434.43450927734375],[186.5526123046875,434.42645263671875],[186.15187072753906,434.41839599609375],[185.7510986328125,434.41033935546875],[185.35035705566406,434.40228271484375],[184.9496307373047,434.39422607421875],[184.54885864257812,434.38616943359375],[184.1481170654297,434.3781433105469],[183.7473602294922,434.3700866699219],[183.34661865234375,434.3620300292969],[182.9458770751953,434.3539733886719],[182.54510498046875,434.3459167480469],[182.14437866210938,434.3378601074219],[181.7436065673828,434.3298034667969],[181.34286499023438,434.3217468261719],[180.94210815429688,434.3136901855469],[180.54136657714844,434.3056335449219],[180.140625,434.2975769042969],[179.7398681640625,434.2895202636719],[179.33912658691406,434.2814636230469],[178.9383544921875,434.2734069824219],[178.53762817382812,434.2653503417969],[178.1368865966797,434.2572937011719],[177.73611450195312,434.2492370605469],[177.33538818359375,434.2411804199219],[176.9346160888672,434.2331237792969],[176.53387451171875,434.2250671386719],[176.1331024169922,434.2170104980469],[175.7323760986328,434.2089538574219],[175.33163452148438,434.2008972167969],[174.9308624267578,434.1928405761719],[174.53013610839844,434.1847839355469],[174.12936401367188,434.1767272949219],[173.72862243652344,434.1686706542969],[173.32789611816406,434.1606140136719],[172.9271240234375,434.1525573730469],[172.52638244628906,434.14453125],[172.1256103515625,434.136474609375],[171.72488403320312,434.12841796875],[171.32411193847656,434.120361328125],[170.92337036132812,434.1123046875],[170.52264404296875,434.104248046875],[170.1218719482422,434.09619140625],[169.72113037109375,434.088134765625],[169.32037353515625,434.080078125],[168.9196319580078,434.072021484375],[168.51889038085938,434.06396484375],[168.11813354492188,434.055908203125],[167.71739196777344,434.0478515625],[167.31661987304688,434.039794921875],[166.91587829589844,434.03173828125],[166.51515197753906,434.023681640625],[166.1143798828125,434.015625],[165.71365356445312,434.0075378417969],[165.31289672851562,433.9991760253906],[164.9121551513672,433.9908142089844],[164.5113983154297,433.982421875],[164.1106719970703,433.97406005859375],[163.70993041992188,433.9656677246094],[163.30917358398438,433.9573059082031],[162.908447265625,433.94891357421875],[162.5076904296875,433.9405517578125],[162.10694885253906,433.93218994140625],[161.7062225341797,433.9237976074219],[161.3054656982422,433.9154357910156],[160.9047393798828,433.90704345703125],[160.50396728515625,433.898681640625],[160.10324096679688,433.89031982421875],[159.70248413085938,433.8819274902344],[159.3017578125,433.8735656738281],[158.90101623535156,433.86517333984375],[158.50025939941406,433.8568115234375],[158.0995330810547,433.8484191894531],[157.69876098632812,433.8400573730469],[157.29803466796875,433.8316955566406],[156.89730834960938,433.82330322265625],[156.49655151367188,433.81494140625],[156.09580993652344,433.8065490722656],[155.69505310058594,433.7981872558594],[155.29432678222656,433.7898254394531],[154.89356994628906,433.78143310546875],[154.49282836914062,433.7730712890625],[154.09210205078125,433.7646789550781],[153.69134521484375,433.7563171386719],[153.2906036376953,433.7479248046875],[152.8898468017578,433.73956298828125],[152.48912048339844,433.731201171875],[152.08840942382812,433.7226257324219],[151.68765258789062,433.7140197753906],[151.28692626953125,433.7054443359375],[150.88616943359375,433.69683837890625],[150.48544311523438,433.688232421875],[150.08468627929688,433.67962646484375],[149.6839599609375,433.6710205078125],[149.28323364257812,433.6624450683594],[148.88247680664062,433.6538391113281],[148.48175048828125,433.6452331542969],[148.08099365234375,433.6366271972656],[147.68026733398438,433.6280212402344],[147.279541015625,433.61944580078125],[146.8787841796875,433.61083984375],[146.47805786132812,433.60223388671875],[146.07730102539062,433.5936279296875],[145.6765899658203,433.58502197265625],[145.2758331298828,433.5764465332031],[144.87510681152344,433.5678405761719],[144.47438049316406,433.5592346191406],[144.07362365722656,433.5506286621094],[143.6728973388672,433.5420227050781],[143.2721405029297,433.533447265625],[142.8714141845703,433.52484130859375],[142.47068786621094,433.5162353515625],[142.06993103027344,433.50762939453125],[141.66920471191406,433.4990234375],[141.26844787597656,433.4904479980469],[140.8677215576172,433.4818420410156],[140.4669952392578,433.4732360839844],[140.0662384033203,433.4646301269531],[139.66551208496094,433.4560241699219],[139.26475524902344,433.44744873046875],[138.8640594482422,433.4386291503906],[138.4633026123047,433.4296875],[138.06259155273438,433.42071533203125],[137.661865234375,433.4117736816406],[137.26112365722656,433.4028015136719],[136.86041259765625,433.39385986328125],[136.45965576171875,433.3848876953125],[136.05894470214844,433.3759460449219],[135.65821838378906,433.3669738769531],[135.25747680664062,433.3580322265625],[134.85675048828125,433.34906005859375],[134.4560089111328,433.3401184082031],[134.0552978515625,433.3311462402344],[133.654541015625,433.32220458984375],[133.2538299560547,433.313232421875],[132.8531036376953,433.3042907714844],[132.45236206054688,433.2953186035156],[132.0516357421875,433.286376953125],[131.65089416503906,433.27740478515625],[131.2501678466797,433.2684631347656],[130.84945678710938,433.2594909667969],[130.44869995117188,433.25054931640625],[130.04798889160156,433.2415771484375],[129.64724731445312,433.2326354980469],[129.24652099609375,433.2236633300781],[128.8457794189453,433.2147216796875],[128.44505310058594,433.20574951171875],[128.04434204101562,433.1968078613281],[127.64359283447266,433.1878356933594],[127.24287414550781,433.17889404296875],[126.84212493896484,433.169921875],[126.44140625,433.1609802246094],[126.04068756103516,433.1520080566406],[125.63993835449219,433.14306640625],[125.23922729492188,433.13409423828125],[124.8384780883789,433.1251525878906],[124.43775939941406,433.1161804199219],[124.0370101928711,433.10723876953125],[123.63629150390625,433.0982666015625],[123.2355728149414,433.0893249511719],[122.83482360839844,433.0803527832031],[122.4341049194336,433.0714111328125],[122.03335571289062,433.06243896484375],[121.63264465332031,433.0534973144531],[121.23192596435547,433.0445251464844],[120.8311767578125,433.03558349609375],[120.43045806884766,433.026611328125],[120.02970886230469,433.0176696777344],[119.62899017333984,433.0086975097656],[119.228271484375,432.999755859375],[118.82752990722656,432.99078369140625],[118.42681121826172,432.9818420410156],[118.02606201171875,432.9728698730469],[117.6253433227539,432.96392822265625],[117.22459411621094,432.9549560546875],[116.8238754272461,432.9460144042969],[116.42315673828125,432.9370422363281],[116.02240753173828,432.9281005859375],[115.62168884277344,432.91912841796875],[115.220947265625,432.9101867675781],[114.82022857666016,432.9012145996094],[114.41950988769531,432.89227294921875],[114.01876068115234,432.88330078125],[113.6180419921875,432.8743591308594],[113.21729278564453,432.8653869628906],[112.81657409667969,432.8564453125],[112.41582489013672,432.84747314453125],[112.01510620117188,432.8381652832031],[111.6144027709961,432.8288269042969],[111.21366119384766,432.8194885253906],[110.81295013427734,432.8101501464844],[110.4122085571289,432.8008117675781],[110.01150512695312,432.7914733886719],[109.61079406738281,432.7821350097656],[109.21005249023438,432.7728271484375],[108.80934143066406,432.76348876953125],[108.40860748291016,432.754150390625],[108.00789642333984,432.74481201171875],[107.6071548461914,432.7354736328125],[107.2064437866211,432.72613525390625],[106.80574035644531,432.716796875],[106.40499877929688,432.70745849609375],[106.00428771972656,432.6981201171875],[105.60354614257812,432.68878173828125],[105.20284271240234,432.6794738769531],[104.80213165283203,432.6701354980469],[104.4013900756836,432.6607971191406],[104.00067901611328,432.6514587402344],[103.59994506835938,432.6421203613281],[103.19923400878906,432.6327819824219],[102.79849243164062,432.6234436035156],[102.39778137207031,432.6141052246094],[101.99707794189453,432.6047668457031],[101.5963363647461,432.5954284667969],[101.19562530517578,432.58612060546875],[100.79488372802734,432.5767822265625],[100.39418029785156,432.56744384765625],[99.99346923828125,432.55810546875],[99.59272766113281,432.54876708984375],[99.1920166015625,432.5394287109375],[98.79127502441406,432.5299377441406],[98.39057159423828,432.52032470703125],[97.9898681640625,432.5107421875],[97.58914184570312,432.5011291503906],[97.18843841552734,432.4915466308594],[96.78770446777344,432.48193359375],[96.38700103759766,432.47235107421875],[95.98626708984375,432.4627380371094],[95.58556365966797,432.4531555175781],[95.18486022949219,432.44354248046875],[94.78412628173828,432.4339294433594],[94.3834228515625,432.4243469238281],[93.9826889038086,432.41473388671875],[93.58198547363281,432.4051513671875],[93.18128204345703,432.3955383300781],[92.78054809570312,432.3859558105469],[92.37984466552734,432.3763427734375],[91.97911071777344,432.36676025390625],[91.57841491699219,432.3571472167969],[91.17768096923828,432.3475646972656],[90.7769775390625,432.33795166015625],[90.37627410888672,432.3283386230469],[89.97554016113281,432.3187561035156],[89.57483673095703,432.30914306640625],[89.17410278320312,432.299560546875],[88.77339935302734,432.2899475097656],[88.37269592285156,432.2803649902344],[87.97196197509766,432.270751953125],[87.57125854492188,432.26116943359375],[87.17052459716797,432.2515563964844],[86.76982116699219,432.2419738769531],[86.36908721923828,432.23236083984375],[85.96839141845703,432.2227478027344],[85.56768035888672,432.2131042480469],[85.16695404052734,432.2032165527344],[84.7662582397461,432.193359375],[84.36553192138672,432.1834716796875],[83.96483612060547,432.1736145019531],[83.56414031982422,432.1637268066406],[83.16341400146484,432.1538391113281],[82.7627182006836,432.14398193359375],[82.36199188232422,432.13409423828125],[81.96129608154297,432.1242370605469],[81.5605697631836,432.1143493652344],[81.15987396240234,432.1044921875],[80.7591781616211,432.0946044921875],[80.35844421386719,432.0847473144531],[79.95774841308594,432.0748596191406],[79.55702209472656,432.0649719238281],[79.15632629394531,432.05511474609375],[78.75563049316406,432.04522705078125],[78.35490417480469,432.0353698730469],[77.95420837402344,432.0254821777344],[77.55348205566406,432.015625],[77.15278625488281,432.0057373046875],[76.75205993652344,431.9958801269531],[76.35136413574219,431.9859924316406],[75.95066833496094,431.97613525390625],[75.54994201660156,431.96624755859375],[75.14924621582031,431.95635986328125],[74.74851989746094,431.9465026855469],[74.34782409667969,431.9366149902344],[73.94712829589844,431.9267578125],[73.54640197753906,431.9168701171875],[73.14569854736328,431.9070129394531],[72.7449722290039,431.8971252441406],[72.34427642822266,431.88726806640625],[71.94358825683594,431.87713623046875],[71.5428695678711,431.86700439453125],[71.14218139648438,431.8568420410156],[70.74146270751953,431.8466796875],[70.34077453613281,431.8365173339844],[69.94004821777344,431.82635498046875],[69.53936004638672,431.8161926269531],[69.138671875,431.8060607910156],[68.73795318603516,431.7958984375],[68.33726501464844,431.7857360839844],[67.9365463256836,431.77557373046875],[67.53585815429688,431.7654113769531],[67.13516235351562,431.7552795410156],[66.73444366455078,431.7451171875],[66.33375549316406,431.7349548339844],[65.93303680419922,431.72479248046875],[65.5323486328125,431.7146301269531],[65.13162994384766,431.7044982910156],[64.73094177246094,431.6943359375],[64.33024597167969,431.6841735839844],[63.92953109741211,431.67401123046875],[63.528839111328125,431.6638488769531],[63.12812042236328,431.6537170410156],[62.72743225097656,431.6435546875],[62.326744079589844,431.6333923339844],[61.926021575927734,431.62322998046875],[61.525333404541016,431.6130676269531],[61.12461471557617,431.6029052734375],[60.72392654418945,431.5927734375],[60.323204040527344,431.5826110839844],[59.922515869140625,431.57244873046875],[59.521827697753906,431.5622863769531],[59.12110900878906,431.5521240234375],[58.720428466796875,431.54107666015625],[58.32006072998047,431.5223083496094],[57.92019271850586,431.4947509765625],[57.52092742919922,431.4597473144531],[57.12227249145508,431.4177551269531],[56.724403381347656,431.3692321777344],[56.32732391357422,431.3146057128906],[55.931034088134766,431.25457763671875],[55.53551483154297,431.1893615722656],[55.14094161987305,431.1190185546875],[54.747161865234375,431.044189453125],[54.35426712036133,430.9647521972656],[53.962303161621094,430.88104248046875],[53.571144104003906,430.79339599609375],[53.1810302734375,430.7013854980469],[52.79179763793945,430.6057434082031],[52.403568267822266,430.5060729980469],[52.016292572021484,430.40277099609375],[51.63001251220703,430.29571533203125],[51.244789123535156,430.1849060058594],[50.86063003540039,430.070556640625],[50.47761917114258,429.9523620605469],[50.095703125,429.8307189941406],[49.71509552001953,429.70501708984375],[49.33567428588867,429.5757751464844],[48.95761489868164,429.4425354003906],[48.581016540527344,429.3053894042969],[48.205833435058594,429.1643371582031],[47.83235549926758,429.01873779296875],[47.46060562133789,428.8689270019531],[47.090641021728516,428.71466064453125],[46.722877502441406,428.5552673339844],[46.35732650756836,428.3908996582031],[45.994205474853516,428.2211608886719],[45.633907318115234,428.0455627441406],[45.27685546875,427.8633728027344],[44.9234733581543,427.6742248535156],[44.57426834106445,427.4775085449219],[44.2309455871582,427.2707214355469],[43.90046691894531,427.0440673828125],[43.58359909057617,426.7986145019531],[43.279605865478516,426.5374755859375],[42.9873046875,426.26318359375],[42.70598220825195,425.97772216796875],[42.43504333496094,425.6823425292969],[42.17332077026367,425.3787841796875],[41.9207649230957,425.0675964355469],[41.67631149291992,424.74993896484375],[41.440181732177734,424.4260559082031],[41.21145248413086,424.0968933105469],[40.99024200439453,423.76263427734375],[40.776119232177734,423.423828125],[40.56885528564453,423.08074951171875],[40.368621826171875,422.7335510253906],[40.17501449584961,422.382568359375],[39.98843002319336,422.02783203125],[39.808616638183594,421.6695861816406],[39.635990142822266,421.307861328125],[39.4705924987793,420.9427490234375],[39.31304168701172,420.57415771484375],[39.16358184814453,420.2023010253906],[39.02311325073242,419.8268737792969],[38.89262771606445,419.4479064941406],[38.771820068359375,419.06573486328125],[38.65382385253906,418.6826477050781],[38.53802490234375,418.2989501953125],[38.42457580566406,417.91448974609375],[38.31364440917969,417.5293273925781],[38.20539474487305,417.1434020996094],[38.099693298339844,416.7567443847656],[37.9973258972168,416.3692321777344],[37.89815902709961,415.9808349609375],[37.8023681640625,415.5916442871094],[37.71010971069336,415.20159912109375],[37.62156295776367,414.8106689453125],[37.53689193725586,414.41888427734375],[37.45627212524414,414.0262451171875],[37.37986373901367,413.63275146484375],[37.30782699584961,413.2384338378906],[37.240325927734375,412.8433532714844],[37.177513122558594,412.4474792480469],[37.11954116821289,412.0508728027344],[37.066551208496094,411.653564453125],[37.01868438720703,411.255615234375],[36.976070404052734,410.8570556640625],[36.9388313293457,410.4579772949219],[36.90707778930664,410.0583801269531],[36.88101577758789,409.6584167480469],[36.86067199707031,409.2580871582031],[36.84612274169922,408.8575439453125],[36.83743667602539,408.4568176269531],[36.834686279296875,408.0559997558594],[36.837913513183594,407.65521240234375],[36.84717559814453,407.2544860839844],[36.86248779296875,406.85394287109375],[36.88386535644531,406.4537048339844],[36.909969329833984,406.0537414550781],[36.93544387817383,405.65374755859375],[36.95923614501953,405.2535705566406],[36.98122024536133,404.8533630371094],[37.00153350830078,404.4530334472656],[37.020263671875,404.05267333984375],[37.037445068359375,403.6521911621094],[37.05310821533203,403.2516784667969],[37.06727981567383,402.8511047363281],[37.079830169677734,402.450439453125],[37.09080505371094,402.0498046875],[37.10057830810547,401.6490783691406],[37.108917236328125,401.24835205078125],[37.11643981933594,400.84759521484375],[37.12193298339844,400.44677734375],[37.126766204833984,400.0459899902344],[37.130184173583984,399.6451721191406],[37.1324577331543,399.2443542480469],[37.1340217590332,398.843505859375],[37.133949279785156,398.44268798828125],[37.133331298828125,398.0418701171875],[37.131591796875,397.6410217285156],[37.128944396972656,397.240234375],[37.12575912475586,396.8393859863281],[37.12131118774414,396.4385681152344],[37.116455078125,396.03778076171875],[37.110809326171875,395.6369934082031],[37.104488372802734,395.2362060546875],[37.09781265258789,394.8354187011719],[37.09028244018555,394.4346923828125],[37.08238220214844,394.0339050292969],[37.07383728027344,393.6331787109375],[37.0652961730957,393.2324523925781],[37.05668258666992,392.83172607421875],[37.04713821411133,392.4309997558594],[37.037593841552734,392.0302734375],[37.028053283691406,391.62957763671875],[37.01851272583008,391.2288818359375],[37.008968353271484,390.828125],[36.99942398071289,390.42742919921875],[36.98996353149414,390.0267028808594],[36.98059844970703,389.6259765625],[36.97123336791992,389.22528076171875],[36.962013244628906,388.82452392578125],[36.95354461669922,388.4237976074219],[36.945072174072266,388.0230407714844],[36.93660354614258,387.622314453125],[36.92900848388672,387.2215270996094],[36.92173385620117,386.8207702636719],[36.9151725769043,386.4200134277344],[36.90914535522461,386.01922607421875],[36.90360641479492,385.6184387207031],[36.899051666259766,385.21759033203125],[36.89452362060547,384.8168029785156],[36.880096435546875,384.416259765625],[36.8497428894043,384.0166015625],[36.80314254760742,383.6185302734375],[36.74042510986328,383.22265625],[36.6617546081543,382.8296813964844],[36.56761932373047,382.4400634765625],[36.458675384521484,382.0543518066406],[36.33609390258789,381.6727600097656],[36.200782775878906,381.29547119140625],[36.053955078125,380.92254638671875],[35.8968620300293,380.55377197265625],[35.73080825805664,380.1889953613281],[35.55705261230469,379.82781982421875],[35.37676239013672,379.46978759765625],[35.191261291503906,379.114501953125],[35.00168228149414,378.7613220214844],[34.80918502807617,378.4097595214844],[34.61471176147461,378.0592346191406],[34.41908264160156,377.70941162109375],[34.22358322143555,377.3594970703125],[34.028282165527344,377.0094299316406],[33.83460235595703,376.65850830078125],[33.636016845703125,376.3103942871094],[33.412269592285156,375.9779357910156],[33.17063522338867,375.6581726074219],[32.916500091552734,375.3482360839844],[32.652767181396484,375.0464172363281],[32.38107681274414,374.751708984375],[32.102439880371094,374.463623046875],[31.817485809326172,374.18170166015625],[31.52667236328125,373.9058837890625],[31.230144500732422,373.63623046875],[30.927865982055664,373.3729553222656],[30.6197566986084,373.11663818359375],[30.305418014526367,372.867919921875],[29.98430633544922,372.6280822753906],[29.655607223510742,372.3987121582031],[29.317882537841797,372.1828918457031],[28.969463348388672,371.98492431640625],[28.607126235961914,371.81378173828125],[28.228235244750977,371.6837158203125],[27.844741821289062,371.56707763671875],[27.46029281616211,371.45367431640625],[27.075143814086914,371.3426818847656],[26.68920135498047,371.2344055175781],[26.302698135375977,371.128173828125],[25.9155330657959,371.0243225097656],[25.528026580810547,370.9219055175781],[25.14019203186035,370.8207702636719],[24.75197410583496,370.720947265625],[24.36349868774414,370.6222839355469],[23.97479248046875,370.5242614746094],[23.58603858947754,370.4266662597656],[23.197284698486328,370.3290710449219],[22.80858612060547,370.2311706542969],[22.41991424560547,370.13323974609375],[22.031335830688477,370.034912109375],[21.643043518066406,369.93548583984375],[21.255111694335938,369.8345031738281],[20.86761474609375,369.7320861816406],[20.480457305908203,369.6282958984375],[20.093896865844727,369.5221862792969],[19.7081298828125,369.4134521484375],[19.323060989379883,369.30224609375],[18.938827514648438,369.18792724609375],[18.55561065673828,369.0704650878906],[18.173507690429688,368.9493408203125],[17.79263687133789,368.824462890625],[17.41315460205078,368.69549560546875],[17.0351619720459,368.56201171875],[16.658838272094727,368.424072265625],[16.284448623657227,368.281005859375],[15.91190242767334,368.1331787109375],[15.541626930236816,367.9797058105469],[15.173680305480957,367.82061767578125],[14.808320999145508,367.65570068359375],[14.44581413269043,367.48480224609375],[14.086219787597656,367.3077392578125],[13.729835510253906,367.12432861328125],[13.376774787902832,366.9344787597656],[13.027361869812012,366.7381286621094],[12.68172836303711,366.53509521484375],[12.34019660949707,366.3254089355469],[12.006369590759277,366.1036071777344],[11.68255615234375,365.86737060546875],[11.367913246154785,365.6191101074219],[11.061797142028809,365.3603515625],[10.763662338256836,365.09246826171875],[10.472931861877441,364.81646728515625],[10.189167976379395,364.5334167480469],[9.91195011138916,364.2439880371094],[9.640833854675293,363.9487609863281],[9.37562370300293,363.6482849121094],[9.115755081176758,363.3429870605469],[8.861200332641602,363.0334167480469],[8.611599922180176,362.71978759765625],[8.366817474365234,362.40240478515625],[8.126845359802246,362.08135986328125],[7.891444683074951,361.7569274902344],[7.660423278808594,361.4293518066406],[7.433713436126709,361.0988464355469],[7.211228370666504,360.7654724121094],[6.993084907531738,360.4292297363281],[6.779146671295166,360.09014892578125],[6.569433689117432,359.74859619140625],[6.363907814025879,359.40447998046875],[6.162662506103516,359.0578918457031],[5.965734481811523,358.7087707519531],[5.773329734802246,358.3570861816406],[5.5856218338012695,358.0029296875],[5.402729511260986,357.64630126953125],[5.224918842315674,357.287109375],[5.05247163772583,356.92529296875],[4.885766506195068,356.5606994628906],[4.725513935089111,356.1933288574219],[4.572278022766113,355.8229675292969],[4.4247355461120605,355.4503173828125],[4.28198766708374,355.07574462890625],[4.144247055053711,354.69927978515625],[4.011687755584717,354.321044921875],[3.8844053745269775,353.9410095214844],[3.762550115585327,353.55914306640625],[3.6464483737945557,353.17547607421875],[3.5360255241394043,352.7901611328125],[3.431335926055908,352.40325927734375],[3.3324482440948486,352.0148620605469],[3.239501953125,351.6249694824219],[3.152597188949585,351.23358154296875],[3.0715904235839844,350.841064453125],[2.996431827545166,350.4473571777344],[2.927147626876831,350.0525817871094],[2.863798141479492,349.65679931640625],[2.8060781955718994,349.2601318359375],[2.7538912296295166,348.8627014160156],[2.7071213722229004,348.4646301269531],[2.6658191680908203,348.0659484863281],[2.629582643508911,347.666748046875],[2.59824800491333,347.26715087890625],[2.5716280937194824,346.8671875],[2.54953670501709,346.4670104980469],[2.5318713188171387,346.0665588378906],[2.518326759338379,345.6658935546875],[2.5086748600006104,345.2652282714844],[2.5027029514312744,344.86444091796875],[2.5002031326293945,344.4636535644531],[2.5026090145111084,344.0628356933594],[2.5140819549560547,343.6621398925781],[2.5342795848846436,343.2618408203125],[2.5630054473876953,342.862060546875],[2.5994160175323486,342.4629211425781],[2.643357992172241,342.0645446777344],[2.694491147994995,341.66693115234375],[2.7524521350860596,341.2703552246094],[2.816934823989868,340.874755859375],[2.8876380920410156,340.4801940917969],[2.964268207550049,340.0867919921875],[3.046577215194702,339.6944885253906],[3.1342930793762207,339.3033752441406],[3.2272074222564697,338.9134826660156],[3.3251953125,338.52484130859375],[3.427943229675293,338.1374206542969],[3.5352542400360107,337.75115966796875],[3.646916151046753,337.3662109375],[3.7627642154693604,336.9825439453125],[3.8826537132263184,336.6000671386719],[4.006454944610596,336.2188415527344],[4.133995056152344,335.8387756347656],[4.265122890472412,335.4600524902344],[4.399751663208008,335.08251953125],[4.53782320022583,334.7062072753906],[4.679137706756592,334.3310852050781],[4.823557376861572,333.95721435546875],[4.971020698547363,333.58447265625],[5.121417045593262,333.21295166015625],[5.274662494659424,332.8425598144531],[5.430666923522949,332.47332763671875],[5.589349746704102,332.1052551269531],[5.750776290893555,331.7383728027344],[5.913735389709473,331.3721923828125],[6.077038288116455,331.00616455078125],[6.240365982055664,330.6400451660156],[6.403669357299805,330.2740173339844],[6.566972255706787,329.907958984375],[6.7302751541137695,329.54193115234375],[6.893578052520752,329.1758728027344],[7.056905746459961,328.8097839355469],[7.220209121704102,328.4437561035156],[7.383512020111084,328.07769775390625],[7.546814918518066,327.711669921875],[7.710118293762207,327.3456115722656],[7.873445987701416,326.9795227050781],[8.036748886108398,326.61346435546875],[8.200052261352539,326.2474365234375],[8.363354682922363,325.8813781738281],[8.52668285369873,325.5152893066406],[8.689986228942871,325.1492614746094],[8.853288650512695,324.783203125],[9.016786575317383,324.417236328125],[9.180338859558105,324.0513000488281],[9.343915939331055,323.6853332519531],[9.507469177246094,323.31939697265625],[9.671022415161133,322.9534606933594],[9.834574699401855,322.5875244140625],[9.998126983642578,322.22161865234375],[10.161705017089844,321.8556213378906],[10.325257301330566,321.48968505859375],[10.488810539245605,321.1237487792969],[10.652362823486328,320.7578125],[10.815916061401367,320.39190673828125],[10.979493141174316,320.0259094238281],[11.143045425415039,319.65997314453125],[11.306598663330078,319.2940368652344],[11.4701509475708,318.9281005859375],[11.63370418548584,318.56219482421875],[11.797281265258789,318.1961975097656],[11.960834503173828,317.83026123046875],[12.1246337890625,317.4644775390625],[12.288480758666992,317.0986633300781],[12.452326774597168,316.7328796386719],[12.61619758605957,316.36700439453125],[12.780044555664062,316.001220703125],[12.943891525268555,315.6354064941406],[13.10773754119873,315.2696228027344],[13.271608352661133,314.90374755859375],[13.435455322265625,314.5379638671875],[13.599302291870117,314.1721496582031],[13.763148307800293,313.8063659667969],[13.926994323730469,313.4405517578125],[14.090866088867188,313.07470703125],[14.25471305847168,312.7088928222656],[14.418559074401855,312.3431091308594],[14.582406044006348,311.977294921875],[14.746252059936523,311.61151123046875],[14.910123825073242,311.24566650390625],[15.073969841003418,310.8798522949219],[15.23781681060791,310.5140686035156],[15.401662826538086,310.14825439453125],[15.565509796142578,309.7824401855469],[15.72938060760498,309.4165954589844],[15.893227577209473,309.0508117675781],[16.05707359313965,308.68499755859375],[16.22092056274414,308.3192138671875],[16.384767532348633,307.9533996582031],[16.54863739013672,307.5875549316406],[16.71248435974121,307.22174072265625],[16.876331329345703,306.85595703125],[17.040178298950195,306.4901428222656],[17.20404815673828,306.1242980957031],[17.367895126342773,305.75848388671875],[17.531742095947266,305.3927001953125],[17.695589065551758,305.0268859863281],[17.859434127807617,304.6611022949219],[18.023305892944336,304.29522705078125],[18.187265396118164,303.929443359375],[18.351409912109375,303.56378173828125],[18.515554428100586,303.1981201171875],[18.679698944091797,302.83245849609375],[18.843868255615234,302.46673583984375],[19.008010864257812,302.10107421875],[19.172155380249023,301.73541259765625],[19.336299896240234,301.3697204589844],[19.500444412231445,301.0040588378906],[19.664613723754883,300.6383361816406],[19.828758239746094,300.2726745605469],[19.992900848388672,299.9070129394531],[20.157045364379883,299.5413513183594],[20.321189880371094,299.1756896972656],[20.48535919189453,298.8099670410156],[20.649503707885742,298.4443054199219],[20.813648223876953,298.07861328125],[20.97779083251953,297.71295166015625],[21.141935348510742,297.3472900390625],[21.30610466003418,296.9815673828125],[21.47024917602539,296.61590576171875],[21.6343936920166,296.250244140625],[21.798538208007812,295.88458251953125],[21.96270751953125,295.51885986328125],[22.126850128173828,295.1531982421875],[22.29099464416504,294.78753662109375],[22.45513916015625,294.4218444824219],[22.61928367614746,294.0561828613281],[22.7834529876709,293.6904602050781],[22.94759750366211,293.3247985839844],[23.111740112304688,292.9591369628906],[23.2758846282959,292.5934753417969],[23.44002914428711,292.2278137207031],[23.604198455810547,291.8620910644531],[23.768342971801758,291.4964294433594],[23.93248748779297,291.1307373046875],[24.096630096435547,290.76507568359375],[24.260774612426758,290.3994140625],[24.424943923950195,290.03369140625],[24.589088439941406,289.66802978515625],[24.753232955932617,289.3023681640625],[24.917377471923828,288.93670654296875],[25.081520080566406,288.571044921875],[25.245689392089844,288.205322265625],[25.409833908081055,287.8396301269531],[25.573978424072266,287.4739685058594],[25.738122940063477,287.1083068847656],[25.902292251586914,286.7425842285156],[26.066436767578125,286.3769226074219],[26.230579376220703,286.0112609863281],[26.394723892211914,285.6455993652344],[26.558868408203125,285.2799377441406],[26.723037719726562,284.9142150878906],[26.887182235717773,284.5485534667969],[27.051326751708984,284.182861328125],[27.215469360351562,283.81719970703125],[27.379613876342773,283.4515380859375],[27.54378318786621,283.0858154296875],[27.707927703857422,282.72015380859375],[27.872072219848633,282.3544921875],[28.036216735839844,281.98883056640625],[28.200359344482422,281.6231689453125],[28.36452865600586,281.2574462890625],[28.52867317199707,280.8917541503906],[28.69281768798828,280.5260925292969],[28.856962203979492,280.1604309082031],[29.02110481262207,279.7947692871094],[29.185274124145508,279.4290466308594],[29.34941864013672,279.0633850097656],[29.51356315612793,278.6977233886719],[29.67770767211914,278.3320617675781],[29.84185218811035,277.96636962890625],[30.00602149963379,277.60064697265625],[30.170164108276367,277.2349853515625],[30.33428955078125,276.8693542480469],[30.498390197753906,276.503662109375],[30.662513732910156,276.137939453125],[30.826614379882812,275.7722473144531],[30.99071502685547,275.40655517578125],[31.154813766479492,275.0408630371094],[31.31891441345215,274.6752014160156],[31.48303985595703,274.3094482421875],[31.647138595581055,273.9437561035156],[31.811237335205078,273.57806396484375],[31.975337982177734,273.21240234375],[32.13943862915039,272.8467102050781],[32.30356216430664,272.48095703125],[32.4676628112793,272.1152648925781],[32.63176345825195,271.7496032714844],[32.79586410522461,271.3839111328125],[32.9599609375,271.0182189941406],[33.124088287353516,270.6524658203125],[33.28818893432617,270.28680419921875],[33.45228576660156,269.9211120605469],[33.61638641357422,269.555419921875],[33.780487060546875,269.1897277832031],[33.944610595703125,268.8240051269531],[34.10871124267578,268.45831298828125],[34.27281188964844,268.0926208496094],[34.436912536621094,267.7269287109375],[34.601036071777344,267.3612060546875],[34.76513671875,266.9955139160156],[34.929237365722656,266.62982177734375],[35.09333419799805,266.2641296386719],[35.2574348449707,265.8984375],[35.42156219482422,265.53271484375],[35.58565902709961,265.1670227050781],[35.749759674072266,264.80133056640625],[35.91386032104492,264.4356384277344],[36.07796096801758,264.0699768066406],[36.24208450317383,263.7042236328125],[36.406124114990234,263.33843994140625],[36.5699577331543,262.97265625],[36.733795166015625,262.6068420410156],[36.89762878417969,262.24102783203125],[37.061492919921875,261.87518310546875],[37.22532653808594,261.5093688964844],[37.389163970947266,261.1435852050781],[37.55299758911133,260.77777099609375],[37.716835021972656,260.4119567871094],[37.88069534301758,260.0461120605469],[38.044532775878906,259.6802978515625],[38.20836639404297,259.3144836425781],[38.3722038269043,258.9486999511719],[38.53603744506836,258.5828857421875],[38.69989776611328,258.2170104980469],[38.86373519897461,257.8512268066406],[39.02757263183594,257.48541259765625],[39.19140625,257.1195983886719],[39.35526657104492,256.7537536621094],[39.51910400390625,256.387939453125],[39.68293762207031,256.02215576171875],[39.84677505493164,255.65634155273438],[40.01061248779297,255.29052734375],[40.17447280883789,254.9246826171875],[40.33830642700195,254.55886840820312],[40.50214385986328,254.1930694580078],[40.665977478027344,253.82725524902344],[40.82981491088867,253.46145629882812],[40.993675231933594,253.09559631347656],[41.15751266479492,252.72979736328125],[41.321346282958984,252.36398315429688],[41.48518371582031,251.99818420410156],[41.649017333984375,251.63238525390625],[41.81288146972656,251.2665252685547],[41.976715087890625,250.9007110595703],[42.14055252075195,250.534912109375],[42.304386138916016,250.1691131591797],[42.46799087524414,249.80325317382812],[42.63154602050781,249.437255859375],[42.79507064819336,249.07130432128906],[42.95859909057617,248.7053680419922],[43.122127532958984,248.33941650390625],[43.285682678222656,247.97341918945312],[43.44921112060547,247.60748291015625],[43.61273956298828,247.24154663085938],[43.77626419067383,246.87559509277344],[43.93979263305664,246.50965881347656],[44.10334777832031,246.14366149902344],[44.266876220703125,245.7777099609375],[44.43040466308594,245.41177368164062],[44.593929290771484,245.04583740234375],[44.7574577331543,244.6798858642578],[44.92101287841797,244.3138885498047],[45.08454132080078,243.9479522705078],[45.248069763183594,243.58201599121094],[45.4114875793457,243.21600341796875],[45.57474899291992,242.84994506835938],[45.738037109375,242.48382568359375],[45.901302337646484,242.11776733398438],[46.0645637512207,241.751708984375],[46.22782897949219,241.38565063476562],[46.391090393066406,241.01959228515625],[46.554378509521484,240.65347290039062],[46.71764373779297,240.28741455078125],[46.88090515136719,239.92135620117188],[47.04417037963867,239.5552978515625],[47.20745849609375,239.18917846679688],[47.370723724365234,238.8231201171875],[47.53398513793945,238.45706176757812],[47.69725036621094,238.09100341796875],[47.860511779785156,237.7249298095703],[48.023799896240234,237.35882568359375],[48.18706512451172,236.99276733398438],[48.35026931762695,236.62667846679688],[48.513221740722656,236.26048278808594],[48.67617416381836,235.89427185058594],[48.83915328979492,235.5280303955078],[49.002105712890625,235.1618194580078],[49.165061950683594,234.79562377929688],[49.3280143737793,234.42942810058594],[49.490970611572266,234.063232421875],[49.65394592285156,233.6969757080078],[49.81690216064453,233.33078002929688],[49.979854583740234,232.96458435058594],[50.1428108215332,232.598388671875],[50.305763244628906,232.23219299316406],[50.46874237060547,231.86593627929688],[50.63169479370117,231.49974060058594],[50.794647216796875,231.13352966308594],[50.957603454589844,230.767333984375],[51.12055587768555,230.40113830566406],[51.28353500366211,230.03488159179688],[51.446144104003906,229.6685333251953],[51.60874557495117,229.30218505859375],[51.77134704589844,228.93582153320312],[51.9339714050293,228.5694122314453],[52.09657287597656,228.20306396484375],[52.25917434692383,227.83670043945312],[52.421775817871094,227.47035217285156],[52.584373474121094,227.10400390625],[52.74700164794922,226.7375946044922],[52.909603118896484,226.37123107910156],[53.072200775146484,226.0048828125],[53.23480224609375,225.63851928710938],[53.397403717041016,225.2721710205078],[53.560028076171875,224.90576171875],[53.72262954711914,224.53939819335938],[53.885231018066406,224.1730499267578],[54.04783248901367,223.8066864013672],[54.21043395996094,223.44033813476562],[54.37274932861328,223.0738067626953],[54.534950256347656,222.707275390625],[54.6971549987793,222.3407440185547],[54.85935974121094,221.97421264648438],[55.02156066894531,221.60768127441406],[55.18378829956055,221.24110412597656],[55.34599304199219,220.87457275390625],[55.50819778442383,220.50804138183594],[55.6703987121582,220.14151000976562],[55.83262634277344,219.77491760253906],[55.99483108520508,219.40838623046875],[56.15703582763672,219.04185485839844],[56.319236755371094,218.67532348632812],[56.481441497802734,218.3087921142578],[56.64366912841797,217.94219970703125],[56.80587387084961,217.57566833496094],[56.968074798583984,217.20913696289062],[57.130279541015625,216.8426055908203],[57.29230499267578,216.4759979248047],[57.45420455932617,216.10926818847656],[57.616085052490234,215.7425994873047],[57.77796173095703,215.37591552734375],[57.939842224121094,215.00924682617188],[58.10171890258789,214.642578125],[58.26362228393555,214.27584838867188],[58.425498962402344,213.90916442871094],[58.587379455566406,213.54249572753906],[58.74916076660156,213.17575073242188],[58.910804748535156,212.80897521972656],[59.07247543334961,212.442138671875],[59.23412322998047,212.0753631591797],[59.39576721191406,211.70858764648438],[59.55741500854492,211.34181213378906],[59.719058990478516,210.97503662109375],[59.88072967529297,210.6082000732422],[60.04237747192383,210.24142456054688],[60.203895568847656,209.87457275390625],[60.36517333984375,209.5076446533203],[60.5264778137207,209.14064025878906],[60.6877555847168,208.77369689941406],[60.84903335571289,208.40676879882812],[61.010311126708984,208.03982543945312],[61.17158889770508,207.67288208007812],[61.332889556884766,207.30589294433594],[61.49416732788086,206.93894958496094],[61.65544509887695,206.57200622558594],[61.81672286987305,206.205078125],[61.97800064086914,205.838134765625],[62.13930130004883,205.47113037109375],[62.30057907104492,205.1042022705078],[62.461856842041016,204.7372589111328],[62.62313461303711,204.3703155517578],[62.7844123840332,204.00338745117188],[62.94571304321289,203.63638305664062],[63.1069221496582,203.2694091796875],[63.26767349243164,202.90223693847656],[63.42842483520508,202.53506469726562],[63.58917236328125,202.1678924560547],[63.74994659423828,201.8006591796875],[63.91069793701172,201.43348693847656],[64.07144927978516,201.06631469726562],[64.23219299316406,200.6991424560547],[64.3929672241211,200.33192443847656],[64.55371856689453,199.96475219726562],[64.71446990966797,199.5975799560547],[64.8752212524414,199.23040771484375],[65.03597259521484,198.8632354736328],[65.19674682617188,198.4960174560547],[65.35749053955078,198.12884521484375],[65.51824188232422,197.7616729736328],[65.67899322509766,197.39450073242188],[65.8397445678711,197.02732849121094],[66.00051879882812,196.66009521484375],[66.1608657836914,196.29278564453125],[66.3211898803711,195.92543029785156],[66.48152160644531,195.55807495117188],[66.641845703125,195.1907196044922],[66.80219268798828,194.8233184814453],[66.9625244140625,194.45596313476562],[67.12284851074219,194.08860778808594],[67.2831802368164,193.72125244140625],[67.4435043334961,193.35389709472656],[67.6036148071289,192.98638916015625],[67.76364135742188,192.61891174316406],[67.92367553710938,192.2514190673828],[68.08370971679688,191.88394165039062],[68.24374389648438,191.51646423339844],[68.40380096435547,191.14891052246094],[68.56382751464844,190.78143310546875],[68.72386169433594,190.41395568847656],[68.88389587402344,190.0464630126953],[69.04376220703125,189.6787872314453],[69.2034912109375,189.31117248535156],[69.36321258544922,188.9435577392578],[69.52294158935547,188.575927734375],[69.68267059326172,188.20831298828125],[69.84241485595703,187.84063720703125],[70.00214385986328,187.4730224609375],[70.16187286376953,187.10540771484375],[70.32159423828125,186.73779296875],[70.48111724853516,186.3701629638672],[70.64054870605469,186.00234985351562],[70.79995727539062,185.63458251953125],[70.95936584472656,185.26683044433594],[71.1187744140625,184.89907836914062],[71.27818298339844,184.5313262939453],[71.43761444091797,184.16351318359375],[71.5970230102539,183.79576110839844],[71.75643157958984,183.42800903320312],[71.91571807861328,183.06016540527344],[72.07479858398438,182.69227600097656],[72.23390197753906,182.32431030273438],[72.39298248291016,181.9564208984375],[72.55207061767578,181.58853149414062],[72.71115112304688,181.2206268310547],[72.87025451660156,180.85267639160156],[73.02933502197266,180.48477172851562],[73.18842315673828,180.11688232421875],[73.347412109375,179.74893188476562],[73.50615692138672,179.38088989257812],[73.66492462158203,179.01278686523438],[73.82366943359375,178.64474487304688],[73.98241424560547,178.27670288085938],[74.14115905761719,177.90866088867188],[74.2999038696289,177.54061889648438],[74.45867156982422,177.17251586914062],[74.61741638183594,176.80447387695312],[74.7761001586914,176.43646240234375],[74.93449401855469,176.06826782226562],[75.0928955078125,175.7000732421875],[75.2513198852539,175.3318328857422],[75.40971374511719,174.96363830566406],[75.568115234375,174.59544372558594],[75.72650909423828,174.2272491455078],[75.8849105834961,173.85906982421875],[76.04332733154297,173.49081420898438],[76.20172882080078,173.12261962890625],[76.35977935791016,172.7542724609375],[76.517822265625,172.38592529296875],[76.67586517333984,172.017578125],[76.83393096923828,171.64918518066406],[76.9919662475586,171.2808380126953],[77.15000915527344,170.91249084472656],[77.30805206298828,170.5441436767578],[77.46611785888672,170.17575073242188],[77.62416076660156,169.80740356445312],[77.78190612792969,169.43893432617188],[77.9395751953125,169.07041931152344],[78.09725189208984,168.70191955566406],[78.25495147705078,168.33335876464844],[78.4126205444336,167.96485900878906],[78.57029724121094,167.5963592529297],[78.72796630859375,167.2278594970703],[78.8856430053711,166.85935974121094],[79.04334259033203,166.4907989501953],[79.2007827758789,166.12217712402344],[79.35807800292969,165.75350952148438],[79.51537322998047,165.38485717773438],[79.67267608642578,165.0161895751953],[79.82999420166016,164.6474609375],[79.98729705810547,164.27880859375],[80.14459228515625,163.91014099121094],[80.30188751220703,163.54147338867188],[80.45918273925781,163.17282104492188],[80.61632537841797,162.8040313720703],[80.77323913574219,162.43521118164062],[80.93014526367188,162.06637573242188],[81.0870590209961,161.6975555419922],[81.2439956665039,161.32867431640625],[81.4009017944336,160.9598388671875],[81.55781555175781,160.5910186767578],[81.7147216796875,160.22218322753906],[81.87163543701172,159.85336303710938],[82.0284652709961,159.4844512939453],[82.18497467041016,159.11544799804688],[82.34149169921875,158.7464599609375],[82.49800872802734,158.37745666503906],[82.65452575683594,158.00845336914062],[82.8110580444336,157.639404296875],[82.96757507324219,157.27041625976562],[83.12409210205078,156.9014129638672],[83.28060150146484,156.5324249267578],[83.43712615966797,156.1633758544922],[83.59325408935547,155.7941436767578],[83.7493667602539,155.42498779296875],[83.90547180175781,155.05581665039062],[84.06158447265625,154.6866455078125],[84.21768951416016,154.31747436523438],[84.37382507324219,153.94825744628906],[84.5299301147461,153.57908630371094],[84.68604278564453,153.2099151611328],[84.84214782714844,152.8407440185547],[84.9979248046875,152.47142028808594],[85.15364837646484,152.10202026367188],[85.30934143066406,151.73268127441406],[85.46503448486328,151.36334228515625],[85.6207275390625,150.99398803710938],[85.77644348144531,150.6245880126953],[85.93213653564453,150.2552490234375],[86.08782958984375,149.8859100341797],[86.24352264404297,149.5165557861328],[86.39896392822266,149.1471405029297],[86.55426025390625,148.77755737304688],[86.70952606201172,148.4080352783203],[86.86479949951172,148.03851318359375],[87.02006530761719,147.6689910888672],[87.17533874511719,147.29946899414062],[87.33063507080078,146.9298858642578],[87.48590087890625,146.56036376953125],[87.64117431640625,146.1908416748047],[87.7962875366211,145.82130432128906],[87.95112609863281,145.45159912109375],[88.1059799194336,145.08184814453125],[88.26081848144531,144.71214294433594],[88.41565704345703,144.34243774414062],[88.57049560546875,143.9727325439453],[88.72532653808594,143.60302734375],[88.88018798828125,143.23326110839844],[89.03502655029297,142.8635711669922],[89.1898422241211,142.49383544921875],[89.34423828125,142.1239471435547],[89.49864959716797,141.75399780273438],[89.65304565429688,141.3841094970703],[89.80744171142578,141.01422119140625],[89.96183013916016,140.6443328857422],[90.11622619628906,140.27444458007812],[90.27064514160156,139.9044952392578],[90.42503356933594,139.53460693359375],[90.57942962646484,139.1647186279297],[90.73347473144531,138.794677734375],[90.88742065429688,138.4246063232422],[91.04138946533203,138.05447387695312],[91.1953353881836,137.6844024658203],[91.34927368164062,137.31431579589844],[91.50321960449219,136.94424438476562],[91.65716552734375,136.5741729736328],[91.8111343383789,136.20404052734375],[91.96507263183594,135.83396911621094],[92.1187973022461,135.46380615234375],[92.27228546142578,135.09353637695312],[92.42576599121094,134.7232666015625],[92.57926940917969,134.35293579101562],[92.73275756835938,133.98268127441406],[92.88623809814453,133.61241149902344],[93.03971862792969,133.2421417236328],[93.19320678710938,132.8718719482422],[93.34671020507812,132.50155639648438],[93.50012969970703,132.1312255859375],[93.65314483642578,131.76077270507812],[93.80615997314453,131.3903045654297],[93.95919799804688,131.01979064941406],[94.11222076416016,130.6493377685547],[94.2652359008789,130.27886962890625],[94.41825103759766,129.90841674804688],[94.5712661743164,129.53794860839844],[94.72430419921875,129.1674346923828],[94.8773193359375,128.79696655273438],[95.02993774414062,128.42636108398438],[95.18247985839844,128.0557098388672],[95.33501434326172,127.68505096435547],[95.48757934570312,127.31433868408203],[95.64012145996094,126.94367980957031],[95.79265594482422,126.5730209350586],[95.94519805908203,126.2023696899414],[96.09774017333984,125.83171081542969],[96.25030517578125,125.46099853515625],[96.4026107788086,125.09024047851562],[96.5546646118164,124.71939086914062],[96.70671844482422,124.3485336303711],[96.85877227783203,123.97767639160156],[97.01085662841797,123.60676574707031],[97.16291046142578,123.23590850830078],[97.3149642944336,122.86505126953125],[97.4670181274414,122.49419403076172],[97.61909484863281,122.12328338623047],[97.77110290527344,121.75239562988281],[97.92266082763672,121.38134002685547],[98.07422637939453,121.01028442382812],[98.22578430175781,120.63922882080078],[98.37737274169922,120.26811218261719],[98.5289306640625,119.89705657958984],[98.68049621582031,119.52599334716797],[98.83206176757812,119.15493774414062],[98.9836196899414,118.78388214111328],[99.13520812988281,118.41276550292969],[99.28641510009766,118.04155731201172],[99.4374771118164,117.67029571533203],[99.58853912353516,117.29903411865234],[99.7396011352539,116.92777252197266],[99.89068603515625,116.55645751953125],[100.04174041748047,116.18518829345703],[100.19280242919922,115.81392669677734],[100.34386444091797,115.44266510009766],[100.49492645263672,115.07140350341797],[100.64501953125,114.69970703125],[100.78108978271484,114.32270812988281],[100.90201568603516,113.9405746459961],[101.0107650756836,113.55485534667969],[101.10960388183594,113.16632843017578],[101.19989776611328,112.77584838867188],[101.28292083740234,112.38371276855469],[101.35945892333984,111.99024963378906],[101.43025207519531,111.59574127197266],[101.49595642089844,111.20028686523438],[101.5570068359375,110.80414581298828],[101.6136245727539,110.40738677978516],[101.6663818359375,110.01004791259766],[101.71526336669922,109.61224365234375],[101.76078033447266,109.21395874023438],[101.80284881591797,108.81531524658203],[101.84183502197266,108.41639709472656],[101.87781524658203,108.01722717285156],[101.91080474853516,107.61774444580078],[101.9410400390625,107.21805572509766],[101.9685287475586,106.81816101074219],[101.99330139160156,106.4181137084961],[102.0154800415039,106.01788330078125],[102.03508758544922,105.61756134033203],[102.05205535888672,105.2170639038086],[102.06649780273438,104.81649780273438],[102.07843017578125,104.41586303710938],[102.08770751953125,104.01513671875],[102.09442138671875,103.6143798828125],[102.09855651855469,103.21351623535156],[102.09991455078125,102.81272888183594],[102.09854888916016,102.41189575195312],[102.09441375732422,102.01109313964844],[102.08723449707031,101.61026763916016],[102.07708740234375,101.20960235595703],[102.06365966796875,100.80903625488281],[102.0468978881836,100.40855407714844],[102.02645111083984,100.00823974609375],[102.00223541259766,99.6081314086914],[101.97374725341797,99.20832061767578],[101.94068908691406,98.8088607788086],[101.90261840820312,98.40986633300781],[101.85889434814453,98.01146697998047],[101.8087158203125,97.61370086669922],[101.7511215209961,97.21707153320312],[101.68482208251953,96.82177734375],[101.60787963867188,96.42842102050781],[101.51753234863281,96.03799438476562],[101.41492462158203,95.65044403076172],[101.30844116210938,95.26402282714844],[101.19828796386719,94.87859344482422],[101.08457946777344,94.4942855834961],[100.96732330322266,94.11100769042969],[100.84651184082031,93.7287826538086],[100.72216033935547,93.34772491455078],[100.59440612792969,92.96782684326172],[100.46326446533203,92.58908081054688],[100.32870483398438,92.21144104003906],[100.19080352783203,91.8351058959961],[100.04939270019531,91.46002960205078],[99.9045639038086,91.08634185791016],[99.75631713867188,90.71392059326172],[99.60465240478516,90.34285736083984],[99.44959259033203,89.9732666015625],[99.29096221923828,89.60515594482422],[99.12870788574219,89.23863220214844],[98.96292877197266,88.87373352050781],[98.79353332519531,88.5103988647461],[98.62049865722656,88.1488265991211],[98.4437255859375,87.78910827636719],[98.26300048828125,87.43133544921875],[98.07853698730469,87.07551574707031],[97.89000701904297,86.72175598144531],[97.69738006591797,86.3702392578125],[97.50061798095703,86.02105712890625],[97.29959869384766,85.67428588867188],[97.09414672851562,85.33014678955078],[96.8841552734375,84.98869323730469],[96.66952514648438,84.65015411376953],[96.45010375976562,84.31475067138672],[96.22572326660156,83.98260498046875],[95.99622344970703,83.65401458740234],[95.76138305664062,83.3291244506836],[95.52243041992188,83.00739288330078],[95.27979278564453,82.68833923339844],[95.0334243774414,82.37216186523438],[94.783447265625,82.05880737304688],[94.52985382080078,81.74842834472656],[94.27259826660156,81.44099426269531],[94.01184844970703,81.13660430908203],[93.74754333496094,80.8353271484375],[93.47966766357422,80.53706359863281],[93.20841217041016,80.24195098876953],[92.9336929321289,79.95008850097656],[92.65565490722656,79.66139221191406],[92.37433624267578,79.37593841552734],[92.08963012695312,79.09368896484375],[91.80183410644531,78.81473541259766],[91.5108871459961,78.53907012939453],[91.216796875,78.26668548583984],[90.91976165771484,77.9975814819336],[90.61968231201172,77.73175048828125],[90.31683349609375,77.46927642822266],[90.01116180419922,77.21002197265625],[89.70263671875,76.95406341552734],[89.39151763916016,76.70137023925781],[89.07775115966797,76.45186614990234],[88.76145935058594,76.20573425292969],[88.4427261352539,75.96270751953125],[88.1216049194336,75.72278594970703],[87.79821014404297,75.48596954345703],[87.47251892089844,75.25235748291016],[87.14460754394531,75.02182006835938],[86.81466674804688,74.79428100585938],[86.48269653320312,74.56965637207031],[86.14867401123047,74.3479995727539],[85.8127670288086,74.12934875488281],[85.47500610351562,73.91346740722656],[85.13551330566406,73.70044708251953],[84.7939224243164,73.49075317382812],[84.4504165649414,73.2840347290039],[84.10541534423828,73.08001708984375],[83.7590103149414,72.87836456298828],[83.41149139404297,72.67870330810547],[83.06289672851562,72.48091125488281],[82.71348571777344,72.2844009399414],[82.36353302001953,72.08898162841797],[82.01313781738281,71.89425659179688],[81.66268157958984,71.69984436035156],[81.31217956542969,71.5053482055664],[80.96184539794922,71.31046295166016],[80.61196899414062,71.11492156982422],[80.26287078857422,70.91800689697266],[79.91465759277344,70.71947479248047],[79.5676040649414,70.51897430419922],[79.22201538085938,70.31580352783203],[78.87818145751953,70.10986328125],[78.53643798828125,69.90035247802734],[78.19713592529297,69.68700408935547],[77.86061096191406,69.46923828125],[77.52728271484375,69.24661254882812],[77.1976547241211,69.01860046386719],[76.87210845947266,68.7847671508789],[76.55131530761719,68.54452514648438],[76.23561096191406,68.2974853515625],[75.92584991455078,68.04308319091797],[75.62260437011719,67.78101348876953],[75.32649993896484,67.51091003417969],[75.03839874267578,67.23225402832031],[74.75897216796875,66.94488525390625],[74.48900604248047,66.64860534667969],[74.22940063476562,66.3432846069336],[73.98075866699219,66.0289306640625],[73.74386596679688,65.7055892944336],[73.51944732666016,65.37348937988281],[73.30773162841797,65.03312683105469],[73.10567474365234,64.68699645996094],[72.9124526977539,64.33586120605469],[72.72811126708984,63.97996520996094],[72.55278778076172,63.61943817138672],[72.3866195678711,63.254703521728516],[72.22962188720703,62.885929107666016],[72.08187103271484,62.51335144042969],[71.94343566894531,62.13713455200195],[71.81444549560547,61.757667541503906],[71.6949691772461,61.37510299682617],[71.58506774902344,60.98961639404297],[71.48480224609375,60.6015510559082],[71.39424896240234,60.211090087890625],[71.31351470947266,59.8184814453125],[71.24263000488281,59.423980712890625],[71.18172454833984,59.027835845947266],[71.13085174560547,58.630306243896484],[71.09010314941406,58.23147964477539],[71.05957794189453,57.83185958862305],[71.03935241699219,57.43153381347656],[71.02953338623047,57.0308837890625],[71.03021240234375,56.63008117675781],[71.04148864746094,56.229339599609375],[71.0634536743164,55.82914733886719],[71.09618377685547,55.42970275878906],[71.13983154296875,55.0312614440918],[71.19444274902344,54.63423156738281],[71.2601547241211,54.23875427246094],[71.3370361328125,53.84537124633789],[71.4251708984375,53.45439147949219],[71.524658203125,53.06614685058594],[71.63561248779297,52.68101119995117],[71.75812530517578,52.29931640625],[71.89215087890625,51.921627044677734],[72.03778839111328,51.548213958740234],[72.195068359375,51.179534912109375],[72.3639907836914,50.816036224365234],[72.54460906982422,50.458213806152344],[72.73681640625,50.106536865234375],[72.94058990478516,49.7613639831543],[73.15579223632812,49.42327117919922],[73.38236999511719,49.092620849609375],[73.62016296386719,48.76996994018555],[73.86900329589844,48.45576095581055],[74.12861633300781,48.15041732788086],[74.39877319335938,47.85434341430664],[74.67919921875,47.567955017089844],[74.96953582763672,47.29165267944336],[75.26947784423828,47.025760650634766],[75.57855987548828,46.77066421508789],[75.89582061767578,46.52570724487305],[76.21475982666016,46.28285217285156],[76.53365325927734,46.040035247802734],[76.8523941040039,45.79697036743164],[77.17105865478516,45.5538444519043],[77.4896469116211,45.310672760009766],[77.80801391601562,45.06706619262695],[78.12633514404297,44.8234977722168],[78.44466400146484,44.57992935180664],[78.76298522949219,44.336360931396484],[79.08135223388672,44.09275436401367],[79.39924621582031,43.848628997802734],[79.71711730957031,43.60447692871094],[80.03499603271484,43.36032485961914],[80.35287475585938,43.116172790527344],[80.67079162597656,42.87198257446289],[80.98841857910156,42.627498626708984],[81.30596160888672,42.38291931152344],[81.62349700927734,42.138267517089844],[81.94082641601562,41.893409729003906],[82.25820922851562,41.64851379394531],[82.57535552978516,41.403404235839844],[82.89236450195312,41.158138275146484],[83.20938110351562,40.912872314453125],[83.52639770507812,40.667606353759766],[83.84346008300781,40.42230224609375],[84.16027069091797,40.176815032958984],[84.47687530517578,39.93101501464844],[84.7934799194336,39.68521499633789],[85.11007690429688,39.439414978027344],[85.42672729492188,39.19357681274414],[85.74323272705078,38.94761276245117],[86.05944061279297,38.70130157470703],[86.37564086914062,38.45499038696289],[86.69184875488281,38.208675384521484],[87.00810241699219,37.96232604980469],[87.3242416381836,37.71595001220703],[87.64006042480469,37.46914291381836],[87.95587158203125,37.22233581542969],[88.27174377441406,36.97549057006836],[88.58755493164062,36.72868347167969],[88.90339660644531,36.48186111450195],[89.21884155273438,36.234580993652344],[89.53428649902344,35.98729705810547],[89.84978485107422,35.7399787902832],[90.16522979736328,35.49269485473633],[90.48067474365234,35.24541473388672],[90.79581451416016,34.99774169921875],[91.11090850830078,34.750003814697266],[91.42604064941406,34.50223159790039],[91.74113464355469,34.254493713378906],[92.05622100830078,34.00675964355469],[92.37104797363281,33.75872802734375],[92.68579864501953,33.510555267333984],[93.0005874633789,33.26234817504883],[93.31533813476562,33.01417922973633],[93.63008880615234,32.76600646972656],[93.94464111328125,32.51760482788086],[94.25906372070312,32.269020080566406],[94.57353210449219,32.0203971862793],[94.88795471191406,31.771814346313477],[95.20237731933594,31.523231506347656],[95.51668548583984,31.274465560913086],[95.83084869384766,31.025453567504883],[96.14495849609375,30.776477813720703],[96.45906829833984,30.527503967285156],[96.77318572998047,30.278528213500977],[97.08720397949219,30.029460906982422],[97.40106964111328,29.780078887939453],[97.71488952636719,29.53073501586914],[98.0287094116211,29.281391143798828],[98.342529296875,29.032047271728516],[98.65632629394531,28.782657623291016],[98.96991729736328,28.532928466796875],[99.28346252441406,28.283235549926758],[99.59700775146484,28.033544540405273],[99.9105453491211,27.78385353088379],[100.22409057617188,27.534162521362305],[100.5374526977539,27.28411865234375],[100.85073852539062,27.034101486206055],[101.16401672363281,26.78408432006836],[101.47730255126953,26.534067153930664],[101.79058837890625,26.28404998779297],[102.10371398925781,26.03378677368164],[102.41675567626953,25.78346824645996],[102.72979736328125,25.53314781188965],[103.04283905029297,25.282827377319336],[103.35588073730469,25.032508850097656],[103.66886901855469,24.781980514526367],[103.981689453125,24.53137969970703],[104.29450225830078,24.280778884887695],[104.6073226928711,24.03017807006836],[104.92018127441406,23.779539108276367],[105.23291778564453,23.528867721557617],[105.5455322265625,23.278011322021484],[105.85814666748047,23.02715492248535],[106.1707534790039,22.77629852294922],[106.48341369628906,22.52540397644043],[106.79602813720703,22.274513244628906],[107.10845184326172,22.023420333862305],[107.4208755493164,21.772327423095703],[107.7332992553711,21.5212345123291],[108.04576873779297,21.270103454589844],[108.35818481445312,21.019010543823242],[108.67036437988281,20.7677001953125],[108.9825439453125,20.51630210876465],[109.29471588134766,20.264902114868164],[109.60694122314453,20.013463973999023],[109.91911315917969,19.762065887451172],[110.23129272460938,19.510665893554688],[110.54346466064453,19.259265899658203],[110.85563659667969,19.00786590576172],[111.16786193847656,18.75642967224121],[111.48003387451172,18.505029678344727],[111.79217529296875,18.253536224365234],[112.10408782958984,18.00180435180664],[112.4160385131836,17.750032424926758],[112.72794342041016,17.49829864501953],[113.03984832763672,17.246566772460938],[113.35175323486328,16.99483299255371],[113.66366577148438,16.743099212646484],[113.97561645507812,16.4913272857666],[114.28752136230469,16.239593505859375],[114.59942626953125,15.987861633300781],[114.91133117675781,15.736127853393555],[115.22310638427734,15.484230041503906],[115.53479766845703,15.232132911682129],[115.846435546875,14.980073928833008],[116.1580810546875,14.728014945983887],[116.46971893310547,14.475955963134766],[116.78136444091797,14.223896026611328],[117.09305572509766,13.97179889678955],[117.40470123291016,13.71973991394043],[117.71633911132812,13.467680931091309],[118.02798461914062,13.215621948242188],[118.3396224975586,12.963562965393066],[118.65131378173828,12.711464881896973],[118.96295928955078,12.459405899047852],[119.27460479736328,12.20734691619873],[119.58624267578125,11.95528793334961],[119.89793395996094,11.703189849853516],[120.20957946777344,11.451130867004395],[120.5212173461914,11.199071884155273],[120.8328628540039,10.947012901306152],[121.1445083618164,10.694953918457031],[121.45619201660156,10.442856788635254],[121.76783752441406,10.190796852111816],[122.07940673828125,9.93862533569336],[122.39093017578125,9.686413764953613],[122.70244598388672,9.434202194213867],[123.0140151977539,9.181953430175781],[123.32553100585938,8.929741859436035],[123.63705444335938,8.677530288696289],[123.94857025146484,8.42531967163086],[124.26009368896484,8.173108100891113],[124.5716552734375,7.920858383178711],[124.8831787109375,7.668647766113281],[125.1947021484375,7.416436195373535],[125.50621795654297,7.1642255783081055],[125.81774139404297,6.912014007568359],[126.12930297851562,6.659764289855957],[126.44082641601562,6.407553195953369],[126.7523422241211,6.155342102050781],[127.0638656616211,5.903131008148193],[127.37538146972656,5.6509199142456055],[127.68695068359375,5.398670196533203],[127.99847412109375,5.146459102630615],[128.30999755859375,4.894248008728027],[128.6215057373047,4.6420369148254395],[128.9333953857422,4.390189170837402],[129.25369262695312,4.1492919921875],[129.5856170654297,3.9246742725372314],[129.9283447265625,3.716902732849121],[130.28097534179688,3.526489496231079],[130.6426544189453,3.3537046909332275],[131.01231384277344,3.1988654136657715],[131.3890838623047,3.062161445617676],[131.77191162109375,2.9436819553375244],[132.15997314453125,2.843442678451538],[132.55235290527344,2.761474847793579],[132.94805908203125,2.6978096961975098],[133.34620666503906,2.6524102687835693],[133.74610900878906,2.6253018379211426],[134.14678955078125,2.616523265838623],[134.54751586914062,2.6261651515960693],[134.94729614257812,2.6545379161834717],[135.3452606201172,2.7018325328826904],[135.74044799804688,2.7685227394104004],[136.13169860839844,2.8552184104919434],[136.51780700683594,2.9629318714141846],[136.89698791503906,3.0926904678344727],[137.26719665527344,3.2460367679595947],[137.62576293945312,3.4249520301818848],[137.9689178466797,3.6319491863250732],[138.29107666015625,3.8700826168060303],[138.58433532714844,4.142958164215088],[138.86143493652344,4.432554721832275],[139.1418914794922,4.718858242034912],[139.42481994628906,5.002868175506592],[139.70947265625,5.285118579864502],[139.9952850341797,5.566064834594727],[140.28182983398438,5.846342086791992],[140.56881713867188,6.126155376434326],[140.85606384277344,6.405783176422119],[141.1432647705078,6.685368061065674],[141.43023681640625,6.965183258056641],[141.71685791015625,7.245351314544678],[142.00306701660156,7.525972366333008],[142.28863525390625,7.807310581207275],[142.57339477539062,8.089380264282227],[142.85719299316406,8.372440338134766],[143.1400146484375,8.656449317932129],[143.42156982421875,8.941767692565918],[143.70188903808594,9.228286743164062],[143.9808349609375,9.516157150268555],[144.258056640625,9.805658340454102],[144.53366088867188,10.096664428710938],[144.80738830566406,10.389402389526367],[145.0792236328125,10.684096336364746],[145.34869384765625,10.980795860290527],[145.61582946777344,11.279624938964844],[145.88037109375,11.580718994140625],[146.1421356201172,11.88435173034668],[146.40077209472656,12.190553665161133],[146.6561279296875,12.49952220916748],[146.9078369140625,12.811383247375488],[147.1555633544922,13.126524925231934],[147.39889526367188,13.445050239562988],[147.63743591308594,13.76718807220459],[147.87066650390625,14.09317398071289],[148.09799194335938,14.423237800598145],[148.3187713623047,14.757752418518066],[148.53225708007812,15.097033500671387],[148.73753356933594,15.44127082824707],[148.9334259033203,15.790952682495117],[149.11875915527344,16.146387100219727],[149.2918701171875,16.507827758789062],[149.45106506347656,16.87569236755371],[149.59552001953125,17.249544143676758],[149.728515625,17.627649307250977],[149.84996032714844,18.009624481201172],[149.9591827392578,18.39520263671875],[150.05593872070312,18.784238815307617],[150.13980102539062,19.176166534423828],[150.21047973632812,19.570688247680664],[150.26788330078125,19.967342376708984],[150.3120574951172,20.36577033996582],[150.34315490722656,20.765361785888672],[150.3614959716797,21.165721893310547],[150.367431640625,21.566490173339844],[150.3614959716797,21.96725845336914],[150.3443145751953,22.36773109436035],[150.31655883789062,22.767560958862305],[150.2790069580078,23.166654586791992],[150.23236083984375,23.564699172973633],[150.1773681640625,23.96170425415039],[150.11483764648438,24.35767936706543],[150.04554748535156,24.75244903564453],[149.9700927734375,25.146116256713867],[149.8893585205078,25.53874969482422],[149.80398559570312,25.930330276489258],[149.71449279785156,26.321115493774414],[149.6214599609375,26.71095085144043],[149.5254669189453,27.100088119506836],[149.42694091796875,27.488609313964844],[149.32635498046875,27.876630783081055],[149.21881103515625,28.26278305053711],[149.10324096679688,28.646535873413086],[148.9800567626953,29.027942657470703],[148.84959411621094,29.40692710876465],[148.71249389648438,29.7835693359375],[148.56924438476562,30.157976150512695],[148.42034912109375,30.530092239379883],[148.26608276367188,30.900028228759766],[148.1070556640625,31.26799774169922],[147.94369506835938,31.634061813354492],[147.7763214111328,31.998254776000977],[147.60536193847656,32.360801696777344],[147.4312744140625,32.721832275390625],[147.2542266845703,33.08138656616211],[147.07489013671875,33.43991470336914],[146.8934783935547,33.797332763671875],[146.71022033691406,34.15378952026367],[146.52565002441406,34.50957489013672],[146.33993530273438,34.86484146118164],[146.1533966064453,35.21967697143555],[145.9666748046875,35.57429122924805],[145.77976989746094,35.92884826660156],[145.59315490722656,36.2835693359375],[145.4069366455078,36.638519287109375],[145.2216339111328,36.994041442871094],[145.03768920898438,37.35013198852539],[144.85519409179688,37.70702362060547],[144.67465209960938,38.06486511230469],[144.49649047851562,38.423912048339844],[144.32070922851562,38.78419494628906],[144.14813232421875,39.145896911621094],[143.97886657714844,39.509281158447266],[143.8135223388672,39.87440490722656],[143.65240478515625,40.241432189941406],[143.49588012695312,40.610450744628906],[143.34449768066406,40.981563568115234],[143.19879150390625,41.3549690246582],[143.0591278076172,41.73066711425781],[142.92599487304688,42.108760833740234],[142.79991149902344,42.489200592041016],[142.6815643310547,42.87216567993164],[142.5713653564453,43.25755310058594],[142.46971130371094,43.64521408081055],[142.37745666503906,44.03532791137695],[142.294921875,44.427555084228516],[142.22279357910156,44.821815490722656],[142.16140747070312,45.217857360839844],[142.10812377929688,45.615081787109375],[142.06166076660156,46.013267517089844],[142.02195739746094,46.412105560302734],[141.9888916015625,46.81159210205078],[141.96217346191406,47.21149826049805],[141.9417724609375,47.61179733276367],[141.92764282226562,48.01242446899414],[141.9195098876953,48.413124084472656],[141.91737365722656,48.81393814086914],[141.92120361328125,49.21476364135742],[141.9307098388672,49.61540603637695],[141.94607543945312,50.01601028442383],[141.9670867919922,50.416263580322266],[141.9935760498047,50.81620407104492],[142.02577209472656,51.21575164794922],[142.06333923339844,51.61481475830078],[142.1063995361328,52.013328552246094],[142.15496826171875,52.41121292114258],[142.2087860107422,52.80839538574219],[142.26809692382812,53.20478439331055],[142.33273315429688,53.600406646728516],[142.40264892578125,53.99504470825195],[142.47804260253906,54.38873291015625],[142.55865478515625,54.78135681152344],[142.64471435546875,55.1728401184082],[142.73614501953125,55.5631217956543],[142.8328857421875,55.95212173461914],[142.93521118164062,56.33964920043945],[143.0429229736328,56.725711822509766],[143.15609741210938,57.110206604003906],[143.2749481201172,57.49301528930664],[143.3993682861328,57.87403869628906],[143.52940368652344,58.25321578979492],[143.66529846191406,58.630245208740234],[143.80697631835938,59.00517272949219],[143.9545440673828,59.377933502197266],[144.10818481445312,59.74808883666992],[144.26795959472656,60.1157112121582],[144.4339141845703,60.480567932128906],[144.60618591308594,60.84250259399414],[144.78497314453125,61.201229095458984],[144.9703826904297,61.55658721923828],[145.1625213623047,61.90830993652344],[145.361572265625,62.25621795654297],[145.5677032470703,62.60005187988281],[145.781005859375,62.93939208984375],[146.00167846679688,63.273956298828125],[146.2298583984375,63.60350799560547],[146.4651336669922,63.92793655395508],[146.7073974609375,64.24736022949219],[146.95620727539062,64.56156921386719],[147.21133422851562,64.8707046508789],[147.47244262695312,65.17479705810547],[147.73934936523438,65.47381591796875],[148.01165771484375,65.76782989501953],[148.2891845703125,66.05724334716797],[148.5713653564453,66.3418960571289],[148.858154296875,66.62175750732422],[149.14923095703125,66.89739990234375],[149.4442138671875,67.16866302490234],[149.74310302734375,67.43589782714844],[150.0452880859375,67.69921112060547],[150.3507080078125,67.95873260498047],[150.6591796875,68.2147445678711],[150.97019958496094,68.46741485595703],[151.283935546875,68.71697235107422],[151.59996032714844,68.963623046875],[151.91798400878906,69.20757293701172],[152.2379913330078,69.44902038574219],[152.55955505371094,69.68806457519531],[152.88287353515625,69.92523193359375],[153.20741271972656,70.16048431396484],[153.53309631347656,70.39395904541016],[153.8599090576172,70.62612915039062],[154.1874542236328,70.8570327758789],[154.5158233642578,71.0870132446289],[154.84487915039062,71.31605529785156],[155.17401123046875,71.54470825195312],[155.50367736816406,71.77281188964844],[155.83328247070312,72.00077819824219],[156.16299438476562,72.22880554199219],[156.49249267578125,72.45698547363281],[156.82171630859375,72.68550109863281],[157.1507110595703,72.91453552246094],[157.47906494140625,73.14439392089844],[157.80682373046875,73.37522888183594],[158.13372802734375,73.60713195800781],[158.45965576171875,73.84046936035156],[158.78445434570312,74.07527160644531],[159.10806274414062,74.3117446899414],[159.43055725097656,74.5499267578125],[159.75144958496094,74.79019165039062],[160.07054138183594,75.03260040283203],[160.38800048828125,75.27740478515625],[160.7034912109375,75.52459716796875],[161.0169677734375,75.7744140625],[161.32821655273438,76.02698516845703],[161.63702392578125,76.28252410888672],[161.9433135986328,76.54105377197266],[162.24685668945312,76.80267333984375],[162.5477294921875,77.06764221191406],[162.8456268310547,77.33598327636719],[163.1400909423828,77.60769653320312],[163.43185424804688,77.88263702392578],[163.72262573242188,78.15852355957031],[164.01243591308594,78.43534088134766],[164.3014678955078,78.71318817138672],[164.5894012451172,78.99185180664062],[164.87648010253906,79.27171325683594],[165.1622314453125,79.55281066894531],[165.4468231201172,79.83507537841797],[165.7301483154297,80.11856842041016],[166.01217651367188,80.40335083007812],[166.29290771484375,80.68956756591797],[166.57196044921875,80.97736358642578],[166.849365234375,81.26653289794922],[167.125244140625,81.55731964111328],[167.39939880371094,81.84967803955078],[167.67185974121094,82.1437759399414],[167.94244384765625,82.43959045410156],[168.2108154296875,82.7372055053711],[168.47718811035156,83.0367431640625],[168.74131774902344,83.33805847167969],[169.00326538085938,83.64161682128906],[169.26275634765625,83.94718170166016],[169.51966857910156,84.25469207763672],[169.77406311035156,84.56454467773438],[170.02549743652344,84.87653350830078],[170.27420043945312,85.19097137451172],[170.51986694335938,85.50776672363281],[170.76214599609375,85.8270034790039],[171.00120544433594,86.1488037109375],[171.23670959472656,86.47303771972656],[171.4684295654297,86.80021667480469],[171.69630432128906,87.13003540039062],[171.9200439453125,87.46250915527344],[172.13934326171875,87.79805755615234],[172.3541259765625,88.13641357421875],[172.56411743164062,88.47789001464844],[172.76889038085938,88.8224105834961],[172.96847534179688,89.17005157470703],[173.16212463378906,89.52095031738281],[173.3498992919922,89.87504577636719],[173.53126525878906,90.2325439453125],[173.70594787597656,90.59337615966797],[173.87339782714844,90.95742797851562],[174.03347778320312,91.3249282836914],[174.1854248046875,91.6957778930664],[174.32899475097656,92.07007598876953],[174.4635772705078,92.4476089477539],[174.5886993408203,92.82833099365234],[174.7039031982422,93.21234130859375],[174.80845642089844,93.59918212890625],[174.90194702148438,93.98892974853516],[174.98379516601562,94.38139343261719],[175.05337524414062,94.77603912353516],[175.111572265625,95.17268371582031],[175.16395568847656,95.57006072998047],[175.21095275878906,95.96802520751953],[175.25296020507812,96.36669921875],[175.28988647460938,96.7657470703125],[175.3221435546875,97.16532135009766],[175.34951782226562,97.56533813476562],[175.37245178222656,97.96544647216797],[175.39085388183594,98.36585235595703],[175.40487670898438,98.76640319824219],[175.41470336914062,99.1671371459961],[175.420166015625,99.56793212890625],[175.4215850830078,99.96873474121094],[175.4189910888672,100.36956787109375],[175.4122772216797,100.77027893066406],[175.4016571044922,101.17095947265625],[175.38722229003906,101.5716323852539],[175.3688201904297,101.97195434570312],[175.34658813476562,102.3721923828125],[175.3206329345703,102.77214813232422],[175.29090881347656,103.17185974121094],[175.2573699951172,103.57131958007812],[175.22012329101562,103.97037506103516],[175.17922973632812,104.369140625],[175.1345977783203,104.76741027832031],[175.08619689941406,105.16535949707031],[175.03414916992188,105.56288146972656],[174.97845458984375,105.95975494384766],[174.91897583007812,106.3561782836914],[174.85577392578125,106.75189208984375],[174.78884887695312,107.14716339111328],[174.7182159423828,107.54175567626953],[174.6437530517578,107.93549346923828],[174.56539916992188,108.32872009277344],[174.48330688476562,108.72098541259766],[174.39735412597656,109.1125259399414],[174.3073272705078,109.50310516357422],[174.21337890625,109.89275360107422],[174.11546325683594,110.28140258789062],[174.01344299316406,110.66901397705078],[173.90719604492188,111.05550384521484],[173.79678344726562,111.44090270996094],[173.68218994140625,111.82489013671875],[173.56301879882812,112.20771026611328],[173.43955993652344,112.58900451660156],[173.31155395507812,112.96883392333984],[173.17880249023438,113.3470458984375],[173.0414276123047,113.7236099243164],[172.8990936279297,114.09832763671875],[172.75186157226562,114.47102355957031],[172.5995635986328,114.84185791015625],[172.44187927246094,115.21041107177734],[172.279052734375,115.57666015625],[172.11044311523438,115.94027709960938],[171.93634033203125,116.30145263671875],[171.7560577392578,116.6593246459961],[171.5693817138672,117.01416015625],[171.37643432617188,117.3653335571289],[171.1774444580078,117.7134017944336],[170.97218322753906,118.05772399902344],[170.7612762451172,118.39842987060547],[170.54444885253906,118.73558044433594],[170.32191467285156,119.06896209716797],[170.09397888183594,119.39865112304688],[169.86074829101562,119.72473907470703],[169.62258911132812,120.04694366455078],[169.37928771972656,120.36557006835938],[169.13128662109375,120.68035125732422],[168.87867736816406,120.99163818359375],[168.62176513671875,121.29936218261719],[168.3607940673828,121.60350036621094],[168.0956268310547,121.90422821044922],[167.8268585205078,122.20142364501953],[167.55445861816406,122.49547576904297],[167.2786102294922,122.78645324707031],[166.99972534179688,123.07415771484375],[166.71763610839844,123.35899353027344],[166.43276977539062,123.64097595214844],[166.145263671875,123.92028045654297],[165.85523986816406,124.19707489013672],[165.56301879882812,124.47130584716797],[165.26853942871094,124.74322509765625],[164.9721221923828,125.01296997070312],[164.67379760742188,125.2807846069336],[164.37376403808594,125.54670715332031],[164.0723876953125,125.81085205078125],[163.76956176757812,126.07339477539062],[163.4654083251953,126.33446502685547],[163.16014099121094,126.59428405761719],[162.8539581298828,126.85292053222656],[162.5469512939453,127.11051940917969],[162.23899841308594,127.36724090576172],[161.93063354492188,127.6231918334961],[161.62176513671875,127.87877655029297],[161.3125,128.1338348388672],[161.0031280517578,128.3885040283203],[160.69345092773438,128.64306640625],[160.3838653564453,128.89755249023438],[160.07418823242188,129.15211486816406],[159.7647705078125,129.40704345703125],[159.45556640625,129.66197204589844],[159.14688110351562,129.91773986816406],[158.83843994140625,130.17359924316406],[158.53054809570312,130.430419921875],[158.22341918945312,130.68800354003906],[157.91712951660156,130.94647216796875],[157.6116485595703,131.20599365234375],[157.30703735351562,131.4666748046875],[157.00360107421875,131.728515625],[156.70127868652344,131.9916534423828],[156.40025329589844,132.25616455078125],[156.1004180908203,132.5222625732422],[155.802001953125,132.7899627685547],[155.5051727294922,133.0592041015625],[155.20982360839844,133.330322265625],[154.91708374023438,133.60400390625],[154.62771606445312,133.8814697265625],[154.34194946289062,134.16249084472656],[154.05967712402344,134.44703674316406],[153.7808380126953,134.73504638671875],[153.50555419921875,135.0262908935547],[153.23362731933594,135.32086181640625],[152.9651336669922,135.61854553222656],[152.7001495361328,135.919189453125],[152.43849182128906,136.2228546142578],[152.18028259277344,136.52931213378906],[151.9254150390625,136.8386993408203],[151.67385864257812,137.15086364746094],[151.4256591796875,137.465576171875],[151.1807403564453,137.78282165527344],[150.93910217285156,138.10256958007812],[150.70059204101562,138.4248809814453],[150.46534729003906,138.74945068359375],[150.23336791992188,139.0762176513672],[150.00448608398438,139.40528869628906],[149.77886962890625,139.73646545410156],[149.5563201904297,140.0699005126953],[149.3369140625,140.40541076660156],[149.1206512451172,140.74276733398438],[148.90736389160156,141.0821990966797],[148.69711303710938,141.42347717285156],[148.4899444580078,141.76658630371094],[148.28573608398438,142.11151123046875],[148.0845184326172,142.45814514160156],[147.8862762451172,142.80661010742188],[147.69110107421875,143.15664672851562],[147.49879455566406,143.50839233398438],[147.3094482421875,143.8616485595703],[147.1230010986328,144.21641540527344],[146.9393768310547,144.57284545898438],[146.75872802734375,144.93052673339844],[146.5808868408203,145.28982543945312],[146.40589904785156,145.6505126953125],[146.23387145996094,146.0124053955078],[146.06460571289062,146.3758544921875],[145.8983154296875,146.74037170410156],[145.73471069335938,147.1064453125],[145.573974609375,147.4736328125],[145.4160919189453,147.84197998046875],[145.26097106933594,148.21160888671875],[145.108642578125,148.58245849609375],[144.95919799804688,148.95433044433594],[144.81253051757812,149.32733154296875],[144.66868591308594,149.70143127441406],[144.52760314941406,150.07672119140625],[144.38938903808594,150.4530029296875],[144.2541046142578,150.83021545410156],[144.12156677246094,151.20852661132812],[143.991943359375,151.5877685546875],[143.86512756347656,151.9680633544922],[143.74122619628906,152.34922790527344],[143.62022399902344,152.73126220703125],[143.50209045410156,153.11436462402344],[143.38690185546875,153.49819946289062],[143.27462768554688,153.88311767578125],[143.16537475585938,154.2687225341797],[143.0591278076172,154.65516662597656],[142.9558563232422,155.0425567626953],[142.85572814941406,155.43052673339844],[142.75865173339844,155.81951904296875],[142.66473388671875,156.20925903320312],[142.5747528076172,156.59983825683594],[142.4913787841797,156.99192810058594],[142.41525268554688,157.3853302001953],[142.34573364257812,157.7801055908203],[142.28294372558594,158.17599487304688],[142.22653198242188,158.5728302001953],[142.17633056640625,158.9705352783203],[142.13232421875,159.3688201904297],[142.09408569335938,159.7678985595703],[142.0618438720703,160.16751098632812],[142.03515625,160.56732177734375],[142.013916015625,160.9676513671875],[141.99832153320312,161.36814880371094],[141.98789978027344,161.768798828125],[141.9826202392578,162.169677734375],[141.98265075683594,162.5704345703125],[141.98764038085938,162.97128295898438],[141.99752807617188,163.3719024658203],[142.0123291015625,163.77252197265625],[142.0320281982422,164.17291259765625],[142.056396484375,164.5729217529297],[142.0854034423828,164.97279357910156],[142.11917114257812,165.3720245361328],[142.1575927734375,165.77105712890625],[142.2005157470703,166.16966247558594],[142.24789428710938,166.567626953125],[142.2999267578125,166.96514892578125],[142.35641479492188,167.3618927001953],[142.41734313964844,167.7581024169922],[142.482666015625,168.15362548828125],[142.55245971679688,168.5482635498047],[142.6267547607422,168.94212341308594],[142.70542907714844,169.33526611328125],[142.78848266601562,169.72731018066406],[142.87600708007812,170.1185302734375],[142.9680633544922,170.50851440429688],[143.06459045410156,170.8976287841797],[143.16549682617188,171.2855224609375],[143.2708740234375,171.6721954345703],[143.38099670410156,172.0576934814453],[143.49557495117188,172.44166564941406],[143.61473083496094,172.8243865966797],[143.73858642578125,173.20571899414062],[143.86720275878906,173.58526611328125],[144.00051879882812,173.9632568359375],[144.13858032226562,174.33953857421875],[144.28163146972656,174.71397399902344],[144.42965698242188,175.08660888671875],[144.58253479003906,175.45703125],[144.7406463623047,175.825439453125],[144.9038543701172,176.1913604736328],[145.07232666015625,176.55519104003906],[145.2462158203125,176.9163360595703],[145.42552185058594,177.27476501464844],[145.61032104492188,177.63050842285156],[145.80081176757812,177.98304748535156],[145.99539184570312,178.3336181640625],[146.19300842285156,178.68228149414062],[146.39395141601562,179.02908325195312],[146.5980224609375,179.37405395507812],[146.8052520751953,179.7171173095703],[147.01573181152344,180.0582733154297],[147.2294921875,180.39747619628906],[147.4462890625,180.7344512939453],[147.66639709472656,181.06959533691406],[147.88967895507812,181.40228271484375],[148.1162872314453,181.73300170898438],[148.34608459472656,182.06143188476562],[148.5790557861328,182.38751220703125],[148.81552124023438,182.7113037109375],[149.05511474609375,183.03256225585938],[149.2980194091797,183.35145568847656],[149.5443115234375,183.66773986816406],[149.7938995361328,183.9813232421875],[150.04676818847656,184.292236328125],[150.30299377441406,184.6003875732422],[150.5628204345703,184.9057159423828],[150.82601928710938,185.2081756591797],[151.09242248535156,185.50750732421875],[151.3625030517578,185.8037567138672],[151.63587951660156,186.0966796875],[151.91282653808594,186.3865203857422],[152.19342041015625,186.67294311523438],[152.47738647460938,186.95570373535156],[152.7649383544922,187.2350311279297],[153.05606079101562,187.5105743408203],[153.35073852539062,187.78219604492188],[153.6490020751953,188.05003356933594],[153.9508056640625,188.31361389160156],[154.25637817382812,188.5731201171875],[154.56553649902344,188.8284149169922],[154.8782196044922,189.07896423339844],[155.19467163085938,189.3250274658203],[155.5146484375,189.5664520263672],[155.83843994140625,189.80276489257812],[156.1657257080078,190.03411865234375],[156.49658203125,190.26022338867188],[156.8312225341797,190.48095703125],[157.1692352294922,190.69622802734375],[157.51107788085938,190.90567016601562],[157.85641479492188,191.10939025878906],[158.205078125,191.30691528320312],[158.5573272705078,191.4982147216797],[158.9127655029297,191.6831817626953],[159.27186584472656,191.8614501953125],[159.63412475585938,192.03314208984375],[159.9995880126953,192.1976318359375],[160.36813354492188,192.35516357421875],[160.73968505859375,192.50527954101562],[161.11427307128906,192.6479949951172],[161.49168395996094,192.78334045410156],[161.87136840820312,192.9116668701172],[162.253173828125,193.03367614746094],[162.6367950439453,193.14968872070312],[163.0221405029297,193.26002502441406],[163.4091033935547,193.36492919921875],[163.7972412109375,193.46453857421875],[164.18679809570312,193.55926513671875],[164.57720947265625,193.64932250976562],[164.9688262939453,193.735107421875],[165.36129760742188,193.8167724609375],[165.7544708251953,193.89456176757812],[166.1483612060547,193.96875],[166.54290771484375,194.03956604003906],[166.9380340576172,194.10720825195312],[167.3336181640625,194.17190551757812],[167.72959899902344,194.23358154296875],[168.12600708007812,194.29302978515625],[168.52272033691406,194.3501739501953],[168.91973876953125,194.40518188476562],[169.31707763671875,194.458251953125],[169.714599609375,194.50958251953125],[170.11233520507812,194.55935668945312],[170.51014709472656,194.60772705078125],[170.90821838378906,194.65489196777344],[171.3065185546875,194.7008056640625],[171.7047119140625,194.74609375],[172.10313415527344,194.7906951904297],[172.5015869140625,194.83473205566406],[172.89988708496094,194.87843322753906],[173.2984161376953,194.92185974121094],[173.69686889648438,194.96530151367188],[174.0953826904297,195.0087890625],[174.4937744140625,195.0526123046875],[174.89208984375,195.09677124023438],[175.29049682617188,195.14161682128906],[175.68865966796875,195.18714904785156],[176.08688354492188,195.2333526611328],[176.48487854003906,195.28085327148438],[176.88265991210938,195.32960510253906],[177.2803955078125,195.37977600097656],[177.6778564453125,195.43148803710938],[178.0751190185547,195.48500061035156],[178.47213745117188,195.54042053222656],[178.86878967285156,195.5979461669922],[179.26516723632812,195.657470703125],[179.66104125976562,195.71974182128906],[180.0565948486328,195.78468322753906],[180.4517364501953,195.8525390625],[180.84616088867188,195.9233856201172],[181.24012756347656,195.99757385253906],[181.63330078125,196.07522583007812],[182.02577209472656,196.1565704345703],[182.41754150390625,196.24185180664062],[182.8081817626953,196.3312225341797],[183.19798278808594,196.4250030517578],[183.58645629882812,196.52334594726562],[183.97384643554688,196.62657165527344],[184.3597869873047,196.73483276367188],[184.74411010742188,196.84841918945312],[185.1267852783203,196.9675750732422],[185.50755310058594,197.09266662597656],[185.88632202148438,197.22390747070312],[186.2621612548828,197.36349487304688],[186.63417053222656,197.5123291015625],[187.00296020507812,197.6697540283203],[187.3679656982422,197.8349151611328],[187.72976684570312,198.00772094726562],[188.08811950683594,198.18728637695312],[188.44317626953125,198.37332153320312],[188.7949676513672,198.56539916992188],[189.1434783935547,198.76318359375],[189.48895263671875,198.96653747558594],[189.83140563964844,199.175048828125],[190.17062377929688,199.38836669921875],[190.5069580078125,199.6064453125],[190.8402862548828,199.82899475097656],[191.17071533203125,200.05584716796875],[191.49838256835938,200.28695678710938],[191.82301330566406,200.52191162109375],[192.14491271972656,200.7608642578125],[192.4639434814453,201.00355529785156],[192.7799530029297,201.25006103515625],[193.09339904785156,201.4998016357422],[193.4038848876953,201.75323486328125],[193.71173095703125,202.010009765625],[194.01678466796875,202.2701873779297],[194.31878662109375,202.5334930419922],[194.6182098388672,202.80003356933594],[194.9145050048828,203.06996154785156],[195.2081756591797,203.3427276611328],[195.4986114501953,203.61900329589844],[195.7862548828125,203.89805603027344],[196.07083129882812,204.1804962158203],[196.352294921875,204.46583557128906],[196.63058471679688,204.75428771972656],[196.90565490722656,205.04588317871094],[197.177490234375,205.34042358398438],[197.44577026367188,205.63815307617188],[197.7105255126953,205.93905639648438],[197.97171020507812,206.2432403564453],[198.22897338867188,206.55055236816406],[198.48233032226562,206.86114501953125],[198.73153686523438,207.17510986328125],[198.9763641357422,207.49232482910156],[199.21730041503906,207.81271362304688],[199.45545959472656,208.1351776123047],[199.6907196044922,208.4595947265625],[199.92323303222656,208.78611755371094],[200.1532440185547,209.11441040039062],[200.3807373046875,209.4443817138672],[200.6057586669922,209.77622985839844],[200.82846069335938,210.10940551757812],[201.04898071289062,210.44410705566406],[201.26722717285156,210.7802276611328],[201.48362731933594,211.1177215576172],[201.69802856445312,211.4564208984375],[201.91043090820312,211.79623413085938],[202.12100219726562,212.1373748779297],[202.33006286621094,212.47926330566406],[202.53770446777344,212.82223510742188],[202.743896484375,213.16603088378906],[202.94833374023438,213.51072692871094],[203.15151977539062,213.85623168945312],[203.35353088378906,214.20236206054688],[203.55447387695312,214.54917907714844],[203.75448608398438,214.89669799804688],[203.95327758789062,215.2446746826172],[204.15118408203125,215.59326171875],[204.34828186035156,215.94216918945312],[204.54478454589844,216.29164123535156],[204.74058532714844,216.6414337158203],[204.9354705810547,216.9916229248047],[205.13040161132812,217.34190368652344],[205.32456970214844,217.6925506591797],[205.51829528808594,218.0433807373047],[205.7120819091797,218.39430236816406],[205.9058074951172,218.74513244628906],[206.09959411621094,219.09605407714844],[206.29330444335938,219.44708251953125],[206.48687744140625,219.79800415039062],[206.6805877685547,220.14894104003906],[206.8747100830078,220.49954223632812],[207.06890869140625,220.85023498535156],[207.2637939453125,221.2005157470703],[207.45896911621094,221.550537109375],[207.65443420410156,221.90054321289062],[207.8507080078125,222.2499542236328],[208.0479278564453,222.59898376464844],[208.2459259033203,222.94760131835938],[208.4447021484375,223.29559326171875],[208.64442443847656,223.64317321777344],[208.8450927734375,223.99008178710938],[209.0471954345703,224.3362274169922],[209.2505340576172,224.6817626953125],[209.4550018310547,225.02638244628906],[209.66091918945312,225.3704071044922],[209.8681182861328,225.71337890625],[210.07717895507812,226.055419921875],[210.28781127929688,226.39654541015625],[210.5000762939453,226.7363739013672],[210.71446228027344,227.0751953125],[210.93060302734375,227.41261291503906],[211.14883422851562,227.7489776611328],[211.36929321289062,228.08375549316406],[211.59182739257812,228.41697692871094],[211.81666564941406,228.7488250732422],[212.0440673828125,229.07884216308594],[212.2739715576172,229.40725708007812],[212.50640869140625,229.73391723632812],[212.74159240722656,230.05836486816406],[212.97962951660156,230.3809356689453],[213.22042846679688,230.70135498046875],[213.46437072753906,231.01943969726562],[213.71141052246094,231.33509826660156],[213.9615020751953,231.6482696533203],[214.21495056152344,231.95889282226562],[214.4718017578125,232.2664031982422],[214.73219299316406,232.57125854492188],[214.99603271484375,232.87306213378906],[215.2635040283203,233.17144775390625],[215.53488159179688,233.46649169921875],[215.80987548828125,233.75796508789062],[216.08981323242188,234.04501342773438],[216.37496948242188,234.3267059326172],[216.6648712158203,234.60330200195312],[216.9598388671875,234.87484741210938],[217.25942993164062,235.1412353515625],[217.56338500976562,235.4023895263672],[217.87181091308594,235.65835571289062],[218.18435668945312,235.90931701660156],[218.50112915039062,236.15493774414062],[218.8217315673828,236.39559936523438],[219.1460723876953,236.63099670410156],[219.4741668701172,236.86141967773438],[219.80551147460938,237.08665466308594],[220.1405029296875,237.30691528320312],[220.4786376953125,237.5223388671875],[220.81980895996094,237.73245239257812],[221.16403198242188,237.9378204345703],[221.51113891601562,238.13827514648438],[221.86109924316406,238.33384704589844],[222.213623046875,238.5247039794922],[222.56866455078125,238.71054077148438],[222.92613220214844,238.89175415039062],[223.28599548339844,239.06829833984375],[223.64816284179688,239.24012756347656],[224.01239013671875,239.4074249267578],[224.37879943847656,239.5700225830078],[224.74710083007812,239.72811889648438],[225.1172637939453,239.8817596435547],[225.4893341064453,240.0308380126953],[225.8632049560547,240.1756591796875],[226.23855590820312,240.3159637451172],[226.61569213867188,240.45196533203125],[226.99411010742188,240.58372497558594],[227.37425231933594,240.7111358642578],[227.7556915283203,240.8343505859375],[228.13832092285156,240.95338439941406],[228.5224151611328,241.06813049316406],[228.90768432617188,241.17886352539062],[229.2941131591797,241.28550720214844],[229.6815643310547,241.38796997070312],[230.07008361816406,241.4864501953125],[230.45970153808594,241.58087158203125],[230.8500518798828,241.67124938964844],[231.24147033691406,241.7577667236328],[231.6338653564453,241.8402099609375],[232.0268096923828,241.918701171875],[232.420654296875,241.9933624267578],[232.8152313232422,242.0640106201172],[233.21047973632812,242.13082885742188],[233.60638427734375,242.19371032714844],[234.0027313232422,242.252685546875],[234.39974975585938,242.30789184570312],[234.7972869873047,242.3590850830078],[235.19546508789062,242.406005859375],[235.5940704345703,242.4475860595703],[235.9932098388672,242.4838409423828],[236.3928680419922,242.51480102539062],[236.79298400878906,242.540771484375],[237.19313049316406,242.5618438720703],[237.5936279296875,242.5781707763672],[237.99429321289062,242.58984375],[238.39512634277344,242.5968475341797],[238.79595947265625,242.5994873046875],[239.19664001464844,242.59791564941406],[239.59750366210938,242.59222412109375],[239.9981231689453,242.58253479003906],[240.39886474609375,242.5689697265625],[240.79931640625,242.55154418945312],[241.19952392578125,242.53050231933594],[241.5996551513672,242.50596618652344],[241.99937438964844,242.4780731201172],[242.3991241455078,242.44664001464844],[242.79844665527344,242.41229248046875],[243.1974334716797,242.3749237060547],[243.59628295898438,242.33462524414062],[243.99472045898438,242.29150390625],[244.39295959472656,242.24569702148438],[244.79098510742188,242.19725036621094],[245.18841552734375,242.14634704589844],[245.58570861816406,242.093017578125],[245.98268127441406,242.03741455078125],[246.3793487548828,241.97959899902344],[246.77566528320312,241.919677734375],[247.17166137695312,241.8577117919922],[247.5673370361328,241.79380798339844],[247.96270751953125,241.72811889648438],[248.3578338623047,241.66067504882812],[248.75271606445312,241.59161376953125],[249.14730834960938,241.52101135253906],[249.54156494140625,241.44895935058594],[249.93551635742188,241.3755645751953],[250.32949829101562,241.30084228515625],[250.7230682373047,241.22494506835938],[251.11634826660156,241.14794921875],[251.50953674316406,241.06968688964844],[251.90243530273438,240.99072265625],[252.29527282714844,240.91085815429688],[252.68797302246094,240.8302764892578],[253.0803985595703,240.74891662597656],[253.4728240966797,240.6670379638672],[253.8649444580078,240.58450317382812],[254.2571563720703,240.5016326904297],[254.6492462158203,240.41807556152344],[255.04116821289062,240.3343505859375],[255.43319702148438,240.25059509277344],[255.82522583007812,240.16683959960938],[256.2171325683594,240.08294677734375],[256.609130859375,239.9990234375],[257.0010070800781,239.91513061523438],[257.39300537109375,239.831298828125],[257.78515625,239.7480010986328],[258.1771240234375,239.6649627685547],[258.5694274902344,239.58250427246094],[258.96160888671875,239.4999237060547],[259.3534240722656,239.41549682617188],[259.7447509765625,239.32815551757812],[260.13525390625,239.23805236816406],[260.5252685546875,239.14544677734375],[260.9145202636719,239.0502471923828],[261.3033752441406,238.9526824951172],[261.69158935546875,238.85292053222656],[262.0790710449219,238.75071716308594],[262.4661865234375,238.64662170410156],[262.85272216796875,238.54075622558594],[263.2389221191406,238.43313598632812],[263.6246337890625,238.32386779785156],[264.0096130371094,238.21267700195312],[264.3943786621094,238.10003662109375],[264.7786560058594,237.9861602783203],[265.16259765625,237.8710479736328],[265.5462951660156,237.7547607421875],[265.9294128417969,237.63719177246094],[266.3123779296875,237.5186767578125],[266.6949157714844,237.39939880371094],[267.0773620605469,237.27932739257812],[267.4596252441406,237.1585693359375],[267.84149169921875,237.0367889404297],[268.2234191894531,236.9149932861328],[268.6050720214844,236.792724609375],[268.9866638183594,236.66989135742188],[269.3682556152344,236.54705810546875],[269.7497253417969,236.42425537109375],[270.1313171386719,236.30142211914062],[270.5128479003906,236.17869567871094],[270.8945007324219,236.0560302734375],[271.2761535644531,235.93338012695312],[271.657958984375,235.81163024902344],[272.0399169921875,235.68988037109375],[272.4218444824219,235.56866455078125],[272.8041687011719,235.44818115234375],[273.18670654296875,235.32839965820312],[273.5695495605469,235.20968627929688],[273.9526672363281,235.09185791015625],[274.3360290527344,234.9750518798828],[274.71990966796875,234.85926818847656],[275.10406494140625,234.7447052001953],[275.48858642578125,234.63185119628906],[275.87359619140625,234.5203857421875],[276.2591247558594,234.410400390625],[276.64495849609375,234.3020477294922],[277.0313720703125,234.19537353515625],[277.4183044433594,234.09100341796875],[277.8058776855469,233.98834228515625],[278.1939392089844,233.8878936767578],[278.58245849609375,233.7899627685547],[278.97174072265625,233.69422912597656],[279.3615417480469,233.60107421875],[279.7520751953125,233.51065063476562],[280.1432800292969,233.42286682128906],[280.5349426269531,233.33811950683594],[280.9273986816406,233.2564239501953],[281.3203125,233.17779541015625],[281.7141418457031,233.10260009765625],[282.1085510253906,233.03086853027344],[282.5034484863281,232.96263122558594],[282.89910888671875,232.8982696533203],[283.2952880859375,232.83782958984375],[283.692138671875,232.78126525878906],[284.0896301269531,232.72903442382812],[284.4874267578125,232.68121337890625],[284.885986328125,232.63768005371094],[285.2848205566406,232.59889221191406],[285.6843566894531,232.56503295898438],[286.08416748046875,232.53594970703125],[286.48419189453125,232.51190185546875],[286.8846130371094,232.4933624267578],[287.28515625,232.48007202148438],[287.6858825683594,232.4721221923828],[288.08685302734375,232.47021484375],[288.4875793457031,232.4739990234375],[288.8883361816406,232.48353576660156],[289.28875732421875,232.49929809570312],[289.6890869140625,232.51966857910156],[290.0893859863281,232.54200744628906],[290.4893493652344,232.5662078857422],[290.889404296875,232.59230041503906],[291.2891845703125,232.62045288085938],[291.6888732910156,232.6510009765625],[292.0885009765625,232.68348693847656],[292.4877014160156,232.71786499023438],[292.88690185546875,232.7542266845703],[293.2857971191406,232.79269409179688],[293.6846008300781,232.83364868164062],[294.0831604003906,232.87657165527344],[294.4814147949219,232.9211883544922],[294.8795471191406,232.96827697753906],[295.2773132324219,233.0175323486328],[295.6748046875,233.06900024414062],[296.0721740722656,233.12261962890625],[296.46893310546875,233.17852783203125],[296.86566162109375,233.2365264892578],[297.261962890625,233.2969512939453],[297.65777587890625,233.3594512939453],[298.05340576171875,233.4243927001953],[298.4484558105469,233.4915313720703],[298.8432922363281,233.56103515625],[299.23760986328125,233.6328887939453],[299.6314392089844,233.70701599121094],[300.0249328613281,233.78366088867188],[300.4179382324219,233.86251831054688],[300.8104553222656,233.94403076171875],[301.202392578125,234.02774047851562],[301.59375,234.1141357421875],[301.9847106933594,234.20286560058594],[302.37493896484375,234.29415893554688],[302.7646179199219,234.38792419433594],[303.15380859375,234.48431396484375],[303.5421142578125,234.5832061767578],[303.92999267578125,234.68470764160156],[304.31695556640625,234.78884887695312],[304.7033996582031,234.89553833007812],[305.0890197753906,235.0050811767578],[305.4737854003906,235.11703491210938],[305.8578796386719,235.2320098876953],[306.2409973144531,235.34939575195312],[306.6234130859375,235.46986389160156],[307.0048828125,235.5928497314453],[307.3853454589844,235.71881103515625],[307.7650146484375,235.84747314453125],[308.1435852050781,235.97909545898438],[308.5212097167969,236.11351013183594],[308.8977966308594,236.2509002685547],[309.27325439453125,236.3911590576172],[309.64764404296875,236.53431701660156],[310.0207824707031,236.6805419921875],[310.3929443359375,236.82969665527344],[310.7637023925781,236.98199462890625],[311.1332702636719,237.13711547851562],[311.50146484375,237.2955322265625],[311.8683776855469,237.45675659179688],[312.2337951660156,237.6214141845703],[312.59808349609375,237.78897094726562],[312.9605712890625,237.95986938476562],[313.32171630859375,238.13372802734375],[313.6811828613281,238.3109588623047],[314.0391845703125,238.4912872314453],[314.3954772949219,238.6749267578125],[314.7500915527344,238.8617401123047],[315.10296630859375,239.05186462402344],[315.4539794921875,239.24526977539062],[315.8033447265625,239.4419708251953],[316.15069580078125,239.64210510253906],[316.4960021972656,239.8452911376953],[316.8394470214844,240.05209350585938],[317.180908203125,240.2620849609375],[317.5201110839844,240.47564697265625],[317.8573303222656,240.6922607421875],[318.192138671875,240.91262817382812],[318.52490234375,241.13607788085938],[318.855224609375,241.36328125],[319.1831970214844,241.5934600830078],[319.50872802734375,241.82740783691406],[319.8318786621094,242.06455993652344],[320.15240478515625,242.30528259277344],[320.4704895019531,242.54934692382812],[320.7850036621094,242.79759216308594],[321.0958557128906,243.0507049560547],[321.40277099609375,243.308349609375],[321.7060241699219,243.57061767578125],[322.0054931640625,243.83717346191406],[322.3010559082031,244.10763549804688],[322.5931396484375,244.38223266601562],[322.8815002441406,244.6605224609375],[323.16644287109375,244.9425506591797],[323.4478759765625,245.22804260253906],[323.72576904296875,245.51675415039062],[324.00042724609375,245.80877685546875],[324.27166748046875,246.10374450683594],[324.5398864746094,246.4017791748047],[324.80487060546875,246.70248413085938],[325.0667724609375,247.0059051513672],[325.32574462890625,247.3119354248047],[325.5816955566406,247.6201934814453],[325.83502197265625,247.9308624267578],[326.0856628417969,248.24374389648438],[326.3336181640625,248.55859375],[326.5791931152344,248.87554931640625],[326.8221435546875,249.1941375732422],[327.0628662109375,249.5146942138672],[327.30126953125,249.8369598388672],[327.5375061035156,250.1606903076172],[327.7717590332031,250.4860382080078],[328.00396728515625,250.81263732910156],[328.2344055175781,251.1406707763672],[328.463134765625,251.47000122070312],[328.6899719238281,251.80026245117188],[328.9153747558594,252.13177490234375],[329.13922119140625,252.4641571044922],[329.36175537109375,252.79769897460938],[329.5829162597656,253.13201904296875],[329.8028259277344,253.467041015625],[330.02154541015625,253.802978515625],[330.2391662597656,254.13955688476562],[330.4558410644531,254.47679138183594],[330.6717224121094,254.81463623046875],[330.886474609375,255.15293884277344],[331.10089111328125,255.4916534423828],[331.3147888183594,255.83074951171875],[331.5279235839844,256.1701354980469],[331.74090576171875,256.5097351074219],[331.9532165527344,256.8496398925781],[332.1655578613281,257.1896057128906],[332.3775634765625,257.5298156738281],[332.58953857421875,257.86993408203125],[332.8015441894531,258.2101745605469],[333.01348876953125,258.55029296875],[333.2258605957031,258.89031982421875],[333.4383544921875,259.230224609375],[333.6512451171875,259.56982421875],[333.8646240234375,259.9091796875],[334.0783386230469,260.2481994628906],[334.2930603027344,260.58673095703125],[334.5078430175781,260.92510986328125],[334.72381591796875,261.2627868652344],[334.9407653808594,261.59991455078125],[335.1585998535156,261.9361877441406],[335.3776550292969,262.27197265625],[335.5978698730469,262.6069641113281],[335.81927490234375,262.9409484863281],[336.0421142578125,263.2742004394531],[336.266357421875,263.60638427734375],[336.4921875,263.9375915527344],[336.7196350097656,264.26763916015625],[336.94830322265625,264.5968017578125],[337.1763000488281,264.9263916015625],[337.4020080566406,265.2576904296875],[337.6258239746094,265.5901794433594],[337.84765625,265.92413330078125],[338.0675048828125,266.2591247558594],[338.28564453125,266.595458984375],[338.5019836425781,266.932861328125],[338.7168884277344,267.271240234375],[338.930419921875,267.610595703125],[339.14227294921875,267.95074462890625],[339.3526306152344,268.2919921875],[339.5617370605469,268.6337585449219],[339.7698974609375,268.9764404296875],[339.9768371582031,269.31976318359375],[340.1824035644531,269.66375732421875],[340.3872375488281,270.0084228515625],[340.5911560058594,270.35345458984375],[340.7942810058594,270.6990661621094],[340.9964599609375,271.0451354980469],[341.1979675292969,271.3915100097656],[341.39892578125,271.7383728027344],[341.5990295410156,272.0856018066406],[341.7992248535156,272.4328918457031],[341.9988708496094,272.78057861328125],[342.1980285644531,273.12835693359375],[342.39727783203125,273.4762268066406],[342.5961608886719,273.8243408203125],[342.7948913574219,274.1723327636719],[342.99371337890625,274.52044677734375],[343.1924743652344,274.8684387207031],[343.39129638671875,275.216552734375],[343.5904846191406,275.5644226074219],[343.78985595703125,275.9120788574219],[343.9892883300781,276.25982666015625],[344.1896667480469,276.6068420410156],[344.3902282714844,276.9539489746094],[344.5910339355469,277.30084228515625],[344.79266357421875,277.6471862792969],[344.9952392578125,277.9931945800781],[345.19842529296875,278.338623046875],[345.4023742675781,278.68365478515625],[345.6072998046875,279.0281982421875],[345.8133544921875,279.3719177246094],[346.0204162597656,279.7151794433594],[346.22845458984375,280.0577697753906],[346.4377746582031,280.399658203125],[346.6485900878906,280.7405700683594],[346.8606262207031,281.0806579589844],[347.0740051269531,281.4200134277344],[347.2887878417969,281.7583312988281],[347.505615234375,282.0955505371094],[347.72393798828125,282.4317932128906],[347.943603515625,282.76702880859375],[348.165283203125,283.1009521484375],[348.3890075683594,283.4334716796875],[348.6146240234375,283.7648620605469],[348.8424072265625,284.0947570800781],[349.0720520019531,284.4230651855469],[349.30419921875,284.74993896484375],[349.5384216308594,285.07513427734375],[349.775146484375,285.398681640625],[350.01422119140625,285.7204284667969],[350.25579833984375,286.04022216796875],[350.5000305175781,286.35809326171875],[350.7467041015625,286.6738586425781],[350.99639892578125,286.9875793457031],[351.24859619140625,287.29913330078125],[351.5039367675781,287.6080322265625],[351.76202392578125,287.9148254394531],[352.0231628417969,288.21881103515625],[352.2873840332031,288.52020263671875],[352.5547180175781,288.81890869140625],[352.82525634765625,289.11456298828125],[353.09893798828125,289.4075622558594],[353.3760681152344,289.697021484375],[353.65643310546875,289.9835205078125],[353.94036865234375,290.2665100097656],[354.22760009765625,290.5460205078125],[354.518310546875,290.8219909667969],[354.81268310546875,291.0940856933594],[355.1102600097656,291.362548828125],[355.4118347167969,291.626708984375],[355.71661376953125,291.8868408203125],[356.0248718261719,292.1432189941406],[356.33416748046875,292.3981628417969],[356.6441955566406,292.6521911621094],[356.9550476074219,292.9052734375],[357.2666015625,293.1572265625],[357.5792541503906,293.4082336425781],[357.892822265625,293.6580810546875],[358.20709228515625,293.9065246582031],[358.52264404296875,294.1539001464844],[358.8390197753906,294.3998107910156],[359.15667724609375,294.64434814453125],[359.4754943847656,294.88739013671875],[359.79534912109375,295.1288146972656],[360.1165466308594,295.3687438964844],[360.43890380859375,295.60693359375],[360.7625427246094,295.8433837890625],[361.0874938964844,296.07806396484375],[361.41375732421875,296.3108215332031],[361.7415466308594,296.54168701171875],[362.0705871582031,296.77044677734375],[362.40118408203125,296.9972229003906],[362.7332763671875,297.22174072265625],[363.0667419433594,297.4439392089844],[363.40185546875,297.66387939453125],[363.7384033203125,297.8814392089844],[364.07684326171875,298.0963134765625],[364.416748046875,298.30877685546875],[364.75836181640625,298.51837158203125],[365.101806640625,298.7251892089844],[365.4468688964844,298.9290466308594],[365.79376220703125,299.1299133300781],[366.1424560546875,299.3277587890625],[366.4928283691406,299.5223388671875],[366.8450622558594,299.713623046875],[367.1990966796875,299.9014892578125],[367.5550231933594,300.0859069824219],[367.912841796875,300.26666259765625],[368.2723388671875,300.443603515625],[368.6339416503906,300.6168212890625],[368.9972229003906,300.78582763671875],[369.3626403808594,300.9508056640625],[369.7298889160156,301.1115417480469],[370.098876953125,301.2678527832031],[370.4698791503906,301.41973876953125],[370.842529296875,301.5669860839844],[371.2171936035156,301.7095031738281],[371.5937805175781,301.84722900390625],[371.971923828125,301.9798583984375],[372.3519592285156,302.10736083984375],[372.7337951660156,302.2296142578125],[373.11712646484375,302.3464050292969],[373.5021667480469,302.45770263671875],[373.8888244628906,302.5632629394531],[374.2771301269531,302.66302490234375],[374.6668701171875,302.7568359375],[375.05780029296875,302.8445739746094],[375.4502868652344,302.9261779785156],[375.8439025878906,303.0014953613281],[376.23883056640625,303.0704345703125],[376.6347351074219,303.13287353515625],[377.0315856933594,303.188720703125],[377.42950439453125,303.2378845214844],[377.82794189453125,303.2802429199219],[378.227294921875,303.3157958984375],[378.6271667480469,303.3443908691406],[379.02728271484375,303.3659973144531],[379.4278564453125,303.3804626464844],[379.82861328125,303.3884582519531],[380.22943115234375,303.3951416015625],[380.6302490234375,303.4018249511719],[381.03094482421875,303.4084777832031],[381.4317626953125,303.4151611328125],[381.83245849609375,303.42181396484375],[382.2333068847656,303.4284973144531],[382.6341247558594,303.4351501464844],[383.0348205566406,303.44183349609375],[383.4356384277344,303.448486328125],[383.8363342285156,303.4551696777344],[384.2371826171875,303.4618225097656],[384.63800048828125,303.468505859375],[385.0386962890625,303.47515869140625],[385.43951416015625,303.4818420410156],[385.8402099609375,303.4884948730469],[386.24102783203125,303.49517822265625],[386.641845703125,303.5017395019531],[387.0425720214844,303.5079040527344],[387.4433898925781,303.5140686035156],[387.8441162109375,303.5202331542969],[388.24493408203125,303.5263671875],[388.6457824707031,303.53253173828125],[389.0464782714844,303.5386962890625],[389.44732666015625,303.54486083984375],[389.8480224609375,303.551025390625],[390.24884033203125,303.55718994140625],[390.6496887207031,303.5633544921875],[391.0503845214844,303.56951904296875],[391.45123291015625,303.57568359375],[391.8519287109375,303.5818176269531],[392.2527770996094,303.5879821777344],[392.6535949707031,303.5941467285156],[393.0543212890625,303.6003112792969],[393.45513916015625,303.6064758300781],[393.85595703125,303.6121826171875],[394.2566833496094,303.61785888671875],[394.65753173828125,303.62353515625],[395.0582580566406,303.62921142578125],[395.4590759277344,303.6349182128906],[395.85992431640625,303.6405944824219],[396.2606506347656,303.6462707519531],[396.6614685058594,303.6519775390625],[397.06219482421875,303.65765380859375],[397.4630432128906,303.663330078125],[397.8638610839844,303.66900634765625],[398.26458740234375,303.6747131347656],[398.6654357910156,303.6803894042969],[399.0661315917969,303.6860656738281],[399.46697998046875,303.6917419433594],[399.8678283691406,303.69744873046875],[400.2685241699219,303.703125],[400.6694641113281,303.70849609375],[401.0701904296875,303.7137451171875],[401.47100830078125,303.718994140625],[401.8718566894531,303.7242431640625],[402.2725830078125,303.7294921875],[402.6734313964844,303.7347412109375],[403.07415771484375,303.739990234375],[403.4750061035156,303.7452392578125],[403.8758544921875,303.75048828125],[404.27655029296875,303.7557373046875],[404.6773986816406,303.760986328125],[405.078125,303.7662353515625],[405.4789733886719,303.771484375],[405.87982177734375,303.7767333984375],[406.2805480957031,303.781982421875],[406.681396484375,303.7872314453125],[407.0821228027344,303.79248046875],[407.48297119140625,303.79754638671875],[407.8838195800781,303.8023986816406],[408.2845458984375,303.8072509765625],[408.6853942871094,303.8121032714844],[409.08612060546875,303.81695556640625],[409.4869689941406,303.8218078613281],[409.8878173828125,303.82666015625],[410.2885437011719,303.8315124511719],[410.68939208984375,303.8363952636719],[411.09014892578125,303.84124755859375],[411.4909973144531,303.8460998535156],[411.891845703125,303.8509521484375],[412.2925720214844,303.8558044433594],[412.69342041015625,303.86065673828125],[413.0941467285156,303.8655090332031],[413.4949951171875,303.870361328125],[413.8958435058594,303.8752136230469],[414.2965087890625,303.8800048828125],[414.6973571777344,303.8844909667969],[415.09820556640625,303.8890075683594],[415.49896240234375,303.89349365234375],[415.8998107910156,303.8979797363281],[416.300537109375,303.9024963378906],[416.7013854980469,303.906982421875],[417.10223388671875,303.9114685058594],[417.50299072265625,303.9159851074219],[417.9038391113281,303.92047119140625],[418.3045654296875,303.9249572753906],[418.7054138183594,303.929443359375],[419.10626220703125,303.9339599609375],[419.5069885253906,303.9384460449219],[419.9078674316406,303.94293212890625],[420.30859375,303.94744873046875],[420.7094421386719,303.9519348144531],[421.11029052734375,303.9564208984375],[421.510986328125,303.96051025390625],[421.911865234375,303.96453857421875],[422.3125915527344,303.96856689453125],[422.71343994140625,303.97259521484375],[423.11431884765625,303.97662353515625],[423.5150451660156,303.98065185546875],[423.9158935546875,303.98468017578125],[424.316650390625,303.98870849609375],[424.7174987792969,303.99273681640625],[425.11834716796875,303.99676513671875],[425.51910400390625,304.00079345703125],[425.9199523925781,304.00482177734375],[426.3206787109375,304.00885009765625],[426.7215576171875,304.01287841796875],[427.1224060058594,304.01690673828125],[427.52313232421875,304.0209655761719],[427.92401123046875,304.0249938964844],[428.3247375488281,304.0290222167969],[428.7255859375,304.0330505371094],[429.12646484375,304.0370788574219],[429.5271911621094,304.0411071777344],[429.92803955078125,304.0451354980469],[430.32879638671875,304.0491638183594],[430.7296447753906,304.0531921386719],[431.1304931640625,304.0572204589844],[431.53125,304.0612487792969],[431.9320983886719,304.0652770996094],[432.33282470703125,304.0693054199219],[432.73370361328125,304.0733337402344],[433.1345520019531,304.0773620605469],[433.5352783203125,304.0813903808594],[433.9361572265625,304.0854187011719],[434.3368835449219,304.0894470214844],[434.73773193359375,304.0934753417969],[435.138671875,304.0973815917969],[435.5393981933594,304.1009216308594],[435.9402770996094,304.1044616699219],[436.34112548828125,304.1080017089844],[436.74188232421875,304.11151123046875],[437.1427307128906,304.11505126953125],[437.54345703125,304.11859130859375],[437.9443359375,304.12213134765625],[438.3451843261719,304.12567138671875],[438.7459411621094,304.12921142578125],[439.14678955078125,304.13275146484375],[439.54754638671875,304.13629150390625],[439.9483947753906,304.13983154296875],[440.3492736816406,304.14337158203125],[440.75,304.14691162109375],[441.15087890625,304.15045166015625],[441.5516052246094,304.15399169921875],[441.9524841308594,304.15753173828125],[442.35333251953125,304.16107177734375],[442.75408935546875,304.16461181640625],[443.1549377441406,304.16815185546875],[443.5556945800781,304.17169189453125],[443.95654296875,304.17523193359375],[444.357421875,304.17877197265625],[444.7581481933594,304.18231201171875],[445.1590270996094,304.18585205078125],[445.55975341796875,304.18939208984375],[445.96063232421875,304.19293212890625],[446.3614807128906,304.19647216796875],[446.7622375488281,304.20001220703125],[447.1630859375,304.20355224609375],[447.5638427734375,304.20709228515625],[447.9646911621094,304.21063232421875],[448.3655700683594,304.21417236328125],[448.76629638671875,304.21771240234375],[449.16717529296875,304.22100830078125],[449.56793212890625,304.2242126464844],[449.9687805175781,304.2274169921875],[450.3696594238281,304.2305908203125],[450.7704162597656,304.2337951660156],[451.1712646484375,304.23699951171875],[451.572021484375,304.2402038574219],[451.9728698730469,304.2433776855469],[452.3737487792969,304.24658203125],[452.77447509765625,304.2497863769531],[453.17535400390625,304.25299072265625],[453.57611083984375,304.25616455078125],[453.9769592285156,304.2593688964844],[454.3778381347656,304.2625732421875],[454.778564453125,304.2657775878906],[455.179443359375,304.2689514160156],[455.5802001953125,304.27215576171875],[455.9810485839844,304.2753601074219],[456.3819274902344,304.278564453125],[456.78265380859375,304.28173828125],[457.18353271484375,304.2849426269531],[457.5843811035156,304.28814697265625],[457.9851379394531,304.2913513183594],[458.3860168457031,304.2945251464844],[458.7867431640625,304.2977294921875],[459.1876220703125,304.3009338378906],[459.5884704589844,304.30413818359375],[459.9892272949219,304.30731201171875],[460.3901062011719,304.3105163574219],[460.79083251953125,304.313720703125],[461.19171142578125,304.3169250488281],[461.5925598144531,304.3200988769531],[461.9933166503906,304.32330322265625],[462.3941650390625,304.3265075683594],[462.794921875,304.3297119140625],[463.19580078125,304.3326721191406],[463.5966796875,304.3356628417969],[463.9974060058594,304.3386535644531],[464.3982849121094,304.3416442871094],[464.79901123046875,304.3446350097656],[465.19989013671875,304.34759521484375],[465.60076904296875,304.3505859375],[466.0014953613281,304.35357666015625],[466.4023742675781,304.3565673828125],[466.8031311035156,304.35955810546875],[467.2039794921875,304.3625183105469],[467.6048583984375,304.3655090332031],[468.005615234375,304.3684997558594],[468.4064636230469,304.3714904785156],[468.8072204589844,304.3744812011719],[469.20806884765625,304.37744140625],[469.60894775390625,304.38043212890625],[470.00970458984375,304.3834228515625],[470.4105529785156,304.38641357421875],[470.8113098144531,304.3893737792969],[471.2121887207031,304.3923645019531],[471.613037109375,304.3953552246094],[472.0137939453125,304.3983459472656],[472.4146728515625,304.4013366699219],[472.8153991699219,304.404296875],[473.2162780761719,304.40728759765625],[473.61712646484375,304.4102783203125],[474.01788330078125,304.41326904296875],[474.41876220703125,304.416259765625],[474.8194885253906,304.4192199707031],[475.2203674316406,304.4222106933594],[475.6212463378906,304.4252014160156],[476.02197265625,304.4281921386719],[476.4228515625,304.4311828613281],[476.8236083984375,304.43414306640625],[477.2244567871094,304.4371337890625],[477.6253356933594,304.44012451171875],[478.02606201171875,304.443115234375],[478.42694091796875,304.44610595703125],[478.82781982421875,304.4490661621094],[479.2285461425781,304.4520568847656],[479.6294250488281,304.4550476074219],[480.0301818847656,304.4580383300781],[480.4310302734375,304.4610290527344],[480.8319091796875,304.4639892578125],[481.232666015625,304.46697998046875],[481.6335144042969,304.469970703125],[482.0342712402344,304.47296142578125],[482.43511962890625,304.4759216308594],[482.83599853515625,304.4789123535156],[483.23675537109375,304.4819030761719],[483.6376037597656,304.4848937988281],[484.0383605957031,304.4878845214844],[484.4392395019531,304.4908447265625],[484.840087890625,304.49383544921875],[485.2408447265625,304.496826171875],[485.6417236328125,304.49981689453125],[486.0424499511719,304.5028076171875],[486.4433288574219,304.5057678222656],[486.84417724609375,304.5087585449219],[487.24493408203125,304.5117492675781],[487.64581298828125,304.5147399902344],[488.0465393066406,304.5177307128906],[488.4474182128906,304.52069091796875],[488.8482971191406,304.523681640625],[489.2490234375,304.52667236328125],[489.64990234375,304.5296630859375],[490.0506591796875,304.53265380859375],[490.4515075683594,304.5356140136719],[490.8523254394531,304.5386657714844],[491.2530822753906,304.5417175292969],[491.6539306640625,304.5447998046875],[492.0546875,304.5478515625],[492.45556640625,304.5509338378906],[492.8564147949219,304.5539855957031],[493.2571716308594,304.55706787109375],[493.65802001953125,304.56011962890625],[494.05877685546875,304.5632019042969],[494.45965576171875,304.5662841796875],[494.8605041503906,304.5693359375],[495.2612609863281,304.5724182128906],[495.6621398925781,304.5754699707031],[496.0628662109375,304.57855224609375],[496.4637451171875,304.58160400390625],[496.8645935058594,304.5846862792969],[497.2653503417969,304.5877380371094],[497.6662292480469,304.5908203125],[498.06695556640625,304.5938720703125],[498.46783447265625,304.5969543457031],[498.8686828613281,304.6000061035156],[499.2694396972656,304.60308837890625],[499.6703186035156,304.6061706542969],[500.0711669921875,304.6092224121094],[500.471923828125,304.6123046875],[500.872802734375,304.6153564453125],[501.2735290527344,304.6184387207031],[501.6744079589844,304.6214904785156],[502.07525634765625,304.62457275390625],[502.47601318359375,304.62762451171875],[502.87689208984375,304.6307067871094],[503.2776184082031,304.6337585449219],[503.6784973144531,304.6368408203125],[504.079345703125,304.639892578125],[504.4801025390625,304.6429748535156],[504.8810119628906,304.646240234375],[505.2817687988281,304.6495666503906],[505.6826171875,304.65289306640625],[506.08349609375,304.6562194824219],[506.4842529296875,304.6595458984375],[506.8851013183594,304.6628723144531],[507.2858581542969,304.66619873046875],[507.68670654296875,304.6695251464844],[508.08758544921875,304.6728210449219],[508.4883117675781,304.6761474609375],[508.8891906738281,304.6794738769531],[509.2899169921875,304.68280029296875],[509.6907958984375,304.6861267089844],[510.0916442871094,304.689453125],[510.4924011230469,304.6927795410156],[510.8932800292969,304.69610595703125],[511.29400634765625,304.69940185546875],[511.69488525390625,304.7027282714844],[512.0957641601562,304.7060546875],[512.4964599609375,304.7093811035156],[512.8973388671875,304.71270751953125],[513.298095703125,304.7160339355469],[513.698974609375,304.7193603515625],[514.0997924804688,304.7226867675781],[514.5005493164062,304.72601318359375],[514.9014282226562,304.72930908203125],[515.3021850585938,304.7326354980469],[515.7030639648438,304.7359619140625],[516.1038818359375,304.7392883300781],[516.504638671875,304.74261474609375],[516.905517578125,304.7459411621094],[517.3062744140625,304.749267578125],[517.7070922851562,304.7525939941406],[518.1079711914062,304.75592041015625],[518.5086669921875,304.7592468261719],[518.9095458984375,304.7629699707031],[519.3103637695312,304.7666931152344],[519.7111206054688,304.7704162597656],[520.1119995117188,304.7741394042969],[520.5126953125,304.7778625488281],[520.91357421875,304.7815856933594],[521.314453125,304.7853088378906],[521.7152099609375,304.7890319824219],[522.1160278320312,304.7927551269531],[522.5167846679688,304.7965087890625],[522.9176635742188,304.80023193359375],[523.3184814453125,304.803955078125],[523.71923828125,304.80767822265625],[524.1201171875,304.8114013671875],[524.5208740234375,304.81512451171875],[524.9216918945312,304.81884765625],[525.3225708007812,304.82257080078125],[525.7233276367188,304.8262939453125],[526.1241455078125,304.83001708984375],[526.52490234375,304.833740234375],[526.92578125,304.83746337890625],[527.32666015625,304.8411865234375],[527.7273559570312,304.84490966796875],[528.1282348632812,304.8486328125],[528.5289916992188,304.85235595703125],[528.9298095703125,304.8561096191406],[529.3306884765625,304.8598327636719],[529.7314453125,304.8635559082031],[530.13232421875,304.8672790527344],[530.5330200195312,304.8710021972656],[530.9338989257812,304.8747253417969],[531.3347778320312,304.8784484863281],[531.7354736328125,304.8821716308594],[532.1363525390625,304.8858947753906],[532.5371704101562,304.8897705078125],[532.9380493164062,304.89404296875],[533.3388671875,304.8983154296875],[533.7396240234375,304.902587890625],[534.1404418945312,304.9068603515625],[534.5411987304688,304.9111328125],[534.9420776367188,304.9154052734375],[535.3428955078125,304.919677734375],[535.74365234375,304.9239501953125],[536.14453125,304.9282531738281],[536.5452270507812,304.9325256347656],[536.9461059570312,304.9367980957031],[537.346923828125,304.9410705566406],[537.7476806640625,304.9453430175781],[538.1485595703125,304.9496154785156],[538.5492553710938,304.9538879394531],[538.9501342773438,304.9581604003906],[539.3510131835938,304.9624328613281],[539.751708984375,304.9667053222656],[540.152587890625,304.97100830078125],[540.5534057617188,304.97528076171875],[540.9541625976562,304.97955322265625],[541.3550415039062,304.98382568359375],[541.7557373046875,304.98809814453125],[542.1566162109375,304.99237060546875],[542.5574951171875,304.99664306640625],[542.9581909179688,305.00091552734375],[543.3590698242188,305.00518798828125],[543.759765625,305.00946044921875],[544.16064453125,305.0137634277344],[544.5615234375,305.0180358886719],[544.9622192382812,305.0223083496094],[545.3630981445312,305.0265808105469],[545.7638549804688,305.0308532714844],[546.1646728515625,305.0351257324219],[546.5654907226562,305.0396423339844],[546.9661865234375,305.0444030761719],[547.3670654296875,305.0491943359375],[547.767822265625,305.0539855957031],[548.1686401367188,305.05877685546875],[548.5695190429688,305.06353759765625],[548.97021484375,305.0683288574219],[549.37109375,305.0731201171875],[549.7717895507812,305.077880859375],[550.1726684570312,305.0826721191406],[550.573486328125,305.08746337890625],[550.9742431640625,305.0922546386719],[551.3750610351562,305.0970153808594],[551.7758178710938,305.101806640625],[552.1766357421875,305.1065979003906],[552.5775146484375,305.11138916015625],[552.9782104492188,305.11614990234375],[553.3790893554688,305.1209716796875],[553.7798461914062,305.1261291503906],[554.1806640625,305.13128662109375],[554.58154296875,305.136474609375],[554.9822387695312,305.1416320800781],[555.3831176757812,305.14678955078125],[555.7838134765625,305.1519775390625],[556.1846923828125,305.1571350097656],[556.5855102539062,305.16229248046875],[556.9862670898438,305.16748046875],[557.3870849609375,305.1726379394531],[557.7877807617188,305.17779541015625],[558.1886596679688,305.1829833984375],[558.5894775390625,305.1881408691406],[558.990234375,305.19329833984375],[559.3910522460938,305.198486328125],[559.7918090820312,305.2036437988281],[560.192626953125,305.2088317871094],[560.5934448242188,305.2142639160156],[560.994140625,305.2198486328125],[561.3949584960938,305.2254333496094],[561.7958374023438,305.2310485839844],[562.196533203125,305.23663330078125],[562.597412109375,305.2422180175781],[562.9981079101562,305.247802734375],[563.39892578125,305.25341796875],[563.7998046875,305.2590026855469],[564.2005004882812,305.26458740234375],[564.601318359375,305.2701721191406],[565.0020751953125,305.2757873535156],[565.4028930664062,305.2813720703125],[565.8037109375,305.2869567871094],[566.2044677734375,305.29254150390625],[566.6052856445312,305.29815673828125],[567.0059814453125,305.3037414550781],[567.4069213867188,305.3094482421875],[567.8077392578125,305.31549072265625],[568.2084350585938,305.3215637207031],[568.6093139648438,305.3276062011719],[569.010009765625,305.3336486816406],[569.4108276367188,305.3397216796875],[569.8116455078125,305.34576416015625],[570.21240234375,305.351806640625],[570.6132202148438,305.3578796386719],[571.013916015625,305.3639221191406],[571.4147338867188,305.3699645996094],[571.8156127929688,305.37603759765625],[572.21630859375,305.382080078125],[572.6171264648438,305.38812255859375],[573.017822265625,305.3941955566406],[573.418701171875,305.4002380371094],[573.8195190429688,305.40631103515625],[574.22021484375,305.412353515625],[574.6209716796875,305.4188232421875],[575.0216674804688,305.4253845214844],[575.4224853515625,305.43194580078125],[575.8233032226562,305.4384765625],[576.2239990234375,305.4450378417969],[576.6248168945312,305.45159912109375],[577.0255126953125,305.4581298828125],[577.4263305664062,305.4646911621094],[577.8272094726562,305.47125244140625],[578.2279052734375,305.4778137207031],[578.6287231445312,305.4843444824219],[579.0294189453125,305.49090576171875],[579.4302368164062,305.4974670410156],[579.8310546875,305.5040283203125],[580.2317504882812,305.51055908203125],[580.632568359375,305.5171203613281],[581.0332641601562,305.523681640625],[581.4341430664062,305.53045654296875],[581.8349609375,305.5375671386719],[582.2356567382812,305.5446472167969],[582.636474609375,305.5517272949219],[583.0372924804688,305.5588073730469],[583.43798828125,305.5658874511719],[583.8388061523438,305.572998046875],[584.239501953125,305.580078125],[584.6403198242188,305.587158203125],[585.0411376953125,305.59423828125],[585.4418334960938,305.601318359375],[585.8426513671875,305.6084289550781],[586.2433471679688,305.6155090332031],[586.6441650390625,305.6225891113281],[587.0449829101562,305.6296691894531],[587.4456787109375,305.6367492675781],[587.8464965820312,305.64385986328125],[588.2471313476562,305.6509704589844],[588.64794921875,305.6585998535156],[589.0487060546875,305.666259765625],[589.4494018554688,305.6739196777344],[589.8502197265625,305.68157958984375],[590.2509155273438,305.6892395019531],[590.6517333984375,305.6968994140625],[591.052490234375,305.7045593261719],[591.4531860351562,305.71221923828125],[591.85400390625,305.7198791503906],[592.2546997070312,305.7275390625],[592.655517578125,305.7351989746094],[593.0562744140625,305.74285888671875],[593.4569702148438,305.7505187988281],[593.8577880859375,305.7581787109375],[594.2584838867188,305.7658386230469],[594.6593017578125,305.77349853515625],[595.06005859375,305.7811584472656],[595.4607543945312,305.7891845703125],[595.861572265625,305.7974548339844],[596.2622680664062,305.80572509765625],[596.6630249023438,305.8139953613281],[597.0638427734375,305.822265625],[597.4644775390625,305.8305358886719],[597.8652954101562,305.83880615234375],[598.2659912109375,305.8470764160156],[598.666748046875,305.8553466796875],[599.0675659179688,305.8636169433594],[599.4682006835938,305.87188720703125],[599.8690185546875,305.8801574707031],[600.2697143554688,305.888427734375],[600.6704711914062,305.8966979980469],[601.0712890625,305.90496826171875],[601.471923828125,305.9132385253906],[601.8727416992188,305.9215087890625],[602.2734375,305.93011474609375],[602.6741943359375,305.94012451171875],[603.0748291015625,305.9519958496094],[603.4754028320312,305.9657897949219],[603.8759765625,305.9814758300781],[604.2764892578125,305.9991455078125],[604.6766967773438,306.0187072753906],[605.0770263671875,306.0400695800781],[605.4771728515625,306.0633239746094],[605.877197265625,306.0884094238281],[606.2771606445312,306.1153259277344],[606.6768798828125,306.1440734863281],[607.0765991210938,306.17462158203125],[607.4760131835938,306.20697021484375],[607.8754272460938,306.2411804199219],[608.2747192382812,306.2771911621094],[608.6737060546875,306.3150939941406],[609.0726318359375,306.35498046875],[609.47119140625,306.39666748046875],[609.8696899414062,306.440185546875],[610.2679443359375,306.4855041503906],[610.6658935546875,306.5326843261719],[611.0638427734375,306.5816955566406],[611.4613037109375,306.6325378417969],[611.8587036132812,306.6852722167969],[612.255859375,306.7400207519531],[612.652587890625,306.7967529296875],[613.0491333007812,306.85540771484375],[613.4453125,306.9159240722656],[613.8411865234375,306.9783935546875],[614.2368774414062,307.0428161621094],[614.632080078125,307.109130859375],[615.0271606445312,307.1774597167969],[615.4216918945312,307.2477111816406],[615.8159790039062,307.3203125],[616.2098388671875,307.3949890136719],[616.6031494140625,307.4716491699219],[616.9962768554688,307.5504150390625],[617.3887939453125,307.6312561035156],[617.7809448242188,307.7142028808594],[618.1727294921875,307.7993469238281],[618.5638427734375,307.8865661621094],[618.95458984375,307.9761962890625],[619.3446044921875,308.06817626953125],[619.7342529296875,308.1624755859375],[620.123291015625,308.259033203125],[620.51171875,308.35791015625],[620.8995971679688,308.45916748046875],[621.2866821289062,308.56280517578125],[621.6732788085938,308.66888427734375],[622.0591430664062,308.7774658203125],[622.4442138671875,308.8885498046875],[622.8285522460938,309.00250244140625],[623.2119750976562,309.1190490722656],[623.5946655273438,309.23828125],[623.9766235351562,309.3601989746094],[624.3574829101562,309.48480224609375],[624.7374877929688,309.61224365234375],[625.1166381835938,309.7425537109375],[625.4945678710938,309.875732421875],[625.8717041015625,310.011962890625],[626.2474365234375,310.1510925292969],[626.6222534179688,310.2934265136719],[626.9957885742188,310.4388732910156],[627.3678588867188,310.5877380371094],[627.7387084960938,310.7398986816406],[628.1080322265625,310.8954162597656],[628.47607421875,311.05438232421875],[628.842529296875,311.21685791015625],[629.2074584960938,311.382568359375],[629.5706176757812,311.55224609375],[629.931884765625,311.7256164550781],[630.2924194335938,311.9009094238281],[630.6520385742188,312.0782470703125],[631.0101928710938,312.2580871582031],[631.3673095703125,312.4401550292969],[631.7232666015625,312.62408447265625],[632.0784301757812,312.8100891113281],[632.432373046875,312.9983215332031],[632.7848510742188,313.1888427734375],[633.1365356445312,313.38134765625],[633.487060546875,313.5757141113281],[633.8366088867188,313.77203369140625],[634.1846313476562,313.9709167480469],[634.531494140625,314.171630859375],[634.8773803710938,314.37420654296875],[635.2220458984375,314.5785827636719],[635.5654907226562,314.78533935546875],[635.9077758789062,314.99420166015625],[636.2487182617188,315.2046813964844],[636.5886840820312,315.41705322265625],[636.9273071289062,315.63140869140625],[637.2646484375,315.8480529785156],[637.6008911132812,316.06646728515625],[637.935791015625,316.2864685058594],[638.2696533203125,316.50836181640625],[638.6018676757812,316.7325439453125],[638.9329833984375,316.9584655761719],[639.262939453125,317.18603515625],[639.5916748046875,317.4153137207031],[639.9189453125,317.6468505859375],[640.2448120117188,317.8801574707031],[640.569580078125,318.1151428222656],[640.8931274414062,318.35174560546875],[641.2151489257812,318.59033203125],[641.5358276367188,318.8309326171875],[641.8551025390625,319.072998046875],[642.17333984375,319.31683349609375],[642.4901733398438,319.5624084472656],[642.8052978515625,319.8099670410156],[643.1193237304688,320.0592041015625],[643.4320678710938,320.30999755859375],[643.7434692382812,320.56231689453125],[644.0531616210938,320.8168640136719],[644.3613891601562,321.0729064941406],[644.66845703125,321.3305358886719],[644.9743041992188,321.5897521972656],[645.2783813476562,321.8507995605469],[645.5809936523438,322.1136474609375],[645.8822631835938,322.3779602050781],[646.1822509765625,322.6438903808594],[646.4807739257812,322.9114990234375],[646.7774658203125,323.1809387207031],[647.0728149414062,323.45196533203125],[647.3667602539062,323.7243957519531],[647.659423828125,323.998291015625],[647.9501953125,324.2743225097656],[648.2393798828125,324.55169677734375],[648.5272827148438,324.83056640625],[648.813720703125,325.11083984375],[649.0985107421875,325.39300537109375],[649.381591796875,325.6769104003906],[649.6631469726562,325.9620666503906],[649.943359375,326.248779296875],[650.2218627929688,326.5369567871094],[650.49853515625,326.82708740234375],[650.773681640625,327.1185302734375],[651.0473022460938,327.41143798828125],[651.3194580078125,327.70574951171875],[651.5895385742188,328.0018005371094],[651.8580322265625,328.29937744140625],[652.125,328.5985107421875],[652.3903198242188,328.8988037109375],[652.6539306640625,329.2008056640625],[652.91552734375,329.50445556640625],[653.175537109375,329.80950927734375],[653.4339599609375,330.115966796875],[653.6907348632812,330.4237365722656],[653.9454345703125,330.7332763671875],[654.1983032226562,331.04425048828125],[654.449462890625,331.3565979003906],[654.6990356445312,331.67034912109375],[654.94677734375,331.9853820800781],[655.1922607421875,332.3023376464844],[655.4358520507812,332.62054443359375],[655.6766357421875,332.9410095214844],[655.9147338867188,333.2636413574219],[656.1497802734375,333.5881042480469],[656.38232421875,333.91461181640625],[656.6122436523438,334.2429504394531],[656.8395385742188,334.5731201171875],[657.0642700195312,334.9051208496094],[657.2864990234375,335.2384948730469],[657.5064697265625,335.57366943359375],[657.72412109375,335.9104309082031],[657.9392700195312,336.2485046386719],[658.1521606445312,336.58807373046875],[658.3629150390625,336.92901611328125],[658.5714721679688,337.27142333984375],[658.7778930664062,337.6149597167969],[658.9821166992188,337.95977783203125],[659.1842651367188,338.3060607910156],[659.38427734375,338.6533203125],[659.5823364257812,339.0018310546875],[659.7783813476562,339.3514709472656],[659.9723510742188,339.70208740234375],[660.16455078125,340.053955078125],[660.3546752929688,340.4067687988281],[660.54296875,340.76068115234375],[660.7293701171875,341.1155700683594],[660.9138793945312,341.47125244140625],[661.0965576171875,341.82818603515625],[661.27734375,342.1858215332031],[661.4563598632812,342.54443359375],[661.6336059570312,342.9040222167969],[661.8090209960938,343.26434326171875],[661.9827270507812,343.6257019042969],[662.1546020507812,343.98773193359375],[662.32470703125,344.3506774902344],[662.4931030273438,344.7144470214844],[662.6596069335938,345.0789794921875],[662.8243408203125,345.4444580078125],[662.9873657226562,345.8105773925781],[663.1486206054688,346.17755126953125],[663.3082885742188,346.5453796386719],[663.4661254882812,346.9136962890625],[663.6222534179688,347.2829284667969],[663.776611328125,347.6527404785156],[663.9292602539062,348.02337646484375],[664.0802001953125,348.39471435546875],[664.2294311523438,348.7667541503906],[664.376953125,349.1394348144531],[664.522705078125,349.5128173828125],[664.6666259765625,349.8869323730469],[664.808837890625,350.2617492675781],[664.9491577148438,350.6371154785156],[665.0877685546875,351.0133056640625],[665.2244262695312,351.3900146484375],[665.3593139648438,351.7675476074219],[665.4924926757812,352.1456604003906],[665.6237182617188,352.5243225097656],[665.7531127929688,352.9036865234375],[665.880615234375,353.2836608886719],[666.0062255859375,353.6643371582031],[666.1298828125,354.045654296875],[666.2515869140625,354.427490234375],[666.371337890625,354.81005859375],[666.4890747070312,355.1932373046875],[666.604736328125,355.576904296875],[666.7183837890625,355.9613952636719],[666.8298950195312,356.34625244140625],[666.9393920898438,356.7319641113281],[667.0469970703125,357.1180725097656],[667.152587890625,357.5047607421875],[667.2562255859375,357.8919372558594],[667.3578491210938,358.2796325683594],[667.4573364257812,358.6679382324219],[667.5548095703125,359.05682373046875],[667.650146484375,359.44598388671875],[667.7435913085938,359.8359375],[667.8347778320312,360.2261047363281],[667.9239501953125,360.6169128417969],[668.0110473632812,361.00830078125],[668.0960083007812,361.39990234375],[668.1788330078125,361.7921447753906],[668.2594604492188,362.1847229003906],[668.337890625,362.5778503417969],[668.4140625,362.9713439941406],[668.4878540039062,363.3653259277344],[668.559326171875,363.7597351074219],[668.6286010742188,364.15447998046875],[668.6954956054688,364.5496826171875],[668.7601318359375,364.94537353515625],[668.822265625,365.34130859375],[668.882080078125,365.7377014160156],[668.939453125,366.1342468261719],[668.9943237304688,366.5313415527344],[669.0466918945312,366.92877197265625],[669.0964965820312,367.32647705078125],[669.143798828125,367.72454833984375],[669.1884765625,368.122802734375],[669.2304077148438,368.5214538574219],[669.2695922851562,368.9203796386719],[669.3059692382812,369.31951904296875],[669.3397216796875,369.718994140625],[669.37060546875,370.1185607910156],[669.3986206054688,370.5184020996094],[669.423828125,370.9185485839844],[669.4461059570312,371.3187255859375],[669.4654541015625,371.71905517578125],[669.4817504882812,372.1195373535156],[669.4949340820312,372.5201110839844],[669.5050659179688,372.92083740234375],[669.511962890625,373.3215637207031],[669.5155639648438,373.72247314453125],[669.515869140625,374.1231689453125],[669.5128173828125,374.52410888671875],[669.5064086914062,374.9249267578125],[669.4966430664062,375.3255310058594],[669.4833984375,375.7262268066406],[669.466552734375,376.1266784667969],[669.4461669921875,376.5268859863281],[669.422119140625,376.92706298828125],[669.3943481445312,377.326904296875],[669.3627319335938,377.7265319824219],[669.3270263671875,378.1257629394531],[669.2874755859375,378.5245666503906],[669.2439575195312,378.9230651855469],[669.1964721679688,379.321044921875],[669.1451416015625,379.7185974121094],[669.0923461914062,380.1159973144531],[669.0387573242188,380.51312255859375],[668.9832763671875,380.9101257324219],[668.9276123046875,381.3070068359375],[668.8700561523438,381.7037353515625],[668.81103515625,382.1003112792969],[668.7507934570312,382.4964599609375],[668.689208984375,382.8925476074219],[668.626220703125,383.2884216308594],[668.5619506835938,383.6840515136719],[668.4962768554688,384.07958984375],[668.4292602539062,384.4745788574219],[668.36083984375,384.8695983886719],[668.2908935546875,385.26422119140625],[668.2193603515625,385.6587219238281],[668.146240234375,386.05279541015625],[668.0717163085938,386.4466247558594],[667.99560546875,386.8402099609375],[667.91796875,387.2333679199219],[667.8387451171875,387.6263732910156],[667.7579956054688,388.0189514160156],[667.675537109375,388.4111328125],[667.5912475585938,388.8030090332031],[667.5052490234375,389.1944580078125],[667.4175415039062,389.5856018066406],[667.3280639648438,389.9764404296875],[667.23681640625,390.36669921875],[667.1438598632812,390.75665283203125],[667.0491333007812,391.1460266113281],[666.952392578125,391.5350341796875],[666.853515625,391.92352294921875],[666.7528076171875,392.31146240234375],[666.6502075195312,392.698974609375],[666.545654296875,393.08587646484375],[666.4390869140625,393.47222900390625],[666.3305053710938,393.8581848144531],[666.2199096679688,394.24334716796875],[666.1070556640625,394.6280212402344],[665.9920043945312,395.0119323730469],[665.8746948242188,395.39520263671875],[665.7551879882812,395.77789306640625],[665.633544921875,396.15966796875],[665.5095825195312,396.5409851074219],[665.3833618164062,396.9214172363281],[665.2548828125,397.301025390625],[665.123779296875,397.6798400878906],[664.9901123046875,398.0577087402344],[664.8540649414062,398.434814453125],[664.7154541015625,398.8109130859375],[664.574462890625,399.1860656738281],[664.4308471679688,399.56024169921875],[664.2846069335938,399.93341064453125],[664.1357421875,400.3056640625],[663.9841918945312,400.6767272949219],[663.8296508789062,401.0464782714844],[663.6722412109375,401.4152526855469],[663.5121459960938,401.7825927734375],[663.34912109375,402.1488342285156],[663.1832275390625,402.5137634277344],[663.0144653320312,402.87725830078125],[662.8427124023438,403.2393798828125],[662.6679077148438,403.6000671386719],[662.4900512695312,403.9593505859375],[662.3089599609375,404.3169860839844],[662.12451171875,404.67279052734375],[661.9368896484375,405.0269470214844],[661.7463989257812,405.3795471191406],[661.5519409179688,405.7301025390625],[661.3549194335938,406.0791931152344],[661.1541137695312,406.4260559082031],[660.94970703125,406.77099609375],[660.7418823242188,407.1136474609375],[660.5321655273438,407.4552917480469],[660.320068359375,407.79547119140625],[660.1064453125,408.13446044921875],[659.8910522460938,408.4725341796875],[659.6740112304688,408.8095397949219],[659.4548950195312,409.1452331542969],[659.2340087890625,409.479736328125],[659.0115966796875,409.8130798339844],[658.78759765625,410.14556884765625],[658.561767578125,410.4766540527344],[658.3340454101562,410.8065490722656],[658.1047973632812,411.13543701171875],[657.874267578125,411.463134765625],[657.6419067382812,411.7898254394531],[657.40771484375,412.11505126953125],[657.1719360351562,412.4393615722656],[656.934814453125,412.7625427246094],[656.6962280273438,413.08453369140625],[656.4556274414062,413.4051208496094],[656.2137451171875,413.72467041015625],[655.9703369140625,414.0432434082031],[655.7254638671875,414.3606262207031],[655.4788818359375,414.6764221191406],[655.2307739257812,414.9913635253906],[654.9813842773438,415.3052978515625],[654.7305297851562,415.6177978515625],[654.4779052734375,415.9289245605469],[654.2239990234375,416.2389831542969],[653.9686889648438,416.5481262207031],[653.7117919921875,416.8558654785156],[653.453369140625,417.1621398925781],[653.193603515625,417.4674987792969],[652.9326782226562,417.7716369628906],[652.669921875,418.07440185546875],[652.4056396484375,418.3758850097656],[652.1401977539062,418.6761779785156],[651.87353515625,418.97540283203125],[651.6050415039062,419.2729187011719],[651.335205078125,419.5693664550781],[651.0640869140625,419.8647155761719],[650.7918090820312,420.1587829589844],[650.517578125,420.451171875],[650.2421875,420.7423400878906],[649.9655151367188,421.0323791503906],[649.6875,421.3211669921875],[649.4078369140625,421.6081237792969],[649.1267700195312,421.89404296875],[648.8446044921875,422.1786804199219],[648.5609130859375,422.4619140625],[648.2755737304688,422.7434997558594],[647.9890747070312,423.0237731933594],[647.7012939453125,423.3028564453125],[647.412109375,423.58026123046875],[647.1212768554688,423.8561096191406],[646.8291625976562,424.1307373046875],[646.5360107421875,424.4038391113281],[646.2410278320312,424.6753234863281],[645.9447631835938,424.9451599121094],[645.6471557617188,425.2137145996094],[645.3482666015625,425.48089599609375],[645.0478515625,425.74609375],[644.7457885742188,426.0097961425781],[644.4426879882812,426.27197265625],[644.1382446289062,426.5327453613281],[643.8320922851562,426.79156494140625],[643.524658203125,427.04852294921875],[643.2158203125,427.3041076660156],[642.9058227539062,427.55804443359375],[642.5940551757812,427.8100280761719],[642.28076171875,428.0601806640625],[641.96630859375,428.3086853027344],[641.6504516601562,428.55560302734375],[641.3331298828125,428.8003845214844],[641.0142211914062,429.0431213378906],[640.6939086914062,429.28424072265625],[640.3724975585938,429.52349853515625],[640.0494384765625,429.7608642578125],[639.724609375,429.9958190917969],[639.3986206054688,430.2288513183594],[639.0711059570312,430.4601745605469],[638.742431640625,430.689453125],[638.4118041992188,430.9161376953125],[638.0797729492188,431.1407775878906],[637.7464599609375,431.36328125],[637.4116821289062,431.5837707519531],[637.0751953125,431.8014221191406],[636.73681640625,432.016357421875],[636.3966064453125,432.2283935546875],[636.0547485351562,432.43743896484375],[635.7109985351562,432.64385986328125],[635.3657836914062,432.8473815917969],[635.0188598632812,433.0482482910156],[634.67041015625,433.2463073730469],[634.3204345703125,433.44171142578125],[633.968994140625,433.63433837890625],[633.6160888671875,433.8242492675781],[633.2615966796875,434.0115661621094],[632.90576171875,434.1961364746094],[632.548583984375,434.37799072265625],[632.1898803710938,434.5570068359375],[631.8299560546875,434.7331848144531],[631.4686279296875,434.9067077636719],[631.10595703125,435.0776062011719],[630.7421875,435.2457275390625],[630.3770751953125,435.4112243652344],[630.0109252929688,435.573974609375],[629.6433715820312,435.7341613769531],[629.2747802734375,435.8916015625],[628.9051513671875,436.0463562011719],[628.5340576171875,436.1980895996094],[628.1619873046875,436.34710693359375],[627.7888793945312,436.4934387207031],[627.4144897460938,436.6370849609375],[627.039306640625,436.77789306640625],[626.6629638671875,436.9159851074219],[626.2857666015625,437.0513610839844],[625.9075317382812,437.18402099609375],[625.5282592773438,437.31378173828125],[625.1480102539062,437.4404296875],[624.7667236328125,437.5643310546875],[624.3847045898438,437.6853332519531],[624.001708984375,437.8035888671875],[623.6177368164062,437.91900634765625],[623.2330932617188,438.031494140625],[622.8475341796875,438.1411437988281],[622.461181640625,438.24786376953125],[622.073974609375,438.3513488769531],[621.6858520507812,438.4517517089844],[621.2971801757812,438.54913330078125],[620.9075927734375,438.6435546875],[620.5172729492188,438.7349853515625],[620.1263427734375,438.8233337402344],[619.7347412109375,438.9085693359375],[619.3424072265625,438.99066162109375],[618.9494018554688,439.0697021484375],[618.5557250976562,439.1451110839844],[618.1614379882812,439.2172546386719],[617.7666015625,439.2861633300781],[617.3712768554688,439.3517761230469],[616.9752807617188,439.41412353515625],[616.5787353515625,439.47308349609375],[616.1818237304688,439.5286560058594],[615.7843017578125,439.580810546875],[615.3865356445312,439.62945556640625],[614.9881591796875,439.6743469238281],[614.5894775390625,439.7156982421875],[614.1904907226562,439.75335693359375],[613.7910766601562,439.7873229980469],[613.3914794921875,439.8176574707031],[612.9913940429688,439.8441467285156],[612.5912475585938,439.8666687011719],[612.1909790039062,439.8853759765625],[611.7903442382812,439.900146484375],[611.3897094726562,439.9110107421875],[610.9888916015625,439.9178466796875],[610.5880737304688,439.92041015625],[610.1873779296875,439.9206848144531],[609.7864990234375,439.92083740234375],[609.3857421875,439.9210205078125],[608.98486328125,439.9211730957031],[608.583984375,439.92132568359375],[608.1832275390625,439.9215087890625],[607.7823486328125,439.9216613769531],[607.381591796875,439.92181396484375],[606.980712890625,439.9219970703125],[606.579833984375,439.9221496582031],[606.1790771484375,439.92230224609375],[605.7781982421875,439.9224853515625],[605.37744140625,439.9226379394531],[604.9765625,439.92279052734375],[604.57568359375,439.9229736328125],[604.1749267578125,439.9231262207031],[603.7740478515625,439.92327880859375],[603.373291015625,439.9234619140625],[602.972412109375,439.9236145019531],[602.571533203125,439.92376708984375],[602.1707763671875,439.9239501953125],[601.7698974609375,439.9241027832031],[601.3690185546875,439.92425537109375],[600.96826171875,439.9244384765625],[600.5673828125,439.9245910644531],[600.1666259765625,439.92474365234375],[599.7657470703125,439.9249267578125],[599.3648681640625,439.9250793457031],[598.964111328125,439.92523193359375],[598.563232421875,439.9254150390625],[598.1624755859375,439.9255676269531],[597.7615966796875,439.92572021484375],[597.3607177734375,439.9259033203125],[596.9599609375,439.9260559082031],[596.55908203125,439.92620849609375],[596.1583251953125,439.9263916015625],[595.7574462890625,439.9265441894531],[595.3565673828125,439.92669677734375],[594.955810546875,439.9268798828125],[594.554931640625,439.92681884765625],[594.1541748046875,439.9267578125],[593.7532958984375,439.9267272949219],[593.3524169921875,439.9266662597656],[592.95166015625,439.9266052246094],[592.55078125,439.9265441894531],[592.1500244140625,439.9264831542969],[591.7491455078125,439.9264221191406],[591.3482666015625,439.9263610839844],[590.947509765625,439.92633056640625],[590.546630859375,439.92626953125],[590.1458740234375,439.92620849609375],[589.7449951171875,439.9261474609375],[589.3441162109375,439.92608642578125],[588.943359375,439.926025390625],[588.54248046875,439.9259948730469],[588.1417236328125,439.9259338378906],[587.7408447265625,439.9258728027344],[587.3399658203125,439.9258117675781],[586.939208984375,439.9257507324219],[586.538330078125,439.9256896972656],[586.1375732421875,439.9256286621094],[585.7366943359375,439.92559814453125],[585.3358154296875,439.925537109375],[584.93505859375,439.92547607421875],[584.5341796875,439.9254150390625],[584.1334228515625,439.92535400390625],[583.7325439453125,439.92529296875],[583.3316650390625,439.92523193359375],[582.930908203125,439.9252014160156],[582.530029296875,439.9251403808594],[582.1292724609375,439.9250793457031],[581.7283935546875,439.9250183105469],[581.3275146484375,439.9249572753906],[580.9267578125,439.9248962402344],[580.52587890625,439.92486572265625],[580.125,439.9248046875],[579.7242431640625,439.92474365234375],[579.3233642578125,439.9246826171875],[578.922607421875,439.9242248535156],[578.521728515625,439.92376708984375],[578.120849609375,439.9233093261719],[577.7200927734375,439.9228515625],[577.3192138671875,439.9223937988281],[576.91845703125,439.92193603515625],[576.517578125,439.9214782714844],[576.11669921875,439.9210205078125],[575.7159423828125,439.9205627441406],[575.3150634765625,439.9200744628906],[574.914306640625,439.91961669921875],[574.513427734375,439.9191589355469],[574.112548828125,439.918701171875],[573.7117919921875,439.9182434082031],[573.3109130859375,439.91778564453125],[572.91015625,439.9173278808594],[572.50927734375,439.9168701171875],[572.1083984375,439.9164123535156],[571.7076416015625,439.91595458984375],[571.3067626953125,439.9154968261719],[570.906005859375,439.9150390625],[570.505126953125,439.9145812988281],[570.104248046875,439.9140930175781],[569.7034912109375,439.91363525390625],[569.3026123046875,439.9131774902344],[568.90185546875,439.9127197265625],[568.5009765625,439.9122619628906],[568.10009765625,439.91180419921875],[567.6993408203125,439.9113464355469],[567.2984619140625,439.910888671875],[566.897705078125,439.9104309082031],[566.496826171875,439.90997314453125],[566.095947265625,439.9095153808594],[565.6951904296875,439.9090576171875],[565.2943115234375,439.9085693359375],[564.8935546875,439.9081115722656],[564.49267578125,439.90765380859375],[564.091796875,439.9071960449219],[563.6910400390625,439.90673828125],[563.2901611328125,439.9058532714844],[562.889404296875,439.90496826171875],[562.488525390625,439.9040832519531],[562.087646484375,439.9031982421875],[561.6868896484375,439.9023132324219],[561.2860107421875,439.90142822265625],[560.88525390625,439.9005432128906],[560.484375,439.899658203125],[560.08349609375,439.8987731933594],[559.6827392578125,439.89788818359375],[559.2818603515625,439.8970031738281],[558.8809814453125,439.8961181640625],[558.480224609375,439.8952331542969],[558.079345703125,439.89434814453125],[557.6785888671875,439.8934631347656],[557.2777099609375,439.8926086425781],[556.8768310546875,439.8917236328125],[556.47607421875,439.8908386230469],[556.0751953125,439.88995361328125],[555.6743774414062,439.8888854980469],[555.2734985351562,439.8876647949219],[554.8726196289062,439.88641357421875],[554.471923828125,439.88519287109375],[554.071044921875,439.88397216796875],[553.6702880859375,439.88275146484375],[553.2694091796875,439.8815002441406],[552.8685302734375,439.8802795410156],[552.4677734375,439.8790588378906],[552.06689453125,439.8778381347656],[551.6661376953125,439.8765869140625],[551.2652587890625,439.8753662109375],[550.8643798828125,439.8741455078125],[550.463623046875,439.8729248046875],[550.062744140625,439.8716735839844],[549.6619873046875,439.8704528808594],[549.2611083984375,439.8692321777344],[548.8602294921875,439.8680114746094],[548.45947265625,439.86676025390625],[548.05859375,439.86553955078125],[547.6578979492188,439.8639221191406],[547.2570190429688,439.8623046875],[546.8561401367188,439.8606872558594],[546.4553833007812,439.85906982421875],[546.0545043945312,439.8574523925781],[545.6537475585938,439.8558349609375],[545.2528686523438,439.8542175292969],[544.8519897460938,439.85260009765625],[544.4512329101562,439.8509826660156],[544.0503540039062,439.849365234375],[543.649658203125,439.8477478027344],[543.248779296875,439.84613037109375],[542.847900390625,439.8445129394531],[542.4471435546875,439.8428955078125],[542.0462646484375,439.8412780761719],[541.6455078125,439.83966064453125],[541.24462890625,439.8380432128906],[540.84375,439.83642578125],[540.4429931640625,439.8348083496094],[540.0419921875,439.83294677734375],[539.6412353515625,439.8309020996094],[539.2404174804688,439.828857421875],[538.8395385742188,439.8267822265625],[538.4387817382812,439.8247375488281],[538.0379028320312,439.82269287109375],[537.6370239257812,439.82061767578125],[537.2362670898438,439.8185729980469],[536.8353881835938,439.8164978027344],[536.4346313476562,439.814453125],[536.0337524414062,439.8124084472656],[535.6328735351562,439.8103332519531],[535.2321166992188,439.80828857421875],[534.8312377929688,439.8062438964844],[534.4305419921875,439.8041687011719],[534.0296630859375,439.8021240234375],[533.6287841796875,439.800048828125],[533.22802734375,439.7980041503906],[532.8271484375,439.79595947265625],[532.4263916015625,439.79388427734375],[532.0255737304688,439.7913513183594],[531.6246948242188,439.788818359375],[531.2239379882812,439.7862854003906],[530.8230590820312,439.7837219238281],[530.4223022460938,439.78118896484375],[530.0214233398438,439.7786560058594],[529.6205444335938,439.7760925292969],[529.2197875976562,439.7735595703125],[528.8189697265625,439.7710266113281],[528.418212890625,439.76849365234375],[528.017333984375,439.76593017578125],[527.616455078125,439.7633972167969],[527.2156982421875,439.7608642578125],[526.8148193359375,439.7583312988281],[526.4140625,439.7557678222656],[526.0132446289062,439.75323486328125],[525.6123657226562,439.7507019042969],[525.2116088867188,439.7481384277344],[524.8107299804688,439.74560546875],[524.4100341796875,439.7427978515625],[524.0092163085938,439.73974609375],[523.6083374023438,439.7366638183594],[523.2075805664062,439.73358154296875],[522.8067016601562,439.7304992675781],[522.4059448242188,439.7274169921875],[522.0050659179688,439.724365234375],[521.604248046875,439.7212829589844],[521.2034912109375,439.71820068359375],[520.8026123046875,439.7151184082031],[520.40185546875,439.7120666503906],[520.0009765625,439.708984375],[519.6001586914062,439.7059020996094],[519.1994018554688,439.70281982421875],[518.7985229492188,439.69976806640625],[518.3977661132812,439.6966857910156],[517.9968872070312,439.693603515625],[517.5960693359375,439.6905212402344],[517.1953125,439.6874694824219],[516.79443359375,439.68438720703125],[516.3935546875,439.68072509765625],[515.9927978515625,439.6770935058594],[515.5919189453125,439.6734313964844],[515.1912231445312,439.6697692871094],[514.7903442382812,439.6661071777344],[514.3894653320312,439.6624755859375],[513.98876953125,439.6588134765625],[513.587890625,439.6551513671875],[513.1871337890625,439.6515197753906],[512.7862548828125,439.6478576660156],[512.3854370117188,439.6441955566406],[511.98468017578125,439.64056396484375],[511.58380126953125,439.63690185546875],[511.1830749511719,439.63323974609375],[510.7822265625,439.6296081542969],[510.38134765625,439.6259460449219],[509.9806213378906,439.6222839355469],[509.5797424316406,439.61865234375],[509.17901611328125,439.614990234375],[508.7781982421875,439.61102294921875],[508.3773498535156,439.60675048828125],[507.9765930175781,439.60247802734375],[507.57574462890625,439.5981750488281],[507.1750183105469,439.5939025878906],[506.774169921875,439.5896301269531],[506.373291015625,439.5853271484375],[505.9725646972656,439.5810546875],[505.57171630859375,439.5767822265625],[505.17095947265625,439.572509765625],[504.7701110839844,439.5682067871094],[504.3692626953125,439.5639343261719],[503.9685363769531,439.5596618652344],[503.56768798828125,439.5553894042969],[503.16693115234375,439.55108642578125],[502.7660827636719,439.54681396484375],[502.365234375,439.54254150390625],[501.9644775390625,439.53826904296875],[501.5636291503906,439.5339660644531],[501.16290283203125,439.5296936035156],[500.7619323730469,439.5247497558594],[500.361083984375,439.519775390625],[499.9603576660156,439.51483154296875],[499.55950927734375,439.5098876953125],[499.1587829589844,439.5049133300781],[498.7579345703125,439.4999694824219],[498.3570861816406,439.4950256347656],[497.95635986328125,439.49005126953125],[497.5555114746094,439.485107421875],[497.15478515625,439.4801330566406],[496.7539367675781,439.4751892089844],[496.35308837890625,439.4702453613281],[495.9523620605469,439.46527099609375],[495.551513671875,439.4603271484375],[495.1506652832031,439.4553527832031],[494.74993896484375,439.4504089355469],[494.3490905761719,439.4454650878906],[493.9483642578125,439.44049072265625],[493.5475158691406,439.435546875],[493.1467590332031,439.43023681640625],[492.74603271484375,439.424560546875],[492.34521484375,439.41888427734375],[491.9444885253906,439.4132080078125],[491.54364013671875,439.40753173828125],[491.142822265625,439.40185546875],[490.7420959472656,439.39617919921875],[490.34124755859375,439.3905029296875],[489.9405517578125,439.38482666015625],[489.5397033691406,439.379150390625],[489.13885498046875,439.37347412109375],[488.7381286621094,439.3677978515625],[488.3373107910156,439.36212158203125],[487.93658447265625,439.3564453125],[487.5357360839844,439.35076904296875],[487.1349182128906,439.3450927734375],[486.73419189453125,439.33941650390625],[486.3333435058594,439.333740234375],[485.9326477050781,439.32806396484375]], bounds=3000, full_zoom=0.22, max_episode_steps=3000 ) Australia = RaceTrack( name='Australia', xy=[[217.32278442382812,54.43253707885742],[217.56837463378906,54.664161682128906],[217.81396484375,54.895790100097656],[218.05955505371094,55.127418518066406],[218.30514526367188,55.35904312133789],[218.5507354736328,55.59067153930664],[218.79632568359375,55.822296142578125],[219.0419158935547,56.053924560546875],[219.28750610351562,56.28554916381836],[219.53309631347656,56.51717758178711],[219.7786865234375,56.748802185058594],[220.02427673339844,56.980430603027344],[220.26986694335938,57.212059020996094],[220.5154571533203,57.44368362426758],[220.76104736328125,57.67531204223633],[221.0066375732422,57.90693664550781],[221.25222778320312,58.13856506347656],[221.49781799316406,58.37018966674805],[221.743408203125,58.6018180847168],[221.98899841308594,58.83344650268555],[222.23458862304688,59.06507110595703],[222.48016357421875,59.29669952392578],[222.7257537841797,59.528324127197266],[222.97134399414062,59.759952545166016],[223.21693420410156,59.9915771484375],[223.4625244140625,60.22320556640625],[223.70811462402344,60.454830169677734],[223.95370483398438,60.686458587646484],[224.1992950439453,60.91808319091797],[224.44488525390625,61.14971160888672],[224.6904754638672,61.38134002685547],[224.93606567382812,61.61296463012695],[225.18165588378906,61.8445930480957],[225.42724609375,62.07621765136719],[225.67283630371094,62.30784606933594],[225.91842651367188,62.53947067260742],[226.1640167236328,62.77109909057617],[226.40960693359375,63.00272750854492],[226.6551971435547,63.234352111816406],[226.90078735351562,63.465980529785156],[227.14637756347656,63.69760513305664],[227.3919677734375,63.92923355102539],[227.63755798339844,64.16085815429688],[227.88314819335938,64.39248657226562],[228.1287384033203,64.62411499023438],[228.37432861328125,64.85574340820312],[228.6199188232422,65.08736419677734],[228.86550903320312,65.3189926147461],[229.11109924316406,65.55062103271484],[229.356689453125,65.7822494506836],[229.60227966308594,66.01387786865234],[229.84786987304688,66.24549865722656],[230.0934600830078,66.47712707519531],[230.33905029296875,66.70875549316406],[230.58462524414062,66.94038391113281],[230.83021545410156,67.17201232910156],[231.0758056640625,67.40364074707031],[231.32139587402344,67.63526916503906],[231.56698608398438,67.86688995361328],[231.8125762939453,68.09851837158203],[232.05816650390625,68.33014678955078],[232.3037567138672,68.56177520751953],[232.54934692382812,68.79339599609375],[232.79493713378906,69.0250244140625],[233.04052734375,69.25665283203125],[233.28611755371094,69.48828125],[233.53170776367188,69.71990966796875],[233.7772979736328,69.9515380859375],[234.02288818359375,70.18315887451172],[234.2684783935547,70.41478729248047],[234.51406860351562,70.64641571044922],[234.75965881347656,70.87804412841797],[235.0052490234375,71.10967254638672],[235.25083923339844,71.34130096435547],[235.49642944335938,71.57292175292969],[235.7420196533203,71.80455017089844],[235.98760986328125,72.03617858886719],[236.23318481445312,72.26780700683594],[236.47877502441406,72.49943542480469],[236.724365234375,72.7310562133789],[236.96995544433594,72.96268463134766],[237.21554565429688,73.1943130493164],[237.4611358642578,73.42594146728516],[237.70672607421875,73.6575698852539],[237.9523162841797,73.88919067382812],[238.19790649414062,74.12081909179688],[238.44349670410156,74.35244750976562],[238.6890869140625,74.58407592773438],[238.93467712402344,74.81570434570312],[239.18045043945312,75.04712677001953],[239.4269561767578,75.27778625488281],[239.67327880859375,75.50862884521484],[239.91729736328125,75.74190521240234],[240.15728759765625,75.97932434082031],[240.391357421875,76.2225570678711],[240.61741638183594,76.47325134277344],[240.83274841308594,76.73320007324219],[241.03396606445312,77.00420379638672],[241.21617126464844,77.28829193115234],[241.3728485107422,77.587158203125],[241.4951934814453,77.90155792236328],[241.5723114013672,78.2298583984375],[241.59263610839844,78.56634521484375],[241.5489959716797,78.90054321289062],[241.46173095703125,79.22662353515625],[241.38644409179688,79.55567932128906],[241.32192993164062,79.88703155517578],[241.26329040527344,80.21949005126953],[241.2060089111328,80.55217742919922],[241.14576721191406,80.88433837890625],[241.07786560058594,81.21501159667969],[240.99754333496094,81.54287719726562],[240.89971923828125,81.86591339111328],[240.77940368652344,82.18123626708984],[240.6317596435547,82.48467254638672],[240.45346069335938,82.77112579345703],[240.25027465820312,83.04067993164062],[240.04042053222656,83.30511474609375],[239.82530212402344,83.56526947021484],[239.60552978515625,83.82151794433594],[239.38162231445312,84.07416534423828],[239.15406799316406,84.32352447509766],[238.9231719970703,84.5698013305664],[238.68939208984375,84.8133316040039],[238.4533233642578,85.05465698242188],[238.2150115966797,85.29375457763672],[237.9750518798828,85.53121185302734],[237.73367309570312,85.7672119140625],[237.4910888671875,86.00199127197266],[237.24761962890625,86.23583984375],[237.0038299560547,86.46935272216797],[236.75975036621094,86.70257568359375],[236.5156707763672,86.93579864501953],[236.27169799804688,87.16912841796875],[236.02857971191406,87.40335083007812],[235.7860870361328,87.63821411132812],[235.544921875,87.87444305419922],[235.30532836914062,88.11225891113281],[235.0674285888672,88.35176849365234],[234.8317108154297,88.59343719482422],[234.59852600097656,88.8375473022461],[234.36830139160156,89.08444213867188],[234.14144897460938,89.33444213867188],[233.9183349609375,89.5877914428711],[233.699462890625,89.84480285644531],[233.4853515625,90.10579681396484],[233.27667236328125,90.37115478515625],[233.0739288330078,90.64105224609375],[232.8777618408203,90.9157943725586],[232.6888885498047,91.19557189941406],[232.50802612304688,91.4806137084961],[232.33599853515625,91.77104949951172],[232.17356872558594,92.06697082519531],[232.02166748046875,92.3684310913086],[231.881103515625,92.67533874511719],[231.7527313232422,92.98753356933594],[231.6373291015625,93.30476379394531],[231.53565979003906,93.62664031982422],[231.4483642578125,93.95272064208984],[231.37599182128906,94.28242492675781],[231.3188934326172,94.6151123046875],[231.27740478515625,94.95011138916016],[231.24508666992188,95.28614807128906],[231.20970153808594,95.62187194824219],[231.17127990722656,95.95726013183594],[231.13040161132812,96.2923583984375],[231.08743286132812,96.627197265625],[231.04342651367188,96.96190643310547],[230.99874877929688,97.29652404785156],[230.95407104492188,97.63114166259766],[230.9098358154297,97.9658203125],[230.8663330078125,98.30059051513672],[230.82470703125,98.6355972290039],[230.7850799560547,98.97085571289062],[230.74853515625,99.30644989013672],[230.7150421142578,99.64237213134766],[230.6857452392578,99.97868347167969],[230.6610565185547,100.31536102294922],[230.6416015625,100.65238952636719],[230.6279754638672,100.98969268798828],[230.6207733154297,101.32719421386719],[230.62059020996094,101.6647720336914],[230.62803649902344,102.00226593017578],[230.644287109375,102.33944702148438],[230.66744995117188,102.67623901367188],[230.69403076171875,103.01277923583984],[230.7226104736328,103.34915161132812],[230.75213623046875,103.68544006347656],[230.7821502685547,104.02169799804688],[230.81214904785156,104.35794067382812],[230.84178161621094,104.69422149658203],[230.870361328125,105.03060150146484],[230.8976287841797,105.3670883178711],[230.92172241210938,105.70381164550781],[230.93991088867188,106.04090118408203],[230.94114685058594,106.37833404541016],[230.81399536132812,106.30528259277344],[230.75582885742188,106.14608001708984],[230.81724548339844,106.47803497314453],[230.88128662109375,106.80947875976562],[230.94786071777344,107.14044189453125],[231.0169219970703,107.47088623046875],[231.0884552001953,107.80081176757812],[231.16238403320312,108.13019561767578],[231.23867797851562,108.45905303955078],[231.31724548339844,108.78736114501953],[231.39830017089844,109.11507415771484],[231.48133850097656,109.44229125976562],[231.56654357910156,109.76893615722656],[231.65386962890625,110.09503936767578],[231.74325561523438,110.42057800292969],[231.8346710205078,110.74554443359375],[231.92803955078125,111.06996154785156],[232.02334594726562,111.39381408691406],[232.1205291748047,111.71710205078125],[232.21957397460938,112.03984069824219],[232.32040405273438,112.36200714111328],[232.42298889160156,112.68363952636719],[232.52728271484375,113.00470733642578],[232.6332244873047,113.32523345947266],[232.74081420898438,113.64521026611328],[232.85000610351562,113.96466827392578],[232.96072387695312,114.2835693359375],[233.0729522705078,114.60195922851562],[233.18663024902344,114.9198226928711],[233.30177307128906,115.23717498779297],[233.4182891845703,115.55401611328125],[233.53614807128906,115.87035369873047],[233.6553192138672,116.18621826171875],[233.7757568359375,116.50157928466797],[233.89744567871094,116.81646728515625],[234.02032470703125,117.13089752197266],[234.14437866210938,117.44486999511719],[234.26956176757812,117.75838470458984],[234.39585876464844,118.07145690917969],[234.523193359375,118.38410186767578],[234.6515655517578,118.69634246826172],[234.78091430664062,119.00816345214844],[234.91122436523438,119.319580078125],[235.04246520996094,119.630615234375],[235.1746063232422,119.94126892089844],[235.30760192871094,120.25155639648438],[235.44140625,120.56148529052734],[235.57601928710938,120.87107849121094],[235.71141052246094,121.18032836914062],[235.84764099121094,121.48919677734375],[235.9845428466797,121.79777526855469],[236.1219024658203,122.10616302490234],[236.26010131835938,122.41416931152344],[236.39869689941406,122.72198486328125],[236.53807067871094,123.02946472167969],[236.67779541015625,123.33677673339844],[236.81822204589844,123.6437759399414],[236.95895385742188,123.95063018798828],[237.10028076171875,124.2572021484375],[237.2418975830078,124.56365203857422],[237.384033203125,124.86985778808594],[237.52639770507812,125.17596435546875],[237.66920471191406,125.48185729980469],[237.8122100830078,125.78765869140625],[237.95556640625,126.09329223632812],[238.09909057617188,126.39884948730469],[238.24293518066406,126.70426177978516],[238.3867645263672,127.00967407226562],[238.53060913085938,127.31507873535156],[238.67445373535156,127.62049102783203],[238.81863403320312,127.92574310302734],[238.96299743652344,128.2309112548828],[239.1073455810547,128.53607177734375],[239.25169372558594,128.84124755859375],[239.39605712890625,129.1464080810547],[239.5409393310547,129.45132446289062],[239.68582153320312,129.75624084472656],[239.83070373535156,130.0611572265625],[239.9755859375,130.36607360839844],[240.1206512451172,130.6708984375],[240.26609802246094,130.97555541992188],[240.4115447998047,131.28021240234375],[240.55697631835938,131.58485412597656],[240.70242309570312,131.88951110839844],[240.84825134277344,132.1939697265625],[240.99427795410156,132.4983367919922],[241.1403045654297,132.80271911621094],[241.28631591796875,133.10708618164062],[241.43234252929688,133.4114532470703],[241.5789794921875,133.71554565429688],[241.72560119628906,134.01962280273438],[241.8722381591797,134.32369995117188],[242.0188751220703,134.62777709960938],[242.1656951904297,134.9317626953125],[242.31295776367188,135.23553466796875],[242.46022033691406,135.539306640625],[242.60748291015625,135.84307861328125],[242.75474548339844,136.14686584472656],[242.9024200439453,136.45042419433594],[243.0503387451172,136.75387573242188],[243.19825744628906,137.05734252929688],[243.34617614746094,137.3607940673828],[243.4940948486328,137.66424560546875],[243.6426544189453,137.96739196777344],[243.79124450683594,138.27052307128906],[243.93984985351562,138.5736541748047],[244.08843994140625,138.87677001953125],[244.23721313476562,139.1798095703125],[244.3865203857422,139.4825897216797],[244.5358123779297,139.78536987304688],[244.68511962890625,140.08815002441406],[244.83441162109375,140.39093017578125],[244.984130859375,140.69349670410156],[245.13414001464844,140.9959259033203],[245.28416442871094,141.29833984375],[245.43418884277344,141.60076904296875],[245.58421325683594,141.90318298339844],[245.7349090576172,142.2052764892578],[245.8856658935547,142.50732421875],[246.0364532470703,142.8093719482422],[246.1872100830078,143.11141967773438],[246.33815002441406,143.41339111328125],[246.48968505859375,143.7150421142578],[246.6412353515625,144.01670837402344],[246.7927703857422,144.31837463378906],[246.94432067871094,144.6200408935547],[247.09628295898438,144.92149353027344],[247.24862670898438,145.22274780273438],[247.4009552001953,145.5240020751953],[247.5532989501953,145.82525634765625],[247.7056427001953,146.12652587890625],[247.85867309570312,146.42742919921875],[248.0118408203125,146.728271484375],[248.1649932861328,147.02911376953125],[248.3181610107422,147.3299560546875],[248.47145080566406,147.6307373046875],[248.62545776367188,147.93115234375],[248.7794647216797,148.2315673828125],[248.9334716796875,148.531982421875],[249.0874786376953,148.8323974609375],[249.24188232421875,149.13258361816406],[249.39675903320312,149.43255615234375],[249.55162048339844,149.73252868652344],[249.7064971923828,150.03248596191406],[249.8613739013672,150.3324432373047],[250.01693725585938,150.63206481933594],[250.17269897460938,150.9315643310547],[250.32846069335938,151.2310791015625],[250.48422241210938,151.53057861328125],[250.64007568359375,151.8300323486328],[250.7967529296875,152.12905883789062],[250.95343017578125,152.42808532714844],[251.11012268066406,152.72711181640625],[251.2667999267578,153.02613830566406],[251.4238739013672,153.32496643066406],[251.5814971923828,153.6234893798828],[251.73910522460938,153.92201232910156],[251.89674377441406,154.22055053710938],[252.0543670654297,154.5190887451172],[252.21267700195312,154.81723022460938],[252.3712615966797,155.11526489257812],[252.52984619140625,155.4132843017578],[252.68841552734375,155.7113037109375],[252.84703063964844,156.00930786132812],[253.00634765625,156.30694580078125],[253.16566467285156,156.6045684814453],[253.32533264160156,156.90200805664062],[253.48513793945312,157.19937133789062],[253.6451416015625,157.49664306640625],[253.8054656982422,157.79373168945312],[253.96578979492188,158.09080505371094],[254.1266326904297,158.3876190185547],[254.28746032714844,158.68443298339844],[254.44863891601562,158.98106384277344],[254.6099853515625,159.277587890625],[254.77151489257812,159.57403564453125],[254.9333953857422,159.87026977539062],[255.09527587890625,160.16651916503906],[255.25767517089844,160.4624786376953],[255.42007446289062,160.75843811035156],[255.58282470703125,161.05419921875],[255.7457733154297,161.349853515625],[255.90887451171875,161.6454315185547],[256.0723571777344,161.9407958984375],[256.2358093261719,162.2361602783203],[256.39984130859375,162.53123474121094],[256.5638427734375,162.8262939453125],[256.7282409667969,163.12115478515625],[256.8927917480469,163.41592407226562],[257.05755615234375,163.71058654785156],[257.2226867675781,164.00502014160156],[257.3878173828125,164.29945373535156],[257.5534973144531,164.5935821533203],[257.7192077636719,164.88771057128906],[257.88525390625,165.18162536621094],[258.051513671875,165.47543334960938],[258.21795654296875,165.76914978027344],[258.3847961425781,166.0626220703125],[258.5516357421875,166.35610961914062],[258.7190246582031,166.64926147460938],[258.8864440917969,166.94241333007812],[259.0542297363281,167.2353515625],[259.2222595214844,167.5281524658203],[259.39044189453125,167.82086181640625],[259.5590515136719,168.11334228515625],[259.7276306152344,168.4058074951172],[259.89678955078125,168.69793701171875],[260.0660095214844,168.99008178710938],[260.2355651855469,169.28199768066406],[260.4053649902344,169.5737762451172],[260.5753479003906,169.8654327392578],[260.7457580566406,170.1568603515625],[260.9161682128906,170.44827270507812],[261.0871887207031,170.7393341064453],[261.2582092285156,171.0303955078125],[261.42987060546875,171.3210906982422],[261.6026306152344,171.61111450195312],[261.7767028808594,171.90036010742188],[261.9520263671875,172.18885803222656],[262.1285705566406,172.47657775878906],[262.3063659667969,172.7635498046875],[262.48541259765625,173.04974365234375],[262.6656494140625,173.335205078125],[262.8470764160156,173.6199188232422],[263.0296936035156,173.90383911132812],[263.2134704589844,174.18701171875],[263.3984069824219,174.46942138671875],[263.5845031738281,174.75108337402344],[263.7717590332031,175.03196716308594],[263.96014404296875,175.31210327148438],[264.149658203125,175.59149169921875],[264.3403015136719,175.87010192871094],[264.5320129394531,176.14794921875],[264.7248229980469,176.425048828125],[264.9187316894531,176.70140075683594],[265.11370849609375,176.9769744873047],[265.3097839355469,177.25180053710938],[265.50689697265625,177.52589416503906],[265.70501708984375,177.79920959472656],[265.9042053222656,178.07176208496094],[266.10443115234375,178.34356689453125],[266.3056640625,178.61460876464844],[266.5079040527344,178.88491821289062],[266.711181640625,179.15443420410156],[266.9154357910156,179.4232177734375],[267.12066650390625,179.69126892089844],[267.3268737792969,179.95855712890625],[267.5340576171875,180.22509765625],[267.7421875,180.49087524414062],[267.9512939453125,180.7559051513672],[268.1613464355469,181.02017211914062],[268.3723449707031,181.28369140625],[268.5842590332031,181.54647827148438],[268.797119140625,181.8085174560547],[269.0108947753906,182.06979370117188],[269.2255554199219,182.33033752441406],[269.4411315917969,182.5901336669922],[269.6576232910156,182.8491668701172],[269.875,183.10745239257812],[270.09326171875,183.364990234375],[270.3123779296875,183.62179565429688],[270.53240966796875,183.8778533935547],[270.7532653808594,184.13316345214844],[270.9749755859375,184.38772583007812],[271.19757080078125,184.6415252685547],[271.4209899902344,184.8946075439453],[271.645263671875,185.14694213867188],[271.870361328125,185.3985137939453],[272.0963134765625,185.6493377685547],[272.32305908203125,185.89944458007812],[272.5506591796875,186.14877319335938],[272.779052734375,186.39736938476562],[273.0082702636719,186.6452178955078],[273.2382507324219,186.89231872558594],[273.46905517578125,187.13868713378906],[273.7006530761719,187.3843231201172],[273.93304443359375,187.6291961669922],[274.16619873046875,187.87330627441406],[274.400146484375,188.11669921875],[274.6349182128906,188.35928344726562],[274.8706359863281,188.6009521484375],[275.10736083984375,188.84161376953125],[275.3451843261719,189.08120727539062],[275.5841064453125,189.31973266601562],[275.823974609375,189.5572509765625],[276.0648498535156,189.79379272460938],[276.306640625,190.02935791015625],[276.54937744140625,190.26397705078125],[276.7929992675781,190.49766540527344],[277.0375061035156,190.7304229736328],[277.2829284667969,190.96226501464844],[277.5291748046875,191.19320678710938],[277.7762145996094,191.4232635498047],[278.024169921875,191.65235900878906],[278.2729187011719,191.88058471679688],[278.5224304199219,192.10797119140625],[278.7726745605469,192.3345489501953],[279.0236511230469,192.56033325195312],[279.2753601074219,192.78530883789062],[279.5277404785156,193.00950622558594],[279.78082275390625,193.2329559326172],[280.0345153808594,193.45562744140625],[280.28887939453125,193.67758178710938],[280.5439453125,193.89874267578125],[280.79962158203125,194.11920166015625],[281.0558776855469,194.33897399902344],[281.3127136230469,194.55807495117188],[281.570068359375,194.77651977539062],[281.8281555175781,194.99417114257812],[282.0867004394531,195.2112274169922],[282.345458984375,195.42799377441406],[282.6051330566406,195.64373779296875],[282.8647766113281,195.85946655273438],[283.12548828125,196.073974609375],[283.38616943359375,196.2884521484375],[283.6476135253906,196.5020294189453],[283.90924072265625,196.71534729003906],[284.17138671875,196.92808532714844],[284.4339294433594,197.1403045654297],[284.69671630859375,197.35220336914062],[284.9600830078125,197.5634307861328],[285.2234802246094,197.7745819091797],[285.487548828125,197.98486328125],[285.75164794921875,198.1951446533203],[286.01629638671875,198.40472412109375],[286.28106689453125,198.61416625976562],[286.54620361328125,198.82313537597656],[286.8115539550781,199.0318145751953],[287.0771484375,199.24026489257812],[287.343017578125,199.44827270507812],[287.6089782714844,199.65618896484375],[287.87530517578125,199.86363220214844],[288.14166259765625,200.07106018066406],[288.40850830078125,200.27783203125],[288.6753845214844,200.4845428466797],[288.9422912597656,200.69126892089844],[289.2091979980469,200.8979949951172],[289.476318359375,201.10440063476562],[289.74371337890625,201.31045532226562],[290.0111389160156,201.51651000976562],[290.2785339355469,201.7225799560547],[290.5459289550781,201.92861938476562],[290.8135681152344,202.13438415527344],[291.0812072753906,202.3401641845703],[291.34881591796875,202.54592895507812],[291.616455078125,202.75169372558594],[291.88409423828125,202.95745849609375],[292.1517028808594,203.16322326660156],[292.4193420410156,203.36898803710938],[292.6869812011719,203.57473754882812],[292.95465087890625,203.7804412841797],[293.2237243652344,203.98431396484375],[293.4952392578125,204.18496704101562],[293.7689514160156,204.3824920654297],[294.04498291015625,204.57688903808594],[294.32305908203125,204.76824951171875],[294.60308837890625,204.95680236816406],[294.8849182128906,205.14260864257812],[295.168701171875,205.3254852294922],[295.4542541503906,205.50555419921875],[295.74139404296875,205.68307495117188],[296.0300598144531,205.8580780029297],[296.3202819824219,206.030517578125],[296.61199951171875,206.2003936767578],[296.9050598144531,206.36801147460938],[297.1993408203125,206.53343200683594],[297.494873046875,206.69659423828125],[297.7916564941406,206.8574676513672],[298.0895080566406,207.016357421875],[298.3883972167969,207.17330932617188],[298.688232421875,207.3284149169922],[298.9891357421875,207.48147583007812],[299.2908935546875,207.63282775878906],[299.59344482421875,207.7825469970703],[299.89678955078125,207.93072509765625],[300.2009582519531,208.0771942138672],[300.505615234375,208.22262573242188],[300.8102722167969,208.3680419921875],[301.11492919921875,208.51344299316406],[301.4195861816406,208.6588592529297],[301.7242431640625,208.8042755126953],[302.0286865234375,208.95022583007812],[302.3329772949219,209.09640502929688],[302.63726806640625,209.24258422851562],[302.9415588378906,209.38876342773438],[303.245849609375,209.5349578857422],[303.5500183105469,209.68138122558594],[303.85418701171875,209.82781982421875],[304.1583557128906,209.97427368164062],[304.4625244140625,210.12071228027344],[304.7666931152344,210.26715087890625],[305.07086181640625,210.41358947753906],[305.3750305175781,210.56002807617188],[305.67919921875,210.7064666748047],[305.9833679199219,210.8529052734375],[306.2877197265625,210.99900817871094],[306.5921936035156,211.1448211669922],[306.89666748046875,211.29063415527344],[307.2011413574219,211.4364471435547],[307.505615234375,211.58224487304688],[307.8103942871094,211.7274932861328],[308.1152038574219,211.87258911132812],[308.4201354980469,212.0174102783203],[308.7252502441406,212.16188049316406],[309.0303955078125,212.30628967285156],[309.3358459472656,212.4500274658203],[309.64129638671875,212.59376525878906],[309.9470520019531,212.73687744140625],[310.2528991699219,212.8797607421875],[310.5589294433594,213.02230834960938],[310.8652038574219,213.1642303466797],[311.1715393066406,213.30616760253906],[311.47833251953125,213.447021484375],[311.7851257324219,213.58787536621094],[312.09228515625,213.72796630859375],[312.39959716796875,213.8676300048828],[312.7071228027344,214.00692749023438],[313.0150451660156,214.14527893066406],[313.322998046875,214.2836456298828],[313.63153076171875,214.42066955566406],[313.9400939941406,214.5576171875],[314.2490234375,214.69366455078125],[314.55828857421875,214.8290557861328],[314.8676452636719,214.96417236328125],[315.17742919921875,215.09829711914062],[315.4875793457031,215.2316131591797],[315.798095703125,215.3641357421875],[316.10888671875,215.4958953857422],[316.4200439453125,215.62689208984375],[316.73150634765625,215.75709533691406],[317.0433044433594,215.886474609375],[317.35546875,216.01502990722656],[317.66802978515625,216.14251708984375],[317.98101806640625,216.26913452148438],[318.2943115234375,216.39483642578125],[318.60797119140625,216.5196075439453],[318.92205810546875,216.6434326171875],[319.2364807128906,216.7662811279297],[319.55133056640625,216.88807678222656],[319.86663818359375,217.00869750976562],[320.18231201171875,217.12828063964844],[320.4984130859375,217.24679565429688],[320.81494140625,217.36422729492188],[321.1318664550781,217.4805450439453],[321.4491882324219,217.59573364257812],[321.7669677734375,217.7096405029297],[322.085205078125,217.82223510742188],[322.4039001464844,217.93360900878906],[322.7230224609375,218.04376220703125],[323.0425720214844,218.15264892578125],[323.362548828125,218.26028442382812],[323.6829528808594,218.36659240722656],[324.0039367675781,218.4710693359375],[324.3255920410156,218.57363891601562],[324.6477966308594,218.67431640625],[324.9706115722656,218.7731475830078],[325.2939453125,218.87014770507812],[325.6178283691406,218.9653778076172],[325.9422302246094,219.058837890625],[326.26708984375,219.1505889892578],[326.5924377441406,219.2406463623047],[326.9182434082031,219.3290557861328],[327.2445068359375,219.41583251953125],[327.5711669921875,219.5010528564453],[327.898193359375,219.58470153808594],[328.22564697265625,219.66685485839844],[328.553466796875,219.7475128173828],[328.8816223144531,219.82669067382812],[329.21014404296875,219.90444946289062],[329.5389709472656,219.98080444335938],[329.86810302734375,220.05584716796875],[330.1975402832031,220.12957763671875],[330.52728271484375,220.2020263671875],[330.8572692871094,220.2732391357422],[331.1875,220.34327697753906],[331.51800537109375,220.41213989257812],[331.84869384765625,220.47988891601562],[332.1796569824219,220.54652404785156],[332.5108642578125,220.61183166503906],[332.8421936035156,220.67652893066406],[333.17376708984375,220.73992919921875],[333.5054626464844,220.80276489257812],[333.83740234375,220.86422729492188],[334.1694030761719,220.92532348632812],[334.5016784667969,220.98497009277344],[334.833984375,221.04444885253906],[335.16656494140625,221.1024627685547],[335.4991455078125,221.16033935546875],[335.8319396972656,221.21694946289062],[336.164794921875,221.27334594726562],[336.497802734375,221.32872009277344],[336.83087158203125,221.3837890625],[337.1640625,221.43804931640625],[337.497314453125,221.49192810058594],[337.8306884765625,221.5452117919922],[338.16412353515625,221.59805297851562],[338.49761962890625,221.65045166015625],[338.8312072753906,221.70223999023438],[339.16485595703125,221.75357055664062],[339.4985046386719,221.80491638183594],[339.8321838378906,221.85626220703125],[340.16595458984375,221.90682983398438],[340.499755859375,221.95716857910156],[340.8335876464844,222.0075225830078],[341.1673889160156,222.057861328125],[341.50128173828125,222.1077117919922],[341.8351745605469,222.1575469970703],[342.1690368652344,222.20738220214844],[342.5029296875,222.25723266601562],[342.8368225097656,222.30706787109375],[343.17071533203125,222.35690307617188],[343.5046081542969,222.40673828125],[343.8385009765625,222.4564971923828],[344.17242431640625,222.50613403320312],[344.50634765625,222.55575561523438],[344.8402404785156,222.6053924560547],[345.1741943359375,222.65501403808594],[345.50811767578125,222.70462036132812],[345.8421630859375,222.75338745117188],[346.17620849609375,222.80215454101562],[346.51025390625,222.85093688964844],[346.84429931640625,222.8997039794922],[347.1783447265625,222.948486328125],[347.5124816894531,222.99656677246094],[347.8466796875,223.04434204101562],[348.1808776855469,223.09210205078125],[348.5150451660156,223.13987731933594],[348.8492431640625,223.18763732910156],[349.1834716796875,223.23501586914062],[349.517822265625,223.2816162109375],[349.8521728515625,223.32823181152344],[350.1865539550781,223.3748321533203],[350.5209045410156,223.4214324951172],[350.8552551269531,223.46804809570312],[351.18975830078125,223.51368713378906],[351.52423095703125,223.55931091308594],[351.8587646484375,223.60472106933594],[352.1933288574219,223.649658203125],[352.5279235839844,223.69459533691406],[352.8625793457031,223.7390594482422],[353.197265625,223.7832489013672],[353.5319519042969,223.8274383544922],[353.8667297363281,223.87088012695312],[354.2015075683594,223.91427612304688],[354.53631591796875,223.95745849609375],[354.8711853027344,224.0000457763672],[355.2060852050781,224.04263305664062],[355.5410461425781,224.084716796875],[355.8760681152344,224.12643432617188],[356.2110595703125,224.16815185546875],[356.546142578125,224.2090606689453],[356.8812561035156,224.2498779296875],[357.2164001464844,224.2904815673828],[357.5516052246094,224.3303680419922],[357.8868408203125,224.3702392578125],[358.2221374511719,224.40957641601562],[358.5574645996094,224.448486328125],[358.8927917480469,224.4873809814453],[359.2282409667969,224.525390625],[359.5636901855469,224.56324768066406],[359.899169921875,224.60092163085938],[360.2347412109375,224.6377410888672],[360.5703430175781,224.67454528808594],[360.90594482421875,224.71078491210938],[361.24163818359375,224.74649047851562],[361.5773620605469,224.78221130371094],[361.91314697265625,224.81695556640625],[362.24896240234375,224.8515167236328],[362.5848083496094,224.88589477539062],[362.92071533203125,224.9192657470703],[363.25665283203125,224.95265197753906],[363.5926513671875,224.98544311523438],[363.9287109375,225.01759338378906],[364.2647705078125,225.04974365234375],[364.60089111328125,225.0808868408203],[364.93707275390625,225.11178588867188],[365.2732238769531,225.1425018310547],[365.6095275878906,225.17208862304688],[365.94580078125,225.20166015625],[366.28216552734375,225.2306365966797],[366.6186218261719,225.25888061523438],[366.95501708984375,225.287109375],[367.29150390625,225.3142852783203],[367.6280212402344,225.3411407470703],[367.96453857421875,225.3678436279297],[368.3011779785156,225.3932647705078],[368.6377868652344,225.41867065429688],[368.9744567871094,225.44346618652344],[369.3111877441406,225.4674072265625],[369.6479187011719,225.49134826660156],[369.9847412109375,225.51417541503906],[370.32159423828125,225.53660583496094],[370.6584167480469,225.5589141845703],[370.995361328125,225.5797882080078],[371.3323059082031,225.60067749023438],[371.6693115234375,225.62091064453125],[372.00634765625,225.6401824951172],[372.3433837890625,225.6594696044922],[372.6804504394531,225.6780548095703],[373.0175476074219,225.69638061523438],[373.3546142578125,225.7147216796875],[373.69171142578125,225.73304748535156],[374.02880859375,225.7513885498047],[374.3658752441406,225.76971435546875],[374.7029724121094,225.7880401611328],[375.0400695800781,225.80638122558594],[375.37713623046875,225.82470703125],[375.7142333984375,225.84303283691406],[376.05133056640625,225.8613739013672],[376.3883972167969,225.87969970703125],[376.72552490234375,225.89804077148438],[377.0626220703125,225.91636657714844],[377.3996887207031,225.9346923828125],[377.7367858886719,225.95303344726562],[378.0738830566406,225.9713592529297],[378.41094970703125,225.98968505859375],[378.748046875,226.00802612304688],[379.08514404296875,226.0264434814453],[379.4222106933594,226.0448760986328],[379.7593078613281,226.0633087158203],[380.09637451171875,226.0817413330078],[380.4334716796875,226.1001739501953],[380.7705383300781,226.11862182617188],[381.1076354980469,226.13705444335938],[381.4447021484375,226.15548706054688],[381.7818298339844,226.17391967773438],[382.118896484375,226.19247436523438],[382.4559631347656,226.2112579345703],[382.79302978515625,226.2300262451172],[383.13006591796875,226.24880981445312],[383.4671325683594,226.267578125],[383.80419921875,226.28636169433594],[384.1412658691406,226.3051300048828],[384.47833251953125,226.32391357421875],[384.8153991699219,226.34268188476562],[385.1524658203125,226.36146545410156],[385.4894714355469,226.38084411621094],[385.8265075683594,226.40029907226562],[386.16351318359375,226.41973876953125],[386.50054931640625,226.43919372558594],[386.83758544921875,226.45864868164062],[387.17462158203125,226.47808837890625],[387.51165771484375,226.49754333496094],[387.8486633300781,226.51698303222656],[388.1856994628906,226.53643798828125],[388.5227355957031,226.55589294433594],[388.8597412109375,226.57533264160156],[389.19677734375,226.59478759765625],[389.5338134765625,226.61422729492188],[389.8708190917969,226.63368225097656],[390.2078552246094,226.65313720703125],[390.54486083984375,226.67257690429688],[390.88189697265625,226.69203186035156],[391.21893310546875,226.7115020751953],[391.5559387207031,226.7312469482422],[391.8929748535156,226.75099182128906],[392.22998046875,226.77072143554688],[392.5669860839844,226.79046630859375],[392.90399169921875,226.81021118164062],[393.2409973144531,226.82994079589844],[393.5780334472656,226.8496856689453],[393.9150390625,226.8694305419922],[394.2520446777344,226.88916015625],[394.58905029296875,226.90890502929688],[394.9260559082031,226.92864990234375],[395.2630615234375,226.94837951660156],[395.6000671386719,226.96812438964844],[395.93707275390625,226.9878692626953],[396.2740783691406,227.00759887695312],[396.611083984375,227.02734375],[396.9481201171875,227.04708862304688],[397.28515625,227.06607055664062],[397.6226806640625,227.0687255859375],[397.959716796875,227.05044555664062],[398.295166015625,227.01300048828125],[398.628173828125,226.95790100097656],[398.9580993652344,226.8865509033203],[399.2843933105469,226.8000946044922],[399.6065979003906,226.6994171142578],[399.9242858886719,226.58535766601562],[400.23712158203125,226.45852661132812],[400.544677734375,226.31939697265625],[400.8465270996094,226.1682891845703],[401.1421813964844,226.00537109375],[401.4309387207031,225.8306121826172],[401.712158203125,225.64389038085938],[401.9848937988281,225.44491577148438],[402.2471008300781,225.23239135742188],[402.4940490722656,225.00228881835938],[402.7292785644531,224.7602081298828],[402.9563903808594,224.51046752929688],[403.1777648925781,224.25559997558594],[403.394775390625,223.9970245361328],[403.60845947265625,223.7356719970703],[403.8197937011719,223.47242736816406],[404.0290832519531,223.20755004882812],[404.23681640625,222.9414520263672],[404.44390869140625,222.6748504638672],[404.6501770019531,222.40762329101562],[404.8564147949219,222.14035034179688],[405.0626525878906,221.8730926513672],[405.269775390625,221.60647583007812],[405.4775695800781,221.3404083251953],[405.68707275390625,221.07569885253906],[405.8990478515625,220.81297302246094],[406.1141052246094,220.55276489257812],[406.3337707519531,220.2964324951172],[406.5603332519531,220.0461883544922],[406.7967529296875,219.80526733398438],[407.0364685058594,219.5675811767578],[407.2773742675781,219.3310546875],[407.5188903808594,219.09519958496094],[407.76123046875,218.8601837158203],[408.004638671875,218.62625122070312],[408.24859619140625,218.39295959472656],[408.4932556152344,218.16033935546875],[408.73895263671875,217.92874145507812],[408.985107421875,217.69776916503906],[409.2318420410156,217.4673309326172],[409.4794006347656,217.23780822753906],[409.7274475097656,217.00881958007812],[409.9759216308594,216.78030395507812],[410.22503662109375,216.55245971679688],[410.4748229980469,216.3253631591797],[410.724853515625,216.0985565185547],[410.9748840332031,215.8717498779297],[411.2257385253906,215.64585876464844],[411.47674560546875,215.4201202392578],[411.727783203125,215.1943817138672],[411.9794006347656,214.96932983398438],[412.23101806640625,214.74429321289062],[412.48272705078125,214.51927185058594],[412.734619140625,214.29452514648438],[412.9865417480469,214.0697784423828],[413.2384338378906,213.84503173828125],[413.4903259277344,213.6202850341797],[413.7422180175781,213.39553833007812],[413.9939270019531,213.1705780029297],[414.24542236328125,212.9453887939453],[414.4969177246094,212.72018432617188],[414.74798583984375,212.49452209472656],[414.998779296875,212.26852416992188],[415.2495422363281,212.0425262451172],[415.4996032714844,211.81570434570312],[415.74932861328125,211.58856201171875],[415.99908447265625,211.36143493652344],[416.248046875,211.1334228515625],[416.49658203125,210.90492248535156],[416.7445983886719,210.67588806152344],[416.9918518066406,210.44610595703125],[417.23870849609375,210.2158203125],[417.4849853515625,209.98492431640625],[417.73040771484375,209.75311279296875],[417.97528076171875,209.520751953125],[418.21954345703125,209.2877197265625],[418.4638366699219,209.05474853515625],[418.7093505859375,208.82302856445312],[418.955810546875,208.5923309326172],[419.2030334472656,208.3624725341797],[419.4509582519531,208.13331604003906],[419.69976806640625,207.90518188476562],[419.9489440917969,207.67735290527344],[420.1990051269531,207.45062255859375],[420.44921875,207.2239990234375],[420.70037841796875,206.99839782714844],[420.9515686035156,206.77285766601562],[421.2035827636719,206.5482177734375],[421.45562744140625,206.32366943359375],[421.7084045410156,206.0998992919922],[421.96124267578125,205.87620544433594],[422.2147216796875,205.6532440185547],[422.46826171875,205.4303741455078],[422.722412109375,205.20816040039062],[422.9766540527344,204.9860382080078],[423.2314147949219,204.76454162597656],[423.4862976074219,204.543212890625],[423.74169921875,204.3223876953125],[423.99725341796875,204.101806640625],[424.2532043457031,203.88169860839844],[424.50946044921875,203.6619415283203],[424.7660217285156,203.44252014160156],[425.0230407714844,203.22364807128906],[425.2802429199219,203.00502014160156],[425.5380554199219,202.78709411621094],[425.7973937988281,202.57101440429688],[426.06646728515625,202.36721801757812],[426.3453674316406,202.177001953125],[426.63275146484375,202],[426.92767333984375,201.8357696533203],[427.2293395996094,201.684326171875],[427.5369567871094,201.54534912109375],[427.8499450683594,201.41880798339844],[428.1677551269531,201.30502319335938],[428.4898681640625,201.20407104492188],[428.8157958984375,201.1162567138672],[429.1451721191406,201.0424041748047],[429.4774475097656,200.9828643798828],[429.81207275390625,200.93869018554688],[430.14849853515625,200.91087341308594],[430.4857482910156,200.89602661132812],[430.8232421875,200.8888397216797],[431.1607971191406,200.88868713378906],[431.4983215332031,200.8950958251953],[431.835693359375,200.9076690673828],[432.1727600097656,200.92596435546875],[432.509521484375,200.94932556152344],[432.8459777832031,200.97727966308594],[433.1820373535156,201.0093994140625],[433.5177001953125,201.04531860351562],[433.85296630859375,201.08456420898438],[434.18792724609375,201.12660217285156],[434.5225830078125,201.1709747314453],[434.8569641113281,201.21731567382812],[435.19110107421875,201.26541137695312],[435.5251159667969,201.31442260742188],[435.85906982421875,201.3640899658203],[436.1929016113281,201.4141845703125],[436.5267639160156,201.46408081054688],[436.86065673828125,201.51390075683594],[437.1947021484375,201.56277465820312],[437.52886962890625,201.61038208007812],[437.8633728027344,201.6562957763672],[438.1981201171875,201.7001495361328],[438.53314208984375,201.74151611328125],[438.8685302734375,201.78001403808594],[439.2042236328125,201.81556701660156],[439.54034423828125,201.84707641601562],[439.8768005371094,201.87437438964844],[440.2135314941406,201.89837646484375],[440.55029296875,201.9220733642578],[440.8870544433594,201.94577026367188],[441.2237854003906,201.96946716308594],[441.560546875,201.9931640625],[441.8973083496094,202.01686096191406],[442.2340393066406,202.04055786132812],[442.57080078125,202.0642547607422],[442.9075927734375,202.08795166015625],[443.2443542480469,202.1116485595703],[443.5810852050781,202.13534545898438],[443.9178466796875,202.15904235839844],[444.25457763671875,202.1829376220703],[444.5912780761719,202.20704650878906],[444.9280090332031,202.2311553955078],[445.2647399902344,202.25527954101562],[445.6014404296875,202.27938842773438],[445.93817138671875,202.30349731445312],[446.27490234375,202.32762145996094],[446.61163330078125,202.3517303466797],[446.9483337402344,202.37583923339844],[447.2850646972656,202.3999481201172],[447.6217956542969,202.424072265625],[447.95855712890625,202.44818115234375],[448.2952575683594,202.4725341796875],[448.6319274902344,202.49720764160156],[448.9686279296875,202.5218963623047],[449.3052978515625,202.54656982421875],[449.6419677734375,202.57125854492188],[449.9786682128906,202.59593200683594],[450.3153381347656,202.62062072753906],[450.65203857421875,202.6453094482422],[450.98870849609375,202.66998291015625],[451.32537841796875,202.69467163085938],[451.6620788574219,202.71934509277344],[451.9987487792969,202.74403381347656],[452.33544921875,202.76901245117188],[452.67205810546875,202.79443359375],[453.00872802734375,202.81983947753906],[453.3453369140625,202.84524536132812],[453.6819763183594,202.8706512451172],[454.01861572265625,202.89605712890625],[454.355224609375,202.9214630126953],[454.6918640136719,202.94688415527344],[455.02850341796875,202.9722900390625],[455.3651123046875,202.99769592285156],[455.7017517089844,203.02310180664062],[456.0383605957031,203.0485076904297],[456.3749694824219,203.07424926757812],[456.7115478515625,203.1002960205078],[457.0481262207031,203.12635803222656],[457.38470458984375,203.15240478515625],[457.7212829589844,203.17845153808594],[458.0578918457031,203.2045135498047],[458.3944396972656,203.2308349609375],[458.7309875488281,203.2573699951172],[459.0675048828125,203.28390502929688],[459.404052734375,203.3104248046875],[459.7406005859375,203.3369598388672],[460.0771484375,203.36349487304688],[460.4136657714844,203.39036560058594],[460.7501525878906,203.41741943359375],[461.086669921875,203.44447326660156],[461.42315673828125,203.4715118408203],[461.7596435546875,203.49856567382812],[462.0961608886719,203.52561950683594],[462.4326477050781,203.5531005859375],[462.76910400390625,203.58070373535156],[463.1055908203125,203.60830688476562],[463.4420471191406,203.6359100341797],[463.77850341796875,203.6635284423828],[464.11492919921875,203.69113159179688],[464.45135498046875,203.71923828125],[464.7877502441406,203.7474365234375],[465.1241455078125,203.775634765625],[465.4605712890625,203.80384826660156],[465.7969665527344,203.83204650878906],[466.13336181640625,203.86024475097656],[466.4697265625,203.88905334472656],[466.80609130859375,203.9178924560547],[467.1424255371094,203.9467315673828],[467.4787902832031,203.97555541992188],[467.81512451171875,204.00439453125],[468.1515197753906,204.0332794189453],[468.48779296875,204.0627899169922],[468.8240966796875,204.09230041503906],[469.160400390625,204.12179565429688],[469.4966735839844,204.15130615234375],[469.8329772949219,204.18081665039062],[470.16925048828125,204.21044921875],[470.5054931640625,204.24066162109375],[470.8417053222656,204.2708740234375],[471.1779479980469,204.30108642578125],[471.5141906738281,204.331298828125],[471.85040283203125,204.36151123046875],[472.1866149902344,204.39195251464844],[472.5227966308594,204.4228973388672],[472.85894775390625,204.453857421875],[473.19512939453125,204.48480224609375],[473.53131103515625,204.5157470703125],[473.8674621582031,204.5467071533203],[474.20361328125,204.57798767089844],[474.5397033691406,204.60972595214844],[474.87579345703125,204.64144897460938],[475.2118835449219,204.67318725585938],[475.5479736328125,204.7049102783203],[475.8840637207031,204.73663330078125],[476.2200927734375,204.76881408691406],[476.5561218261719,204.80136108398438],[476.8921203613281,204.8339080810547],[477.2281494140625,204.86643981933594],[477.56414794921875,204.89898681640625],[477.9001770019531,204.9315185546875],[478.2361145019531,204.96463012695312],[478.57208251953125,204.99801635742188],[478.90802001953125,205.03140258789062],[479.2439270019531,205.06478881835938],[479.5798645019531,205.09817504882812],[479.9158020019531,205.13156127929688],[480.2516784667969,205.16561889648438],[480.5875244140625,205.1998748779297],[480.9233703613281,205.234130859375],[481.25921630859375,205.26840209960938],[481.5950622558594,205.3026580810547],[481.930908203125,205.3369140625],[482.2666320800781,205.37196350097656],[482.6023864746094,205.40713500976562],[482.9381408691406,205.4423065185547],[483.2738952636719,205.47747802734375],[483.60968017578125,205.5126495361328],[483.9454040527344,205.5478057861328],[484.28106689453125,205.58389282226562],[484.61669921875,205.6199951171875],[484.9523620605469,205.65611267089844],[485.2879943847656,205.6922149658203],[485.6236572265625,205.7283172607422],[485.95928955078125,205.7644805908203],[486.2948303222656,205.8015594482422],[486.63037109375,205.83863830566406],[486.9659118652344,205.87571716308594],[487.3014831542969,205.9127960205078],[487.63702392578125,205.94985961914062],[487.9725341796875,205.987060546875],[488.3079528808594,206.02513122558594],[488.6434326171875,206.06320190429688],[488.9788513183594,206.1012725830078],[489.3143005371094,206.13934326171875],[489.64971923828125,206.1774139404297],[489.9851379394531,206.21566772460938],[490.3204345703125,206.2547607421875],[490.65576171875,206.29385375976562],[490.9910888671875,206.33294677734375],[491.3263854980469,206.3720245361328],[491.6617126464844,206.41111755371094],[491.99700927734375,206.450439453125],[492.33221435546875,206.49058532714844],[492.6673889160156,206.53073120117188],[493.0025939941406,206.57086181640625],[493.3377685546875,206.6110076904297],[493.6730041503906,206.65115356445312],[494.0081481933594,206.69154357910156],[494.34320068359375,206.73275756835938],[494.67828369140625,206.7739715576172],[495.0133361816406,206.815185546875],[495.348388671875,206.85638427734375],[495.6834411621094,206.89759826660156],[496.01849365234375,206.93905639648438],[496.3533935546875,206.9813690185547],[496.6883239746094,207.02366638183594],[497.02325439453125,207.06597900390625],[497.3581848144531,207.10829162597656],[497.6930847167969,207.1505889892578],[498.02801513671875,207.193115234375],[498.36279296875,207.23654174804688],[498.6976013183594,207.27996826171875],[499.0323791503906,207.32339477539062],[499.3671569824219,207.3668212890625],[499.7019348144531,207.41024780273438],[500.03668212890625,207.45382690429688],[500.3713073730469,207.49838256835938],[500.7059631347656,207.54293823242188],[501.04058837890625,207.58750915527344],[501.3752136230469,207.63206481933594],[501.7098388671875,207.67662048339844],[502.0444641113281,207.72125244140625],[502.3789367675781,207.7669677734375],[502.7134094238281,207.81268310546875],[503.0478820800781,207.8583984375],[503.3823547363281,207.9041290283203],[503.71685791015625,207.94984436035156],[504.05133056640625,207.9955596923828],[504.3856506347656,208.04244995117188],[504.71978759765625,208.09054565429688],[505.0537414550781,208.13987731933594],[505.3875427246094,208.19039916992188],[505.7211608886719,208.2421417236328],[506.0545349121094,208.2950897216797],[506.3877258300781,208.34925842285156],[506.72076416015625,208.40464782714844],[507.0535888671875,208.46124267578125],[507.38616943359375,208.51902770996094],[507.7185363769531,208.5780487060547],[508.05072021484375,208.63829040527344],[508.3826599121094,208.69972229003906],[508.71441650390625,208.7623748779297],[509.0458984375,208.82630920410156],[509.37713623046875,208.89149475097656],[509.7080993652344,208.95790100097656],[510.03887939453125,209.02552795410156],[510.3693542480469,209.0943603515625],[510.6995544433594,209.1644287109375],[511.029541015625,209.23573303222656],[511.3592529296875,209.3082275390625],[511.6886901855469,209.38197326660156],[512.017822265625,209.45693969726562],[512.3467407226562,209.53314208984375],[512.67529296875,209.61056518554688],[513.0036010742188,209.68923950195312],[513.3316040039062,209.7691192626953],[513.6593017578125,209.85031127929688],[513.9866943359375,209.93280029296875],[514.3136596679688,210.01654052734375],[514.640380859375,210.10153198242188],[514.9667358398438,210.18777465820312],[515.2928466796875,210.27525329589844],[515.6185302734375,210.36399841308594],[515.9439086914062,210.45401000976562],[516.2689208984375,210.5452880859375],[516.5935668945312,210.63783264160156],[516.9178466796875,210.73162841796875],[517.2417602539062,210.82672119140625],[517.5653076171875,210.92308044433594],[517.888427734375,211.02072143554688],[518.211181640625,211.11968994140625],[518.5335693359375,211.2200469970703],[518.8555297851562,211.32167053222656],[519.177001953125,211.4246063232422],[519.4981079101562,211.52883911132812],[519.8187255859375,211.63438415527344],[520.1389770507812,211.74124145507812],[520.4588012695312,211.8494415283203],[520.778076171875,211.95895385742188],[521.096923828125,212.06979370117188],[521.4153442382812,212.1819610595703],[521.7332763671875,212.29547119140625],[522.0507202148438,212.4103546142578],[522.36767578125,212.52658081054688],[522.6841430664062,212.6441650390625],[523.0000610351562,212.7631072998047],[523.3154296875,212.88352966308594],[523.6303100585938,213.0052947998047],[523.9446411132812,213.12844848632812],[524.2583618164062,213.25302124023438],[524.5715942382812,213.37896728515625],[524.8842163085938,213.50631713867188],[525.1962890625,213.63507080078125],[525.5078125,213.76524353027344],[525.8186645507812,213.89683532714844],[526.1289672851562,214.0298614501953],[526.4385375976562,214.1644287109375],[526.7473754882812,214.30068969726562],[527.0554809570312,214.43878173828125],[527.3627319335938,214.57864379882812],[527.6691284179688,214.72027587890625],[527.9747924804688,214.86366271972656],[528.2796020507812,215.0087432861328],[528.5836181640625,215.15548706054688],[528.8868408203125,215.30393981933594],[529.189208984375,215.4539794921875],[529.4908447265625,215.6056365966797],[529.7916259765625,215.7588348388672],[530.0916748046875,215.91354370117188],[530.3909912109375,216.0697479248047],[530.6895141601562,216.2273712158203],[530.9872436523438,216.38644409179688],[531.2842407226562,216.54689025878906],[531.58056640625,216.708740234375],[531.8760375976562,216.87191772460938],[532.1708374023438,217.03640747070312],[532.4649658203125,217.20223999023438],[532.75830078125,217.36929321289062],[533.0509033203125,217.53759765625],[533.3428955078125,217.70709228515625],[533.6340942382812,217.87782287597656],[533.9246826171875,218.0497283935547],[534.2145385742188,218.22276306152344],[534.503662109375,218.39695739746094],[534.7921752929688,218.57223510742188],[535.080078125,218.74856567382812],[535.3673095703125,218.9259033203125],[535.6539306640625,219.104248046875],[535.93994140625,219.28358459472656],[536.225341796875,219.46392822265625],[536.510009765625,219.6453857421875],[536.7941284179688,219.82772827148438],[537.0779418945312,220.0105743408203],[537.36083984375,220.19479370117188],[537.6435546875,220.37924194335938],[537.92529296875,220.5652313232422],[538.2069702148438,220.751220703125],[538.4876098632812,220.93890380859375],[538.7681884765625,221.1265869140625],[539.0479125976562,221.3156280517578],[539.3274536132812,221.50491333007812],[539.6062622070312,221.69525146484375],[539.884765625,221.88601684570312],[540.1627197265625,222.0775909423828],[540.4402465820312,222.269775390625],[540.7174072265625,222.4625244140625],[540.9940185546875,222.6560516357422],[541.2704467773438,222.8498992919922],[541.5462036132812,223.0446319580078],[541.8218383789062,223.239501953125],[542.0968017578125,223.4353485107422],[542.3717651367188,223.63121032714844],[542.64599609375,223.8280792236328],[542.9202270507812,224.02496337890625],[543.1939086914062,224.22265625],[543.4674072265625,224.42047119140625],[543.7405395507812,224.6189422607422],[544.013427734375,224.81764221191406],[544.2860107421875,225.0167999267578],[544.558349609375,225.2162628173828],[544.8303833007812,225.41619873046875],[545.1019897460938,225.61668395996094],[545.3736572265625,225.81715393066406],[545.645263671875,226.0176239013672],[545.9166870117188,226.21827697753906],[546.1876831054688,226.4196319580078],[546.4586181640625,226.62098693847656],[546.7296142578125,226.82235717773438],[547.0005493164062,227.02371215820312],[547.271484375,227.22506713867188],[547.54248046875,227.4264373779297],[547.8134155273438,227.62779235839844],[548.0840454101562,227.82960510253906],[548.3545532226562,228.03158569335938],[548.6250610351562,228.2335662841797],[548.8955688476562,228.43553161621094],[549.1660766601562,228.6375274658203],[549.4365844726562,228.83950805664062],[549.7070922851562,229.04148864746094],[549.9774780273438,229.24359130859375],[550.2474975585938,229.44615173339844],[550.517578125,229.6487274169922],[550.78759765625,229.85128784179688],[551.0576782226562,230.05386352539062],[551.3276977539062,230.25643920898438],[551.5977783203125,230.45899963378906],[551.8678588867188,230.6615753173828],[552.1375732421875,230.86456298828125],[552.4072265625,231.0677032470703],[552.6768188476562,231.2708282470703],[552.9464721679688,231.47396850585938],[553.2161254882812,231.67710876464844],[553.4857788085938,231.8802490234375],[553.75537109375,232.08338928222656],[554.02490234375,232.2866668701172],[554.2941284179688,232.4903564453125],[554.5633544921875,232.69403076171875],[554.8325805664062,232.89772033691406],[555.101806640625,233.1013946533203],[555.3709716796875,233.30508422851562],[555.6401977539062,233.50875854492188],[555.909423828125,233.7124481201172],[556.1783447265625,233.91653442382812],[556.4471435546875,234.12074279785156],[556.7159423828125,234.32496643066406],[556.9848022460938,234.5291748046875],[557.2536010742188,234.73338317871094],[557.5224609375,234.9376220703125],[557.791259765625,235.14183044433594],[558.0599365234375,235.34617614746094],[558.328369140625,235.55088806152344],[558.5968017578125,235.75559997558594],[558.865234375,235.96031188964844],[559.1337280273438,236.16502380371094],[559.4021606445312,236.36972045898438],[559.6705932617188,236.57443237304688],[559.9390258789062,236.77914428710938],[560.2071533203125,236.98423767089844],[560.4752197265625,237.18943786621094],[560.7432861328125,237.39462280273438],[561.0113525390625,237.59982299804688],[561.2794189453125,237.8050079345703],[561.5475463867188,238.01022338867188],[561.8156127929688,238.21542358398438],[562.0835571289062,238.4207305908203],[562.3512573242188,238.6263885498047],[562.6189575195312,238.83203125],[562.8866577148438,239.03768920898438],[563.1544189453125,239.24334716796875],[563.422119140625,239.44898986816406],[563.6898193359375,239.65464782714844],[563.95751953125,239.8603057861328],[564.2249755859375,240.06631469726562],[564.4923706054688,240.2723846435547],[564.759765625,240.4784698486328],[565.0271606445312,240.68455505371094],[565.2945556640625,240.89064025878906],[565.5619506835938,241.09674072265625],[565.829345703125,241.30282592773438],[566.0966186523438,241.509033203125],[566.3636474609375,241.71554565429688],[566.6307373046875,241.9220428466797],[566.8977661132812,242.12855529785156],[567.1648559570312,242.33505249023438],[567.431884765625,242.54156494140625],[567.6989135742188,242.74807739257812],[567.9660034179688,242.95457458496094],[568.2328491210938,243.16139221191406],[568.4995727539062,243.3682861328125],[568.766357421875,243.57518005371094],[569.0330810546875,243.78207397460938],[569.2998657226562,243.9889678955078],[569.566650390625,244.1958770751953],[569.8333740234375,244.40277099609375],[570.1000366210938,244.60977172851562],[570.3665161132812,244.81703186035156],[570.6329956054688,245.02430725097656],[570.8994140625,245.2315673828125],[571.1658935546875,245.4388427734375],[571.432373046875,245.6461181640625],[571.6988525390625,245.85337829589844],[571.9652709960938,246.06065368652344],[572.2315063476562,246.2681884765625],[572.4977416992188,246.47581481933594],[572.763916015625,246.6834259033203],[573.0300903320312,246.89105224609375],[573.2963256835938,247.09866333007812],[573.5625,247.30630493164062],[573.8287353515625,247.513916015625],[574.0947875976562,247.72169494628906],[574.360595703125,247.92979431152344],[574.6264038085938,248.1378936767578],[574.8922729492188,248.3459930419922],[575.1580810546875,248.55409240722656],[575.4238891601562,248.76219177246094],[575.689697265625,248.9702911376953],[575.9555053710938,249.1783905029297],[576.2213134765625,249.38648986816406],[576.4871215820312,249.59458923339844],[576.7529907226562,249.8026885986328],[577.018798828125,250.0107879638672],[577.2846069335938,250.21888732910156],[577.5504150390625,250.42701721191406],[577.8162841796875,250.63511657714844],[578.0819091796875,250.8433837890625],[578.3472900390625,251.05206298828125],[578.6126708984375,251.26072692871094],[578.8780517578125,251.4694061279297],[579.1433715820312,251.67808532714844],[579.4087524414062,251.88674926757812],[579.6741333007812,252.09542846679688],[579.9395141601562,252.30410766601562],[580.204833984375,252.5127716064453],[580.47021484375,252.72145080566406],[580.735595703125,252.9301300048828],[581.0009765625,253.1387939453125],[581.2662963867188,253.34747314453125],[581.53173828125,253.55616760253906],[581.7970581054688,253.7648468017578],[582.0623168945312,253.97366333007812],[582.3273315429688,254.18283081054688],[582.59228515625,254.39198303222656],[582.8572998046875,254.6011505126953],[583.1222534179688,254.810302734375],[583.3872680664062,255.01947021484375],[583.6522216796875,255.22862243652344],[583.917236328125,255.4377899169922],[584.1821899414062,255.64694213867188],[584.4472045898438,255.85610961914062],[584.712158203125,256.0652770996094],[584.9771728515625,256.2744140625],[585.2421264648438,256.48358154296875],[585.5071411132812,256.6927490234375],[585.7720947265625,256.90191650390625],[586.0369873046875,257.1112060546875],[586.3016967773438,257.3207702636719],[586.5663452148438,257.53033447265625],[586.8309936523438,257.7398986816406],[587.0956420898438,257.949462890625],[587.3603515625,258.1590270996094],[587.625,258.36859130859375],[587.8896484375,258.578125],[588.154296875,258.7876892089844],[588.4190063476562,258.99725341796875],[588.6836547851562,259.2068176269531],[588.9483032226562,259.4163818359375],[589.2130126953125,259.6259460449219],[589.4776611328125,259.8355407714844],[589.7423706054688,260.04510498046875],[590.0069580078125,260.2547607421875],[590.2713012695312,260.4646301269531],[590.5357055664062,260.67449951171875],[590.8001708984375,260.8843994140625],[591.0645751953125,261.0942687988281],[591.3289794921875,261.30413818359375],[591.5934448242188,261.5140686035156],[591.8578491210938,261.7239685058594],[592.1222534179688,261.933837890625],[592.3866577148438,262.1437072753906],[592.6510620117188,262.3536071777344],[592.9154663085938,262.5634765625],[593.1798706054688,262.77337646484375],[593.4442749023438,262.9832458496094],[593.708740234375,263.1931457519531],[593.9730224609375,263.4031066894531],[594.2372436523438,263.6133117675781],[594.5014038085938,263.823486328125],[594.7655639648438,264.03369140625],[595.0297241210938,264.2438659667969],[595.2938842773438,264.4540710449219],[595.5580444335938,264.6642761230469],[595.8222045898438,264.87445068359375],[596.0863647460938,265.08465576171875],[596.3505249023438,265.2948303222656],[596.6146850585938,265.5050354003906],[596.8788452148438,265.7152099609375],[597.14306640625,265.9254150390625],[597.4072265625,266.1355895996094],[597.67138671875,266.3457946777344],[597.935546875,266.5559997558594],[598.19970703125,266.76617431640625],[598.4638671875,266.97637939453125],[598.72802734375,267.1865539550781],[598.9921875,267.3967590332031],[599.25634765625,267.60693359375],[599.5205688476562,267.8171691894531],[599.7847290039062,268.0273742675781],[600.0488891601562,268.237548828125],[600.3130493164062,268.44775390625],[600.5772094726562,268.6579284667969],[600.8414306640625,268.8681335449219],[601.1055908203125,269.07830810546875],[601.3697509765625,269.28851318359375],[601.6339111328125,269.49871826171875],[601.8980102539062,269.70892333984375],[602.1620483398438,269.91925048828125],[602.4261474609375,270.12957763671875],[602.690185546875,270.33990478515625],[602.9542236328125,270.55023193359375],[603.2183227539062,270.76055908203125],[603.4823608398438,270.97088623046875],[603.7463989257812,271.18121337890625],[604.010498046875,271.39154052734375],[604.2745361328125,271.60186767578125],[604.53857421875,271.81219482421875],[604.8026733398438,272.02252197265625],[605.0667114257812,272.23284912109375],[605.3307495117188,272.44317626953125],[605.5948486328125,272.65350341796875],[605.85888671875,272.86383056640625],[606.1229248046875,273.07415771484375],[606.386962890625,273.28448486328125],[606.6510620117188,273.49481201171875],[606.9151000976562,273.70513916015625],[607.1791381835938,273.91546630859375],[607.4432373046875,274.1258544921875],[607.7073364257812,274.336181640625],[607.9713745117188,274.5465087890625],[608.2354125976562,274.7568359375],[608.49951171875,274.9671630859375],[608.7635498046875,275.177490234375],[609.027587890625,275.3878173828125],[609.2916870117188,275.59814453125],[609.5557250976562,275.8084716796875],[609.8194580078125,276.0191650390625],[610.0822143554688,276.2311706542969],[610.3433227539062,276.4450378417969],[610.6029052734375,276.6608581542969],[610.8607788085938,276.8787536621094],[611.1172485351562,277.0982971191406],[611.372314453125,277.3194885253906],[611.6259765625,277.54217529296875],[611.8783569335938,277.7664489746094],[612.12939453125,277.99212646484375],[612.3790283203125,278.2193908691406],[612.6271362304688,278.4482727050781],[612.8739624023438,278.67852783203125],[613.11962890625,278.91015625],[613.3638916015625,279.14312744140625],[613.60693359375,279.37744140625],[613.848388671875,279.61334228515625],[614.0885009765625,279.8506774902344],[614.3272094726562,280.0893249511719],[614.5645751953125,280.3293762207031],[614.8005981445312,280.5707702636719],[615.0352172851562,280.8135681152344],[615.2680053710938,281.05810546875],[615.499267578125,281.30401611328125],[615.7289428710938,281.5513916015625],[615.95703125,281.8002624511719],[616.1834716796875,282.0506591796875],[616.4080810546875,282.3026428222656],[616.6305541992188,282.5565185546875],[616.8510131835938,282.8122253417969],[617.0693969726562,283.0696716308594],[617.2855224609375,283.3290100097656],[617.4992065429688,283.59027099609375],[617.7107543945312,283.8534240722656],[617.9190673828125,284.1189880371094],[618.1244506835938,284.386962890625],[618.3264770507812,284.6573791503906],[618.5224609375,284.93218994140625],[618.6504516601562,285.2431640625],[618.692138671875,285.577392578125],[618.6702880859375,285.9138488769531],[618.60400390625,286.24468994140625],[618.5062255859375,286.56768798828125],[618.3849487304688,286.8826904296875],[618.24560546875,287.19012451171875],[618.0916748046875,287.4905090332031],[617.92529296875,287.78424072265625],[617.748291015625,288.07171630859375],[617.5687866210938,288.35760498046875],[617.3892211914062,288.64349365234375],[617.2096557617188,288.9293518066406],[617.0300903320312,289.2153015136719],[616.8505859375,289.5011901855469],[616.6710205078125,289.7870788574219],[616.4915161132812,290.0729675292969],[616.3119506835938,290.35882568359375],[616.1324462890625,290.64471435546875],[615.952880859375,290.93060302734375],[615.7731323242188,291.2163391113281],[615.5932006835938,291.501953125],[615.4132080078125,291.7875671386719],[615.2332763671875,292.07318115234375],[615.0532836914062,292.3587951660156],[614.8733520507812,292.6444396972656],[614.693359375,292.9300537109375],[614.513427734375,293.2156677246094],[614.3334350585938,293.50128173828125],[614.1535034179688,293.7868957519531],[613.9735717773438,294.072509765625],[613.793212890625,294.3578796386719],[613.61279296875,294.6432189941406],[613.432373046875,294.9285583496094],[613.251953125,295.2138977050781],[613.071533203125,295.4992370605469],[612.8911743164062,295.7845764160156],[612.7107543945312,296.06988525390625],[612.5303344726562,296.355224609375],[612.3499145507812,296.64056396484375],[612.1694946289062,296.9259033203125],[611.9889526367188,297.2111511230469],[611.8080444335938,297.4961853027344],[611.6271362304688,297.78125],[611.4462890625,298.0662841796875],[611.265380859375,298.351318359375],[611.0845336914062,298.6363525390625],[610.9036254882812,298.9214172363281],[610.7227172851562,299.2064514160156],[610.5418701171875,299.4914855957031],[610.3609619140625,299.7765197753906],[610.1801147460938,300.0615539550781],[609.998779296875,300.3462829589844],[609.8173828125,300.6310119628906],[609.6360473632812,300.9157409667969],[609.4546508789062,301.2004699707031],[609.2732543945312,301.48516845703125],[609.0919189453125,301.7698974609375],[608.9105224609375,302.05462646484375],[608.7291259765625,302.33935546875],[608.5477294921875,302.6240539550781],[608.3663940429688,302.9087829589844],[608.1847534179688,303.1933288574219],[608.0028686523438,303.47772216796875],[607.8209838867188,303.7621154785156],[607.6390991210938,304.0465087890625],[607.4572143554688,304.3309326171875],[607.2753295898438,304.6153259277344],[607.0934448242188,304.89971923828125],[606.9115600585938,305.1841125488281],[606.7296752929688,305.468505859375],[606.5477905273438,305.7528991699219],[606.36572265625,306.0372314453125],[606.1832885742188,306.32135009765625],[606.0008544921875,306.60540771484375],[605.8184204101562,306.88946533203125],[605.6360473632812,307.17352294921875],[605.45361328125,307.45758056640625],[605.2711791992188,307.7416076660156],[605.0887451171875,308.0256652832031],[604.9063110351562,308.3097229003906],[604.7239379882812,308.5937805175781],[604.54150390625,308.8778381347656],[604.3585815429688,309.1615295410156],[604.1755981445312,309.44525146484375],[603.99267578125,309.7289733886719],[603.8096923828125,310.0126647949219],[603.626708984375,310.29638671875],[603.4437866210938,310.580078125],[603.2608032226562,310.8638000488281],[603.077880859375,311.14752197265625],[602.8948974609375,311.43121337890625],[602.7119750976562,311.7149353027344],[602.528564453125,311.9983825683594],[602.3450927734375,312.28173828125],[602.1615600585938,312.5650634765625],[601.97802734375,312.8484191894531],[601.7945556640625,313.13177490234375],[601.6110229492188,313.4151306152344],[601.427490234375,313.698486328125],[601.2440185546875,313.9818115234375],[601.0604858398438,314.2651672363281],[600.876953125,314.54852294921875],[600.6931762695312,314.83172607421875],[600.5090942382812,315.1147155761719],[600.3250122070312,315.397705078125],[600.1409301757812,315.6806945800781],[599.9569091796875,315.96368408203125],[599.7728271484375,316.2466735839844],[599.5887451171875,316.5296630859375],[599.4046630859375,316.8126525878906],[599.2205810546875,317.09564208984375],[599.0365600585938,317.3786315917969],[598.852294921875,317.66156005859375],[598.6676635742188,317.9441833496094],[598.4830322265625,318.226806640625],[598.2984619140625,318.50946044921875],[598.1138305664062,318.7920837402344],[597.92919921875,319.07470703125],[597.7445678710938,319.3573303222656],[597.5599365234375,319.63995361328125],[597.3753051757812,319.9225769042969],[597.190673828125,320.2052001953125],[597.0060424804688,320.4878234863281],[596.8209228515625,320.77008056640625],[596.6357421875,321.0523376464844],[596.4505615234375,321.3345947265625],[596.265380859375,321.61688232421875],[596.0801391601562,321.8991394042969],[595.8949584960938,322.181396484375],[595.7097778320312,322.4636535644531],[595.5245971679688,322.74591064453125],[595.3394165039062,323.0281677246094],[595.1542358398438,323.3104248046875],[594.9686889648438,323.5924987792969],[594.782958984375,323.8743896484375],[594.5972290039062,324.1562805175781],[594.4114990234375,324.43817138671875],[594.2257690429688,324.7200622558594],[594.0400390625,325.001953125],[593.854248046875,325.2838439941406],[593.6685180664062,325.5657653808594],[593.4827880859375,325.84765625],[593.2970581054688,326.1295471191406],[593.1112060546875,326.41143798828125],[592.9249267578125,326.6929626464844],[592.7386474609375,326.9744873046875],[592.5523681640625,327.2560119628906],[592.3660888671875,327.5375671386719],[592.1797485351562,327.819091796875],[591.9934692382812,328.1006164550781],[591.8071899414062,328.38214111328125],[591.6209106445312,328.6636962890625],[591.4346313476562,328.9452209472656],[591.2483520507812,329.22674560546875],[591.061767578125,329.5080261230469],[590.8749389648438,329.7892150878906],[590.6881103515625,330.0704040527344],[590.5012817382812,330.3515625],[590.314453125,330.63275146484375],[590.1276245117188,330.9139404296875],[589.9407958984375,331.1950988769531],[589.7540283203125,331.4762878417969],[589.5671997070312,331.7574462890625],[589.3803100585938,332.0386962890625],[589.1934814453125,332.3198547363281],[589.0062255859375,332.6007385253906],[588.81884765625,332.8815612792969],[588.6315307617188,333.16241455078125],[588.4441528320312,333.4432373046875],[588.2568359375,333.72406005859375],[588.0694580078125,334.0048828125],[587.8821411132812,334.28570556640625],[587.6947631835938,334.5665588378906],[587.5074462890625,334.8473815917969],[587.320068359375,335.1282043457031],[587.1327514648438,335.4090576171875],[586.9462280273438,335.6904296875],[586.7603759765625,335.9722595214844],[586.5758666992188,336.2549743652344],[586.392578125,336.5384216308594],[586.2097778320312,336.8222351074219],[586.0283813476562,337.10693359375],[585.8473510742188,337.3918762207031],[585.6671142578125,337.67730712890625],[585.4874877929688,337.963134765625],[585.3082275390625,338.2491760253906],[585.1296997070312,338.5357360839844],[584.9512329101562,338.822265625],[584.7727661132812,339.10882568359375],[584.5943603515625,339.39544677734375],[584.4160766601562,339.6820983886719],[584.2377319335938,339.9687805175781],[584.059326171875,340.2553405761719],[583.880126953125,340.54150390625],[583.700927734375,340.8276062011719],[583.521728515625,341.11370849609375],[583.3416137695312,341.399169921875],[583.1610717773438,341.6844177246094],[582.9793090820312,341.9689025878906],[582.7970581054688,342.2530822753906],[582.6138305664062,342.5365905761719],[582.429443359375,342.8193664550781],[582.2444458007812,343.10174560546875],[582.0574340820312,343.3828430175781],[581.8699340820312,343.66357421875],[581.6807250976562,343.9431457519531],[581.489990234375,344.2217102050781],[581.2977905273438,344.4991760253906],[581.1038818359375,344.7755432128906],[580.9080200195312,345.05047607421875],[580.7103881835938,345.32415771484375],[580.5108032226562,345.596435546875],[580.3092651367188,345.8672790527344],[580.10546875,346.13641357421875],[579.8993530273438,346.4037780761719],[579.69091796875,346.6693115234375],[579.4801635742188,346.9329833984375],[579.266845703125,347.19464111328125],[579.0509033203125,347.4541320800781],[578.8320922851562,347.7111511230469],[578.6105346679688,347.96588134765625],[578.3861694335938,348.2181396484375],[578.1588745117188,348.4677734375],[577.9282836914062,348.71435546875],[577.6945190429688,348.95794677734375],[577.457763671875,349.1985168457031],[577.2177734375,349.4359130859375],[576.9743041992188,349.6698303222656],[576.7271728515625,349.8998107910156],[576.4767456054688,350.1261291503906],[576.2203369140625,350.345703125],[575.95849609375,350.558837890625],[575.6915893554688,350.76544189453125],[575.419921875,350.9658203125],[575.1438598632812,351.16009521484375],[574.8636474609375,351.3484191894531],[574.57958984375,351.5307312011719],[574.2918701171875,351.7073059082031],[574.0009155273438,351.87847900390625],[573.7068481445312,352.0442199707031],[573.4099731445312,352.2049255371094],[573.1102294921875,352.3603210449219],[572.8079833984375,352.5107116699219],[572.5034790039062,352.6563415527344],[572.19677734375,352.7973937988281],[571.8880004882812,352.93377685546875],[571.5771484375,353.0655517578125],[571.2645874023438,353.1929931640625],[570.9503173828125,353.3162841796875],[570.6344604492188,353.4353942871094],[570.3170166015625,353.55029296875],[569.9981689453125,353.6612243652344],[569.6780395507812,353.7682800292969],[569.3566284179688,353.87152099609375],[569.033935546875,353.9707336425781],[568.7101440429688,354.0662841796875],[568.3853149414062,354.158203125],[568.0594482421875,354.24652099609375],[567.732666015625,354.3311462402344],[567.4049072265625,354.4121398925781],[567.0763549804688,354.4896240234375],[566.7470092773438,354.5635681152344],[566.4168701171875,354.63409423828125],[566.0859985351562,354.7010498046875],[565.75439453125,354.7643737792969],[565.4217529296875,354.8221435546875],[565.087890625,354.8718566894531],[564.7529296875,354.9139709472656],[564.4171752929688,354.9483642578125],[564.0806274414062,354.97540283203125],[563.74365234375,354.995361328125],[563.4063110351562,355.0082702636719],[563.0687866210938,355.01416015625],[562.7312622070312,355.01336669921875],[562.3937377929688,355.0060119628906],[562.0564575195312,354.99200439453125],[561.719482421875,354.97149658203125],[561.3829956054688,354.9446716308594],[561.0470581054688,354.91156005859375],[560.7117919921875,354.8720703125],[560.3773193359375,354.8262634277344],[560.0437622070312,354.7742614746094],[559.7112426757812,354.7160339355469],[559.3798217773438,354.65167236328125],[559.0497436523438,354.5807800292969],[558.7211303710938,354.5036926269531],[558.3939819335938,354.42034912109375],[558.0685424804688,354.33062744140625],[557.7449951171875,354.2342529296875],[557.4234619140625,354.1314392089844],[557.1041259765625,354.0220642089844],[556.787109375,353.9059753417969],[556.4727783203125,353.7828674316406],[556.1605834960938,353.654541015625],[555.8485107421875,353.52569580078125],[555.5364990234375,353.3968200683594],[555.2249145507812,353.26702880859375],[554.913330078125,353.1371154785156],[554.6017456054688,353.0071105957031],[554.2905883789062,352.8761901855469],[553.9793701171875,352.74530029296875],[553.6683349609375,352.6141357421875],[553.3576049804688,352.4822692871094],[553.0468139648438,352.35040283203125],[552.7362670898438,352.21807861328125],[552.4259033203125,352.0852966308594],[552.1155395507812,351.9524841308594],[551.805419921875,351.8190612792969],[551.4954223632812,351.6853332519531],[551.1854248046875,351.5516052246094],[550.8757934570312,351.41717529296875],[550.5662231445312,351.2825622558594],[550.2566528320312,351.14794921875],[549.9473876953125,351.01251220703125],[549.6381225585938,350.8770751953125],[549.3289184570312,350.7414855957031],[549.02001953125,350.6052551269531],[548.711181640625,350.468994140625],[548.4024658203125,350.33245849609375],[548.0939331054688,350.1954345703125],[547.785400390625,350.0583801269531],[547.4771118164062,349.92095947265625],[547.1689453125,349.7831726074219],[546.8607177734375,349.6453857421875],[546.552734375,349.5071105957031],[546.244873046875,349.36865234375],[545.9369506835938,349.23016357421875],[545.6295166015625,349.0907897949219],[545.3221435546875,348.9512939453125],[545.0147094726562,348.811767578125],[544.707275390625,348.6722412109375],[544.39990234375,348.5327453613281],[544.0925903320312,348.3929443359375],[543.7857666015625,348.252197265625],[543.4789428710938,348.1114501953125],[543.1720581054688,347.970703125],[542.865234375,347.8299255371094],[542.5584106445312,347.6891784667969],[542.2518310546875,347.54779052734375],[541.9454956054688,347.4058837890625],[541.63916015625,347.2640075683594],[541.3328857421875,347.1221008300781],[541.0265502929688,346.980224609375],[540.7201538085938,346.83831787109375],[540.414306640625,346.6955261230469],[540.1084594726562,346.5526428222656],[539.8026123046875,346.4097595214844],[539.4967651367188,346.266845703125],[539.19091796875,346.12396240234375],[538.8851318359375,345.9808654785156],[538.5797119140625,345.83709716796875],[538.2742309570312,345.69329833984375],[537.9688110351562,345.5495300292969],[537.6633911132812,345.40576171875],[537.35791015625,345.2619934082031],[537.052734375,345.1177978515625],[536.7476196289062,344.9732360839844],[536.4425659179688,344.8287048339844],[536.1375122070312,344.68414306640625],[535.8324584960938,344.5395812988281],[535.52734375,344.3950500488281],[535.2225341796875,344.2499084472656],[534.9177856445312,344.104736328125],[534.613037109375,343.95953369140625],[534.3082275390625,343.8143310546875],[534.0034790039062,343.66912841796875],[533.69873046875,343.5238037109375],[533.3942260742188,343.3780822753906],[533.0897216796875,343.23236083984375],[532.7852172851562,343.0866394042969],[532.4806518554688,342.94091796875],[532.1761474609375,342.7951965332031],[531.871826171875,342.6492004394531],[531.5675659179688,342.5029296875],[531.2633056640625,342.35662841796875],[530.9590454101562,342.2103271484375],[530.65478515625,342.06402587890625],[530.3505859375,341.9177551269531],[530.0463256835938,341.7714538574219],[529.7420654296875,341.62518310546875],[529.4378051757812,341.4788818359375],[529.1336059570312,341.3326110839844],[528.829345703125,341.1863098144531],[528.5250854492188,341.03997802734375],[528.2210083007812,340.8934020996094],[527.9169311523438,340.7467956542969],[527.61279296875,340.6002197265625],[527.3087158203125,340.45361328125],[527.004638671875,340.3070373535156],[526.7005004882812,340.1604309082031],[526.3964233398438,340.01385498046875],[526.0923461914062,339.86724853515625],[525.7882080078125,339.7206726074219],[525.484130859375,339.5740966796875],[525.1800537109375,339.427490234375],[524.8759155273438,339.2809143066406],[524.5718383789062,339.1343078613281],[524.2677612304688,338.98773193359375],[523.963623046875,338.84112548828125],[523.6595458984375,338.6945495605469],[523.35546875,338.5479736328125],[523.0513305664062,338.4013671875],[522.7472534179688,338.2547912597656],[522.4431762695312,338.1081848144531],[522.1389770507812,337.9615783691406],[521.8348999023438,337.81500244140625],[521.5307006835938,337.668701171875],[521.2262573242188,337.5227355957031],[520.921875,337.37677001953125],[520.6174926757812,337.2308349609375],[520.3130493164062,337.0848693847656],[520.0086669921875,336.93890380859375],[519.7042846679688,336.79296875],[519.3998413085938,336.6470031738281],[519.095458984375,336.5010681152344],[518.7910766601562,336.3551025390625],[518.4866333007812,336.2091369628906],[518.1821899414062,336.0632629394531],[517.87744140625,335.91802978515625],[517.5726928710938,335.7727966308594],[517.2679443359375,335.6275634765625],[516.9631958007812,335.4823303222656],[516.658447265625,335.33709716796875],[516.3536376953125,335.192138671875],[516.048583984375,335.04754638671875],[515.7435302734375,334.9029541015625],[515.4384155273438,334.7583923339844],[515.1333618164062,334.6138000488281],[514.8283081054688,334.4692077636719],[514.52294921875,334.3251647949219],[514.217529296875,334.18133544921875],[513.912109375,334.03753662109375],[513.6067504882812,333.8937072753906],[513.3013305664062,333.7498779296875],[512.9957885742188,333.6060791015625],[512.6900024414062,333.463134765625],[512.3841552734375,333.3201904296875],[512.0783081054688,333.17724609375],[511.7724914550781,333.0343017578125],[511.4666748046875,332.891357421875],[511.1606750488281,332.7488098144531],[510.8543701171875,332.60687255859375],[510.5480651855469,332.4649353027344],[510.2417907714844,332.322998046875],[509.93548583984375,332.1810607910156],[509.6291809082031,332.0390930175781],[509.32257080078125,331.89801025390625],[509.0157470703125,331.7571716308594],[508.7089538574219,331.6163330078125],[508.4021301269531,331.47552490234375],[508.0953369140625,331.3346862792969],[507.7884521484375,331.1939392089844],[507.4810791015625,331.0543518066406],[507.1736755371094,330.914794921875],[506.8663024902344,330.77520751953125],[506.5589294433594,330.6356201171875],[506.2515563964844,330.4960632324219],[505.9440002441406,330.3569030761719],[505.63616943359375,330.21832275390625],[505.3283386230469,330.07977294921875],[505.02032470703125,329.9416198730469],[504.712158203125,329.8037414550781],[504.4040222167969,329.6658935546875],[504.0955505371094,329.5285949707031],[503.7870178222656,329.3914489746094],[503.4785461425781,329.25433349609375],[503.1697082519531,329.11798095703125],[502.8608703613281,328.98162841796875],[502.55206298828125,328.8454284667969],[502.24285888671875,328.70989990234375],[501.9336853027344,328.57440185546875],[501.62432861328125,328.4390869140625],[501.3147888183594,328.3044128417969],[501.0052185058594,328.1697082519531],[500.6948547363281,328.0369873046875],[500.3792724609375,327.9171142578125],[500.05865478515625,327.8116760253906],[499.7337341308594,327.72015380859375],[499.40521240234375,327.6426086425781],[499.0735778808594,327.5796203613281],[498.7394714355469,327.5315856933594],[498.40338134765625,327.4998474121094],[498.066162109375,327.485595703125],[497.7286682128906,327.4906921386719],[497.3922119140625,327.5177917480469],[497.0587463378906,327.5697021484375],[496.73101806640625,327.650146484375],[496.4132385253906,327.7633972167969],[496.10589599609375,327.90301513671875],[495.80645751953125,328.0587463378906],[495.5147399902344,328.228515625],[495.2307434082031,328.4110107421875],[494.9546813964844,328.605224609375],[494.686767578125,328.81060791015625],[494.4275207519531,329.02685546875],[494.17755126953125,329.2537841796875],[493.93792724609375,329.491455078125],[493.7095947265625,329.74005126953125],[493.4939880371094,329.999755859375],[493.2929992675781,330.2709655761719],[493.1090393066406,330.55389404296875],[492.9452209472656,330.84893798828125],[492.8050231933594,331.1559753417969],[492.6935729980469,331.4744567871094],[492.6041564941406,331.7999572753906],[492.5234375,332.1277160644531],[492.4504699707031,332.45733642578125],[492.3849792480469,332.7884521484375],[492.32647705078125,333.12091064453125],[492.27471923828125,333.45452880859375],[492.2292175292969,333.7890319824219],[492.1893005371094,334.1242370605469],[492.1545715332031,334.4599914550781],[492.12457275390625,334.7962951660156],[492.0990905761719,335.1328430175781],[492.0776062011719,335.46978759765625],[492.0596923828125,335.806884765625],[492.04534912109375,336.1441650390625],[492.033447265625,336.48150634765625],[492.0239562988281,336.8190002441406],[492.0166015625,337.1564636230469],[492.0110168457031,337.4940185546875],[492.0071105957031,337.8315734863281],[492.0043029785156,338.16912841796875],[492.00238037109375,338.50677490234375],[492.00079345703125,338.8443603515625],[491.9991760253906,339.18194580078125],[491.99755859375,339.51953125],[491.9958801269531,339.85711669921875],[491.9931640625,340.1947021484375],[491.98931884765625,340.53228759765625],[491.9841003417969,340.8698425292969],[491.9771423339844,341.20733642578125],[491.9682312011719,341.5447692871094],[491.95721435546875,341.8821716308594],[491.9432678222656,342.219482421875],[491.92626953125,342.556640625],[491.9056701660156,342.8935852050781],[491.88134765625,343.2303161621094],[491.8529968261719,343.5666809082031],[491.82098388671875,343.90277099609375],[491.78863525390625,344.2388000488281],[491.7562561035156,344.5748291015625],[491.7239074707031,344.9108581542969],[491.6922912597656,345.2469177246094],[491.66070556640625,345.5830078125],[491.6291198730469,345.91912841796875],[491.59771728515625,346.2552490234375],[491.5665588378906,346.5914001464844],[491.5354309082031,346.92755126953125],[491.5042724609375,347.2637023925781],[491.47314453125,347.599853515625],[491.4420166015625,347.9360046386719],[491.4108581542969,348.2721252441406],[491.379638671875,348.60833740234375],[491.3482666015625,348.9444580078125],[491.3168640136719,349.28057861328125],[491.2854919433594,349.61669921875],[491.25360107421875,349.95281982421875],[491.2215576171875,350.28887939453125],[491.1895446777344,350.62493896484375],[491.1573181152344,350.9609375],[491.1242980957031,351.2969055175781],[491.0912780761719,351.63287353515625],[491.0582580566406,351.9688415527344],[491.0243835449219,352.30474853515625],[490.9900207519531,352.64056396484375],[490.9556579589844,352.9764099121094],[490.9211730957031,353.31219482421875],[490.8856201171875,353.6479187011719],[490.8497314453125,353.983642578125],[490.8132019042969,354.3192443847656],[490.776123046875,354.6547546386719],[490.73858642578125,354.990234375],[490.7001953125,355.3256530761719],[490.6615295410156,355.6610107421875],[490.6216735839844,355.9962463378906],[490.58154296875,356.3314514160156],[490.5404052734375,356.66650390625],[490.4986572265625,357.0014953613281],[490.4560852050781,357.33636474609375],[490.4125671386719,357.671142578125],[490.3685607910156,358.005859375],[490.3231201171875,358.34039306640625],[490.27734375,358.67486572265625],[490.2301330566406,359.0091247558594],[490.1822814941406,359.34332275390625],[490.1333312988281,359.6773376464844],[490.0832824707031,360.0111999511719],[490.032470703125,360.3449401855469],[489.9801025390625,360.67840576171875],[489.9272766113281,361.0118408203125],[489.8725280761719,361.344970703125],[489.81719970703125,361.6780090332031],[489.7603454589844,362.0107727050781],[489.7023010253906,362.3432922363281],[489.64324951171875,362.6756591796875],[489.57977294921875,363.0072021484375],[489.50506591796875,363.3363952636719],[489.419189453125,363.662841796875],[489.3223876953125,363.9862365722656],[489.21502685546875,364.3062744140625],[489.0974426269531,364.6226806640625],[488.9690246582031,364.93487548828125],[488.8301696777344,365.2425537109375],[488.6805725097656,365.5451965332031],[488.52020263671875,365.84222412109375],[488.34893798828125,366.1330871582031],[488.1662292480469,366.4169616699219],[487.97210693359375,366.6931457519531],[487.7660827636719,366.96051025390625],[487.5479431152344,367.2180480957031],[487.320556640625,367.46759033203125],[487.08599853515625,367.7103271484375],[486.8449401855469,367.9466857910156],[486.59808349609375,368.1769714355469],[486.3462219238281,368.4017028808594],[486.08990478515625,368.6213684082031],[485.82977294921875,368.8365478515625],[485.56610107421875,369.0473937988281],[485.29986572265625,369.2549743652344],[485.03131103515625,369.4594421386719],[484.76068115234375,369.6612854003906],[484.4884338378906,369.8608703613281],[484.2154846191406,370.0595397949219],[483.94158935546875,370.2568359375],[483.6673889160156,370.4538269042969],[483.3931884765625,370.6507263183594],[483.11932373046875,370.8481140136719],[482.84637451171875,371.0467834472656],[482.57415771484375,371.2463684082031],[482.30364990234375,371.4483337402344],[482.03497314453125,371.6528015136719],[481.7688903808594,371.8605041503906],[481.5054016113281,372.0715637207031],[481.2472229003906,372.28900146484375],[480.99664306640625,372.5152282714844],[480.7519226074219,372.74774169921875],[480.5115661621094,372.9847412109375],[480.2738952636719,373.22454833984375],[480.0372009277344,373.4652099609375],[479.7998962402344,373.7052917480469],[479.56048583984375,373.94329833984375],[479.3171691894531,374.17730712890625],[479.0685119628906,374.4056091308594],[478.8125305175781,374.6257629394531],[478.5477600097656,374.835205078125],[478.2728576660156,375.031005859375],[477.986572265625,375.20977783203125],[477.6883239746094,375.3677673339844],[477.3782043457031,375.5007629394531],[477.0609130859375,375.615966796875],[476.74017333984375,375.72119140625],[476.41644287109375,375.8169250488281],[476.0901794433594,375.903564453125],[475.76171875,375.9815979003906],[475.43145751953125,376.05145263671875],[475.09967041015625,376.1134948730469],[474.7665100097656,376.1682434082031],[474.4323425292969,376.2158508300781],[474.09722900390625,376.2566223144531],[473.761474609375,376.29150390625],[473.42510986328125,376.31982421875],[473.0882873535156,376.3428039550781],[472.7511291503906,376.3597106933594],[472.4137878417969,376.3717346191406],[472.07623291015625,376.3781433105469],[471.73870849609375,376.37994384765625],[471.4010925292969,376.3766174316406],[471.06365966796875,376.368896484375],[470.72625732421875,376.3564453125],[470.38909912109375,376.3398132324219],[470.0520324707031,376.3206481933594],[469.7150573730469,376.30120849609375],[469.37811279296875,376.28045654296875],[469.0411071777344,376.2593688964844],[468.7042541503906,376.2371520996094],[468.367431640625,376.21453857421875],[468.0306701660156,376.1907958984375],[467.6939697265625,376.1666259765625],[467.3573303222656,376.1414794921875],[467.02069091796875,376.1158142089844],[466.68414306640625,376.0892333984375],[466.3476867675781,376.0621337890625],[466.0112609863281,376.0341796875],[465.67486572265625,376.00567626953125],[465.3385314941406,375.9764099121094],[465.0022888183594,375.9465026855469],[464.66607666015625,375.91595458984375],[464.3299865722656,375.8847351074219],[463.993896484375,375.8528747558594],[463.6578674316406,375.82037353515625],[463.3218994140625,375.78729248046875],[462.9859924316406,375.75347900390625],[462.6501770019531,375.7192077636719],[462.31439208984375,375.6842041015625],[461.9786682128906,375.6487731933594],[461.6430358886719,375.6125793457031],[461.30743408203125,375.5760192871094],[460.971923828125,375.5386657714844],[460.6364440917969,375.5009765625],[460.30108642578125,375.4625244140625],[459.9657287597656,375.42376708984375],[459.63043212890625,375.3842468261719],[459.29522705078125,375.344482421875],[458.9600524902344,375.30389404296875],[458.62493896484375,375.2630920410156],[458.2898864746094,375.2215270996094],[457.95489501953125,375.1798095703125],[457.6199951171875,375.13726806640625],[457.2851257324219,375.0946044921875],[456.9503479003906,375.0511169433594],[456.6156005859375,375.0075378417969],[456.28094482421875,374.9631652832031],[455.9463195800781,374.9187316894531],[455.6117858886719,374.87310791015625],[455.2773132324219,374.82745361328125],[454.94281005859375,374.78179931640625],[454.6083984375,374.736083984375],[454.2741394042969,374.6888732910156],[453.9398498535156,374.64166259765625],[453.6055908203125,374.5944519042969],[453.2713623046875,374.5470886230469],[452.9372863769531,374.49847412109375],[452.6032409667969,374.4498291015625],[452.2691650390625,374.4012145996094],[451.9350891113281,374.35235595703125],[451.6011962890625,374.30242919921875],[451.267333984375,374.25250244140625],[450.9334411621094,374.20257568359375],[450.59967041015625,374.1523742675781],[450.2659606933594,374.101318359375],[449.9322509765625,374.05023193359375],[449.59857177734375,373.9991455078125],[449.2649230957031,373.94781494140625],[448.9312744140625,373.8958740234375],[448.59771728515625,373.84393310546875],[448.2641296386719,373.7920227050781],[447.9305725097656,373.7400817871094],[447.5970458984375,373.68792724609375],[447.2635803222656,373.6354064941406],[446.93011474609375,373.5829162597656],[446.59661865234375,373.5303955078125],[446.2631530761719,373.4778747558594],[445.9297180175781,373.42510986328125],[445.5963134765625,373.37200927734375],[445.262939453125,373.3189392089844],[444.9295654296875,373.265869140625],[444.5961608886719,373.2127685546875],[444.2628173828125,373.1593933105469],[443.92950439453125,373.10577392578125],[443.5962219238281,373.0521545410156],[443.2629089355469,372.99853515625],[442.92962646484375,372.94488525390625],[442.5964050292969,372.89080810546875],[442.26324462890625,372.83642578125],[441.9300537109375,372.7820739746094],[441.5968933105469,372.7276916503906],[441.2637023925781,372.6733093261719],[440.9305419921875,372.6189270019531],[440.59735107421875,372.5645446777344],[440.2641906738281,372.5101623535156],[439.9309997558594,372.4557800292969],[439.59783935546875,372.4013977050781],[439.26470947265625,372.3463134765625],[438.931640625,372.291015625],[438.5986022949219,372.2356872558594],[438.2655944824219,372.1803894042969],[437.93255615234375,372.1250915527344],[437.59954833984375,372.0697937011719],[437.2665100097656,372.0144958496094],[436.9335021972656,371.9591979980469],[436.6004638671875,371.90386962890625],[436.2674255371094,371.84857177734375],[435.9345703125,371.7925720214844],[435.6016845703125,371.7364501953125],[435.268798828125,371.6803283691406],[434.9359130859375,371.62420654296875],[434.60302734375,371.5680847167969],[434.2701416015625,371.511962890625],[433.937255859375,371.4558410644531],[433.6043701171875,371.3996887207031],[433.271484375,371.34356689453125],[432.9385986328125,371.2874450683594],[432.6058349609375,371.2305908203125],[432.2730407714844,371.17376708984375],[431.9402770996094,371.1169128417969],[431.6075134277344,371.0600891113281],[431.2747497558594,371.0032653808594],[430.9419860839844,370.9464111328125],[430.6092224121094,370.88958740234375],[430.2764587402344,370.8327331542969],[429.9436950683594,370.7759094238281],[429.6109313964844,370.7189636230469],[429.2782897949219,370.6614990234375],[428.945556640625,370.60406494140625],[428.6128845214844,370.5466003417969],[428.2802429199219,370.4891357421875],[427.94757080078125,370.43170166015625],[427.6148986816406,370.3742370605469],[427.2822570800781,370.3168029785156],[426.9495849609375,370.25933837890625],[426.6169128417969,370.201904296875],[426.2842712402344,370.144287109375],[425.95172119140625,370.0863342285156],[425.619140625,370.02838134765625],[425.28656005859375,369.9704284667969],[424.9539794921875,369.9124755859375],[424.62139892578125,369.8545227050781],[424.2888488769531,369.79656982421875],[423.9562683105469,369.7386169433594],[423.6236877441406,369.6806640625],[423.2911071777344,369.6227111816406],[422.9585876464844,369.56451416015625],[422.6260986328125,369.5060119628906],[422.2936096191406,369.447509765625],[421.9611511230469,369.3890075683594],[421.628662109375,369.33050537109375],[421.2961730957031,369.2720031738281],[420.9637145996094,369.2134704589844],[420.6312255859375,369.15496826171875],[420.29876708984375,369.0964660644531],[419.9662780761719,369.0379638671875],[419.6337890625,368.9794616699219],[419.30133056640625,368.92095947265625],[418.9687805175781,368.8624267578125],[418.6363220214844,368.8039245605469],[418.3038330078125,368.74542236328125],[417.9713439941406,368.6869201660156],[417.6388854980469,368.62841796875],[417.306396484375,368.5699157714844],[416.97393798828125,368.51141357421875],[416.6414489746094,368.4529113769531],[416.30902099609375,368.39410400390625],[415.97662353515625,368.335205078125],[415.64422607421875,368.27630615234375],[415.3117980957031,368.2174072265625],[414.9794006347656,368.15850830078125],[414.6470031738281,368.099609375],[414.3145751953125,368.04071044921875],[413.982177734375,367.9818115234375],[413.6497802734375,367.9228820800781],[413.3173522949219,367.8639831542969],[412.9849548339844,367.8050842285156],[412.6525573730469,367.7461853027344],[412.32012939453125,367.6872863769531],[411.98773193359375,367.6283874511719],[411.65533447265625,367.5694885253906],[411.32293701171875,367.5105895996094],[410.9905090332031,367.4516906738281],[410.6581115722656,367.3927917480469],[410.3257141113281,367.3338623046875],[409.9932861328125,367.27496337890625],[409.660888671875,367.2160949707031],[409.3284606933594,367.1572265625],[408.9960021972656,367.09832763671875],[408.66357421875,367.0394592285156],[408.3311767578125,366.9805603027344],[407.998779296875,366.92169189453125],[407.6663513183594,366.8628234863281],[407.3339538574219,366.8039245605469],[407.00152587890625,366.74505615234375],[406.66912841796875,366.6861572265625],[406.3367004394531,366.6272888183594],[406.0043029785156,366.56842041015625],[405.671875,366.509521484375],[405.3394775390625,366.4506530761719],[405.007080078125,366.39178466796875],[404.6746520996094,366.3328857421875],[404.3422546386719,366.2740173339844],[404.00982666015625,366.21514892578125],[403.67742919921875,366.15625],[403.344970703125,366.0975036621094],[403.0124816894531,366.0390625],[402.67999267578125,365.9805908203125],[402.3475036621094,365.9221496582031],[402.0150146484375,365.86370849609375],[401.68255615234375,365.8052673339844],[401.3500671386719,365.746826171875],[401.017578125,365.6883850097656],[400.6850891113281,365.6299133300781],[400.35260009765625,365.57147216796875],[400.0201110839844,365.5130310058594],[399.6876220703125,365.45458984375],[399.3551330566406,365.3961486816406],[399.02264404296875,365.33770751953125],[398.6900939941406,365.27923583984375],[398.35760498046875,365.2207946777344],[398.0251159667969,365.162353515625],[397.692626953125,365.1039123535156],[397.3601379394531,365.0454406738281],[397.02764892578125,364.98699951171875],[396.6951599121094,364.9287109375],[396.36260986328125,364.87054443359375],[396.03009033203125,364.8123474121094],[395.6975402832031,364.7541809082031],[395.3650207519531,364.6960144042969],[395.032470703125,364.6378173828125],[394.699951171875,364.57965087890625],[394.3674011230469,364.521484375],[394.0348815917969,364.4632873535156],[393.70233154296875,364.4051208496094],[393.36981201171875,364.3469543457031],[393.0372619628906,364.28875732421875],[392.7047424316406,364.2305908203125],[392.3721923828125,364.17242431640625],[392.0396728515625,364.1142272949219],[391.7071228027344,364.0560607910156],[391.3746032714844,363.99786376953125],[391.04205322265625,363.939697265625],[390.70953369140625,363.88153076171875],[390.3769836425781,363.8233337402344],[390.0444641113281,363.7651672363281],[389.7119140625,363.7070007324219],[389.37939453125,363.6488037109375],[389.0468444824219,363.59063720703125],[388.7142639160156,363.5324401855469],[388.3817138671875,363.4742736816406],[388.0491943359375,363.4161071777344],[387.7166442871094,363.35791015625],[387.3841247558594,363.29974365234375],[387.05157470703125,363.2415771484375],[386.71905517578125,363.1833801269531],[386.3865051269531,363.1252136230469],[386.0539855957031,363.0670471191406],[385.721435546875,363.00885009765625],[385.388916015625,362.95068359375],[385.0563659667969,362.89251708984375],[384.7238464355469,362.8343200683594],[384.39129638671875,362.7761535644531],[384.05877685546875,362.71795654296875],[383.7262268066406,362.6597900390625],[383.3937072753906,362.60162353515625],[383.0611572265625,362.5434265136719],[382.7286376953125,362.4852600097656],[382.3960876464844,362.4270935058594],[382.0635681152344,362.368896484375],[381.7310485839844,362.3106994628906],[381.3985290527344,362.25238037109375],[381.0660400390625,362.19403076171875],[380.7335205078125,362.1357116699219],[380.4010009765625,362.0773620605469],[380.0685119628906,362.01904296875],[379.7359924316406,361.960693359375],[379.40350341796875,361.9023742675781],[379.07098388671875,361.8440246582031],[378.7384033203125,361.7856750488281],[378.4059143066406,361.72735595703125],[378.0733947753906,361.66900634765625],[377.74090576171875,361.6106872558594],[377.40838623046875,361.5523376464844],[377.07586669921875,361.4940185546875],[376.7433776855469,361.4356689453125],[376.4108581542969,361.3773498535156],[376.078369140625,361.3190002441406],[375.745849609375,361.26068115234375],[375.413330078125,361.20233154296875],[375.0808410644531,361.1440124511719],[374.7483215332031,361.0856628417969],[374.41583251953125,361.02734375],[374.08331298828125,360.968994140625],[373.75079345703125,360.9106750488281],[373.4183044433594,360.8523254394531],[373.0857849121094,360.79400634765625],[372.7532958984375,360.7356872558594],[372.4207763671875,360.6773376464844],[372.0882568359375,360.6190185546875],[371.7557678222656,360.5606689453125],[371.4232482910156,360.5023498535156],[371.09075927734375,360.4440002441406],[370.75823974609375,360.38568115234375],[370.42572021484375,360.32733154296875],[370.0932312011719,360.2690124511719],[369.7607116699219,360.2106628417969],[369.42822265625,360.15234375],[369.095703125,360.093994140625],[368.76312255859375,360.03564453125],[368.4306335449219,359.9773254394531],[368.0981140136719,359.9189758300781],[367.765625,359.86065673828125],[367.43310546875,359.80230712890625],[367.1005859375,359.7439880371094],[366.7680969238281,359.6856384277344],[366.4356384277344,359.6271667480469],[366.1031494140625,359.56866455078125],[365.77069091796875,359.5101318359375],[365.4382019042969,359.4516296386719],[365.105712890625,359.3930969238281],[364.77325439453125,359.3345947265625],[364.4407653808594,359.2760925292969],[364.1083068847656,359.2175598144531],[363.77581787109375,359.1590576171875],[363.443359375,359.10052490234375],[363.1108703613281,359.0420227050781],[362.7784118652344,358.9835205078125],[362.4459228515625,358.92498779296875],[362.11346435546875,358.8664855957031],[361.7809753417969,358.8079528808594],[361.448486328125,358.74945068359375],[361.11602783203125,358.6909484863281],[360.7835388183594,358.6324157714844],[360.4510803222656,358.57391357421875],[360.11859130859375,358.515380859375],[359.7861328125,358.4568786621094],[359.4536437988281,358.39837646484375],[359.12115478515625,358.33984375],[358.78863525390625,358.2813415527344],[358.4561462402344,358.2228088378906],[358.1236877441406,358.164306640625],[357.79119873046875,358.10577392578125],[357.458740234375,358.0472717285156],[357.1262512207031,357.98876953125],[356.7937927246094,357.93023681640625],[356.4613037109375,357.8717346191406],[356.1288146972656,357.8132019042969],[355.7963562011719,357.75469970703125],[355.4638671875,357.6961975097656],[355.13140869140625,357.6376647949219],[354.7989196777344,357.57916259765625],[354.4664611816406,357.5206298828125],[354.13397216796875,357.4621276855469],[353.801513671875,357.40362548828125],[353.4690246582031,357.3450927734375],[353.13653564453125,357.2865905761719],[352.8040771484375,357.2280578613281],[352.4715881347656,357.1695556640625],[352.1391296386719,357.1110534667969],[351.806640625,357.0525207519531],[351.47418212890625,356.9940185546875],[351.1416931152344,356.93548583984375],[350.8092041015625,356.8769836425781],[350.47674560546875,356.8184814453125],[350.1442565917969,356.75994873046875],[349.8117980957031,356.7014465332031],[349.47930908203125,356.6429443359375],[349.1468505859375,356.58441162109375],[348.8143005371094,356.52587890625],[348.4818420410156,356.4673767089844],[348.14935302734375,356.40887451171875],[347.8168640136719,356.350341796875],[347.4844055175781,356.2918395996094],[347.15191650390625,356.2333068847656],[346.8194580078125,356.1748046875],[346.4869689941406,356.1163024902344],[346.1545104980469,356.0577697753906],[345.822021484375,355.999267578125],[345.48956298828125,355.94073486328125],[345.1570739746094,355.8822326660156],[344.8245849609375,355.82373046875],[344.49212646484375,355.76519775390625],[344.1596374511719,355.7066955566406],[343.8271789550781,355.6481628417969],[343.49468994140625,355.58966064453125],[343.1622314453125,355.5311584472656],[342.8297424316406,355.4726257324219],[342.49725341796875,355.41412353515625],[342.164794921875,355.3556213378906],[341.8323059082031,355.2970886230469],[341.4998474121094,355.23858642578125],[341.1673583984375,355.1800537109375],[340.83489990234375,355.1215515136719],[340.5024108886719,355.06304931640625],[340.1699523925781,355.0045166015625],[339.83746337890625,354.9460144042969],[339.5049743652344,354.8874816894531],[339.1725158691406,354.8289794921875],[338.8399658203125,354.77044677734375],[338.50750732421875,354.7119445800781],[338.1750183105469,354.6534118652344],[337.8425598144531,354.59490966796875],[337.51007080078125,354.5364074707031],[337.1776123046875,354.4778747558594],[336.8451232910156,354.41937255859375],[336.51263427734375,354.36083984375],[336.18017578125,354.3021545410156],[335.8477478027344,354.2434997558594],[335.5152893066406,354.1848449707031],[335.1828308105469,354.12615966796875],[334.85040283203125,354.0675048828125],[334.5179443359375,354.00885009765625],[334.18548583984375,353.9501953125],[333.85302734375,353.8915100097656],[333.5205993652344,353.8328552246094],[333.1881408691406,353.7742004394531],[332.8556823730469,353.7155456542969],[332.52325439453125,353.6568603515625],[332.1907958984375,353.59820556640625],[331.85833740234375,353.53955078125],[331.5259094238281,353.4808654785156],[331.1934509277344,353.4222106933594],[330.8609924316406,353.3635559082031],[330.528564453125,353.3049011230469],[330.19610595703125,353.2462158203125],[329.8636474609375,353.18756103515625],[329.53118896484375,353.12890625],[329.1987609863281,353.07025146484375],[328.8662414550781,353.0115661621094],[328.5337829589844,352.9529113769531],[328.20135498046875,352.89422607421875],[327.868896484375,352.8355712890625],[327.53643798828125,352.77691650390625],[327.2040100097656,352.71826171875],[326.8715515136719,352.6595764160156],[326.5390930175781,352.6009216308594],[326.2066345214844,352.5422668457031],[325.87420654296875,352.48358154296875],[325.541748046875,352.4249267578125],[325.20928955078125,352.36627197265625],[324.8768615722656,352.3076171875],[324.5444030761719,352.2489318847656],[324.2119445800781,352.1902770996094],[323.8795166015625,352.1316223144531],[323.54705810546875,352.07293701171875],[323.214599609375,352.0142822265625],[322.88214111328125,351.95562744140625],[322.5497131347656,351.89697265625],[322.2172546386719,351.8382873535156],[321.8847961425781,351.7796325683594],[321.5523681640625,351.7209777832031],[321.21990966796875,351.6623229980469],[320.887451171875,351.6036376953125],[320.5550231933594,351.54498291015625],[320.2225646972656,351.486328125],[319.8901062011719,351.4276428222656],[319.5576477050781,351.3689880371094],[319.2252197265625,351.3103332519531],[318.89276123046875,351.2516784667969],[318.56024169921875,351.1929931640625],[318.2278137207031,351.13433837890625],[317.8953552246094,351.0756530761719],[317.5628967285156,351.0169982910156],[317.23046875,350.9583435058594],[316.89801025390625,350.8996887207031],[316.5655517578125,350.84100341796875],[316.23309326171875,350.7823486328125],[315.9006652832031,350.72369384765625],[315.5682067871094,350.6650085449219],[315.2357482910156,350.6063537597656],[314.9033203125,350.5476989746094],[314.57086181640625,350.4890441894531],[314.2384033203125,350.43035888671875],[313.9059753417969,350.3717041015625],[313.5735168457031,350.31304931640625],[313.2410583496094,350.25439453125],[312.9085998535156,350.1957092285156],[312.576171875,350.1370544433594],[312.24371337890625,350.0783996582031],[311.9112548828125,350.01971435546875],[311.5788269042969,349.9610595703125],[311.2463684082031,349.90240478515625],[310.9139099121094,349.84375],[310.58148193359375,349.7850646972656],[310.2490234375,349.7264099121094],[309.91656494140625,349.6677551269531],[309.5841064453125,349.6091003417969],[309.2516784667969,349.5504150390625],[308.9192199707031,349.49176025390625],[308.5867004394531,349.4330749511719],[308.2542724609375,349.3744201660156],[307.92181396484375,349.3157653808594],[307.58935546875,349.257080078125],[307.2569274902344,349.19842529296875],[306.9244689941406,349.1397705078125],[306.5920104980469,349.08111572265625],[306.2595520019531,349.02239990234375],[305.9270935058594,348.9637145996094],[305.59466552734375,348.9049987792969],[305.26220703125,348.8463134765625],[304.9297790527344,348.78759765625],[304.5973205566406,348.7289123535156],[304.264892578125,348.6701965332031],[303.93243408203125,348.61151123046875],[303.6000061035156,348.55279541015625],[303.2675476074219,348.49407958984375],[302.93511962890625,348.4353942871094],[302.6026611328125,348.3766784667969],[302.2702331542969,348.3179931640625],[301.93780517578125,348.25927734375],[301.6053466796875,348.2005920410156],[301.2729187011719,348.1418762207031],[300.9404602050781,348.08319091796875],[300.6080322265625,348.02447509765625],[300.27557373046875,347.96575927734375],[299.9431457519531,347.9070739746094],[299.6106872558594,347.8483581542969],[299.27825927734375,347.7896728515625],[298.94580078125,347.73095703125],[298.6133117675781,347.6722412109375],[298.2808532714844,347.6135559082031],[297.94842529296875,347.5548400878906],[297.615966796875,347.49615478515625],[297.2835388183594,347.43743896484375],[296.9510803222656,347.3787536621094],[296.61865234375,347.3200378417969],[296.28619384765625,347.2613220214844],[295.9537658691406,347.20263671875],[295.621337890625,347.1439208984375],[295.28887939453125,347.0852355957031],[294.9564514160156,347.0265197753906],[294.6239929199219,346.96783447265625],[294.29156494140625,346.90911865234375],[293.9591064453125,346.8504333496094],[293.6266784667969,346.7917175292969],[293.2942199707031,346.7330017089844],[292.9617919921875,346.67431640625],[292.62933349609375,346.6156005859375],[292.2969055175781,346.5569152832031],[291.9644470214844,346.4981994628906],[291.63201904296875,346.43951416015625],[291.299560546875,346.38079833984375],[290.9671325683594,346.3221130371094],[290.6346740722656,346.2633972167969],[290.30224609375,346.2046813964844],[289.96978759765625,346.14599609375],[289.6373596191406,346.0872802734375],[289.304931640625,346.0285949707031],[288.97247314453125,345.9698791503906],[288.6399841308594,345.9111633300781],[288.3075256347656,345.85247802734375],[287.97509765625,345.79376220703125],[287.64263916015625,345.7350769042969],[287.3102111816406,345.6763610839844],[286.9777526855469,345.61767578125],[286.64532470703125,345.5589599609375],[286.3128662109375,345.500244140625],[285.9804382324219,345.4415588378906],[285.6479797363281,345.3828430175781],[285.3155517578125,345.32415771484375],[284.98309326171875,345.26544189453125],[284.6506652832031,345.2067565917969],[284.3182067871094,345.1480407714844],[283.98577880859375,345.0893249511719],[283.6533508300781,345.0306396484375],[283.3208923339844,344.971923828125],[282.98846435546875,344.9132385253906],[282.656005859375,344.8545227050781],[282.3235778808594,344.79583740234375],[281.9911193847656,344.73712158203125],[281.65869140625,344.6784362792969],[281.32623291015625,344.6197204589844],[280.9938049316406,344.5610046386719],[280.6613464355469,344.5023193359375],[280.32891845703125,344.443603515625],[279.9964599609375,344.3849182128906],[279.6640319824219,344.3262023925781],[279.3315734863281,344.26751708984375],[278.9991455078125,344.20880126953125],[278.6666259765625,344.15008544921875],[278.3341979980469,344.0914001464844],[278.00177001953125,344.0326843261719],[277.6693115234375,343.9739990234375],[277.3368835449219,343.915283203125],[277.0044250488281,343.8565673828125],[276.6719970703125,343.7978820800781],[276.33953857421875,343.7391662597656],[276.0070495605469,343.6806945800781],[275.674560546875,343.62225341796875],[275.3420715332031,343.5638122558594],[275.00958251953125,343.5054016113281],[274.6770935058594,343.44696044921875],[274.3446044921875,343.3885192871094],[274.0121154785156,343.330078125],[273.67962646484375,343.27166748046875],[273.3471374511719,343.2132263183594],[273.0146484375,343.15478515625],[272.6820983886719,343.0965881347656],[272.34954833984375,343.03857421875],[272.0169677734375,342.9805603027344],[271.6844177246094,342.9225769042969],[271.3518371582031,342.86456298828125],[271.019287109375,342.8065490722656],[270.68670654296875,342.74853515625],[270.3541564941406,342.6905212402344],[270.0216064453125,342.6325378417969],[269.68902587890625,342.57452392578125],[269.3564453125,342.5166320800781],[269.0238037109375,342.45904541015625],[268.69110107421875,342.4014587402344],[268.35845947265625,342.3438720703125],[268.02581787109375,342.28631591796875],[267.69317626953125,342.2287292480469],[267.36053466796875,342.171142578125],[267.02789306640625,342.1135559082031],[266.69525146484375,342.0559997558594],[266.3626403808594,341.9984130859375],[266.0299987792969,341.9408264160156],[265.6973571777344,341.8832702636719],[265.3647155761719,341.82568359375],[265.0320739746094,341.7680969238281],[264.6994323730469,341.71051025390625],[264.3667907714844,341.6529541015625],[264.0341491699219,341.5953674316406],[263.7015075683594,341.53778076171875],[263.3688659667969,341.4801940917969],[263.0362243652344,341.4226379394531],[262.70361328125,341.36505126953125],[262.3709411621094,341.3076171875],[262.03826904296875,341.250244140625],[261.7055969238281,341.19287109375],[261.3729248046875,341.135498046875],[261.0402526855469,341.078125],[260.70758056640625,341.020751953125],[260.3749084472656,340.96337890625],[260.0422058105469,340.906005859375],[259.70953369140625,340.8486328125],[259.3768615722656,340.791259765625],[259.044189453125,340.73388671875],[258.7114562988281,340.676513671875],[258.3787841796875,340.619140625],[258.0461120605469,340.561767578125],[257.71343994140625,340.50439453125],[257.3807678222656,340.447021484375],[257.048095703125,340.3896179199219],[256.7154235839844,340.3322448730469],[256.38275146484375,340.2748718261719],[256.0500793457031,340.2174987792969],[255.71742248535156,340.16009521484375],[255.38478088378906,340.10247802734375],[255.05215454101562,340.0448913574219],[254.71951293945312,339.9872741699219],[254.3868865966797,339.9296875],[254.0542449951172,339.8720703125],[253.7216033935547,339.8144836425781],[253.38897705078125,339.7568664550781],[253.05633544921875,339.69927978515625],[252.7237091064453,339.64166259765625],[252.3910675048828,339.5840759277344],[252.05844116210938,339.5264587402344],[251.72579956054688,339.4688720703125],[251.39315795898438,339.4112548828125],[251.06053161621094,339.3536682128906],[250.72789001464844,339.29608154296875],[250.395263671875,339.23846435546875],[250.0626220703125,339.1808776855469],[249.72999572753906,339.1232604980469],[249.39735412597656,339.065673828125],[249.06471252441406,339.008056640625],[248.73207092285156,338.95013427734375],[248.39952087402344,338.89208984375],[248.06695556640625,338.83404541015625],[247.73440551757812,338.7760009765625],[247.40184020996094,338.71795654296875],[247.0692901611328,338.659912109375],[246.73672485351562,338.60186767578125],[246.4041748046875,338.5438232421875],[246.0716094970703,338.48577880859375],[245.7390594482422,338.427734375],[245.40652465820312,338.3694763183594],[245.07403564453125,338.31097412109375],[244.74156188964844,338.25250244140625],[244.40907287597656,338.1940002441406],[244.07659912109375,338.1355285644531],[243.74411010742188,338.0770263671875],[243.41163635253906,338.0185546875],[243.0791473388672,337.9600524902344],[242.74667358398438,337.9015808105469],[242.41419982910156,337.8431091308594],[242.08172607421875,337.78448486328125],[241.7493438720703,337.7254638671875],[241.41696166992188,337.6664123535156],[241.08457946777344,337.6073913574219],[240.752197265625,337.54833984375],[240.41981506347656,337.48931884765625],[240.08741760253906,337.4302978515625],[239.75503540039062,337.3712463378906],[239.4226531982422,337.3122253417969],[239.09027099609375,337.253173828125],[238.75782775878906,337.19415283203125],[238.42559814453125,337.13446044921875],[238.0933380126953,337.07476806640625],[237.7610626220703,337.01507568359375],[237.42880249023438,336.95538330078125],[237.09654235839844,336.89569091796875],[236.76426696777344,336.83599853515625],[236.4320068359375,336.7762756347656],[236.09974670410156,336.7165832519531],[235.76747131347656,336.6568908691406],[235.43521118164062,336.5971984863281],[235.10305786132812,336.5369567871094],[234.7709197998047,336.47650146484375],[234.4387969970703,336.4160461425781],[234.10667419433594,336.3555603027344],[233.77455139160156,336.29510498046875],[233.44241333007812,336.2346496582031],[233.11029052734375,336.1741943359375],[232.77816772460938,336.1137390136719],[232.44602966308594,336.05328369140625],[232.11390686035156,335.9927978515625],[231.78184509277344,335.9320373535156],[231.4498291015625,335.8709411621094],[231.11782836914062,335.8098449707031],[230.7858123779297,335.74871826171875],[230.4538116455078,335.6876220703125],[230.12181091308594,335.6263427734375],[229.78988647460938,335.5647888183594],[229.4579620361328,335.5032043457031],[229.12603759765625,335.441650390625],[228.7941131591797,335.38006591796875],[228.46217346191406,335.3183898925781],[228.13034057617188,335.25634765625],[227.7985076904297,335.19427490234375],[227.4666748046875,335.1322326660156],[227.1348419189453,335.0701599121094],[226.802978515625,335.008056640625],[226.47129821777344,334.94549560546875],[226.13951110839844,334.8829040527344],[225.80783081054688,334.8203125],[225.47604370117188,334.7577209472656],[225.1443634033203,334.69512939453125],[224.81265258789062,334.63201904296875],[224.4810791015625,334.5688781738281],[224.14938354492188,334.5057373046875],[223.8178253173828,334.442626953125],[223.4861297607422,334.3794860839844],[223.15463256835938,334.31585693359375],[222.82318115234375,334.2521667480469],[222.49159240722656,334.1884460449219],[222.16014099121094,334.124755859375],[221.82855224609375,334.06103515625],[221.4962615966797,334.001953125],[221.1618194580078,333.9554138183594],[220.82679748535156,333.9149475097656],[220.49142456054688,333.87567138671875],[220.15643310546875,333.834228515625],[219.82199096679688,333.7876892089844],[219.48892211914062,333.7333679199219],[219.1573944091797,333.6695556640625],[218.82838439941406,333.59454345703125],[218.5023193359375,333.5068054199219],[218.18035888671875,333.405517578125],[217.8632354736328,333.28961181640625],[217.55223083496094,333.1587219238281],[217.24795532226562,333.0123291015625],[216.9518280029297,332.8506164550781],[216.6641845703125,332.6737365722656],[216.3862762451172,332.4823303222656],[216.1183624267578,332.2768249511719],[215.86111450195312,332.0585021972656],[215.61451721191406,331.8277893066406],[215.37925720214844,331.5857849121094],[215.15818786621094,331.3306884765625],[214.9523468017578,331.0632629394531],[214.7614288330078,330.7847900390625],[214.58509826660156,330.4969787597656],[214.42274475097656,330.2010803222656],[214.2736053466797,329.8981628417969],[214.1370849609375,329.58953857421875],[214.01242065429688,329.2757873535156],[213.89889526367188,328.9579772949219],[213.79576110839844,328.6364440917969],[213.70240783691406,328.3121337890625],[213.6182861328125,327.985107421875],[213.542724609375,327.6560974121094],[213.47515869140625,327.3253173828125],[213.4151611328125,326.99322509765625],[213.36241149902344,326.65966796875],[213.31605529785156,326.3254699707031],[213.27598571777344,325.9901428222656],[213.24200439453125,325.65435791015625],[213.21348571777344,325.3179016113281],[213.19015502929688,324.98114013671875],[213.1717529296875,324.64410400390625],[213.15811157226562,324.3067932128906],[213.14906311035156,323.9693603515625],[213.14418029785156,323.6318054199219],[213.14328002929688,323.29412841796875],[213.14617919921875,322.9566955566406],[213.15284729003906,322.6190490722656],[213.1630401611328,322.2817687988281],[213.1765594482422,321.9443054199219],[213.19325256347656,321.6072998046875],[213.21298217773438,321.27020263671875],[213.2356414794922,320.9334411621094],[213.2595977783203,320.5966491699219],[213.27865600585938,320.2594909667969],[213.29176330566406,319.92230224609375],[213.29937744140625,319.58477783203125],[213.30078125,319.24725341796875],[213.29664611816406,318.90966796875],[213.28636169433594,318.57220458984375],[213.26983642578125,318.23504638671875],[213.24752807617188,317.89825439453125],[213.2192840576172,317.561767578125],[213.18472290039062,317.22601318359375],[213.14407348632812,316.890869140625],[213.09732055664062,316.5565185546875],[213.04434204101562,316.22308349609375],[212.98533630371094,315.89080810546875],[212.92007446289062,315.5594787597656],[212.84872436523438,315.2295837402344],[212.77130126953125,314.90106201171875],[212.68763732910156,314.57403564453125],[212.5979766845703,314.2485046386719],[212.50228881835938,313.92486572265625],[212.4004669189453,313.6029357910156],[212.29281616210938,313.2830505371094],[212.17909240722656,312.9651184082031],[212.05955505371094,312.6494445800781],[211.9342041015625,312.3359069824219],[211.80307006835938,312.02496337890625],[211.66627502441406,311.71630859375],[211.52389526367188,311.4102478027344],[211.37582397460938,311.1068115234375],[211.2223663330078,310.8060302734375],[211.06361389160156,310.5082092285156],[210.89944458007812,310.2131652832031],[210.7301483154297,309.9211730957031],[210.5557098388672,309.63214111328125],[210.37632751464844,309.3461608886719],[210.19189453125,309.0633544921875],[210.0027618408203,308.78387451171875],[209.8087615966797,308.50750732421875],[209.61166381835938,308.23358154296875],[209.41201782226562,307.961181640625],[209.20970153808594,307.6910095214844],[209.00498962402344,307.4224853515625],[208.798095703125,307.1559143066406],[208.58851623535156,306.8911437988281],[208.37686157226562,306.6282653808594],[208.16294860839844,306.366943359375],[207.94676208496094,306.1078186035156],[207.72842407226562,305.8501892089844],[207.5082244873047,305.594482421875],[207.28562927246094,305.3406066894531],[207.06121826171875,305.0885009765625],[206.83482360839844,304.837890625],[206.6063995361328,304.5894775390625],[206.37608337402344,304.3426208496094],[206.14401245117188,304.097412109375],[205.9099578857422,303.8540954589844],[205.67425537109375,303.61260986328125],[205.43670654296875,303.3726501464844],[205.19740295410156,303.1345520019531],[204.956298828125,302.898193359375],[204.71365356445312,302.6634826660156],[204.46932983398438,302.4305725097656],[204.22317504882812,302.19940185546875],[203.97567749023438,301.97003173828125],[203.7264862060547,301.7421875],[203.4756317138672,301.5163269042969],[203.2231903076172,301.2919921875],[202.9694366455078,301.0694274902344],[202.71397399902344,300.8487548828125],[202.45706176757812,300.6297912597656],[202.19871520996094,300.41241455078125],[201.93894958496094,300.1969909667969],[201.67752075195312,299.9831848144531],[201.41493225097656,299.771240234375],[201.15066528320312,299.5609436035156],[200.8851776123047,299.3526916503906],[200.61819458007812,299.1459655761719],[200.34983825683594,298.941162109375],[200.08004760742188,298.73822021484375],[199.80899047851562,298.5370178222656],[199.53651428222656,298.3376770019531],[199.2626953125,298.140380859375],[198.98753356933594,297.9447326660156],[198.7109832763672,297.7510681152344],[198.43313598632812,297.55938720703125],[198.15399169921875,297.3695068359375],[197.8727264404297,297.18280029296875],[197.5881805419922,297.0011291503906],[197.30075073242188,296.82403564453125],[197.01036071777344,296.65167236328125],[196.71768188476562,296.48370361328125],[196.4223175048828,296.3200988769531],[196.1246795654297,296.1608581542969],[195.82493591308594,296.0054931640625],[195.52313232421875,295.85430908203125],[195.21946716308594,295.70684814453125],[194.91415405273438,295.5629577636719],[194.60691833496094,295.4227294921875],[194.29840087890625,295.2858581542969],[193.98837280273438,295.152099609375],[193.67718505859375,295.0216979980469],[193.36456298828125,294.89398193359375],[193.05096435546875,294.7691955566406],[192.73619079589844,294.6471252441406],[192.42054748535156,294.5274353027344],[192.1039276123047,294.41021728515625],[191.7865753173828,294.2952880859375],[191.46836853027344,294.18231201171875],[191.14955139160156,294.0715026855469],[190.8298797607422,293.962646484375],[190.50991821289062,293.85528564453125],[190.18939208984375,293.7493591308594],[189.8684539794922,293.64483642578125],[189.546875,293.5419006347656],[189.2250518798828,293.4400634765625],[188.9028778076172,293.33917236328125],[188.58053588867188,293.2391357421875],[188.25775146484375,293.1398010253906],[187.93484497070312,293.04156494140625],[187.61181640625,292.9432678222656],[187.28872680664062,292.84539794921875],[186.96560668945312,292.7478332519531],[186.6423797607422,292.6502380371094],[186.3192596435547,292.55267333984375],[185.9960174560547,292.455078125],[185.6725616455078,292.3587951660156],[185.34739685058594,292.2677307128906],[185.02084350585938,292.18231201171875],[184.69290161132812,292.1021423339844],[184.36390686035156,292.0269470214844],[184.0336456298828,291.9564208984375],[183.70269775390625,291.8902282714844],[183.3707733154297,291.828125],[183.03839111328125,291.76971435546875],[182.70526123046875,291.7149353027344],[182.37161254882812,291.6632385253906],[182.03762817382812,291.6142578125],[181.70333862304688,291.5677490234375],[181.3685302734375,291.5236511230469],[181.03363037109375,291.4814453125],[180.698486328125,291.4407958984375],[180.3631591796875,291.4017333984375],[180.02781677246094,291.3632507324219],[179.6923828125,291.3258056640625],[179.3567657470703,291.2885437011719],[179.0212860107422,291.25146484375],[178.68568420410156,291.2143859863281],[178.35018920898438,291.1768798828125],[178.01470947265625,291.1386413574219],[177.67955017089844,291.0994567871094],[177.3443145751953,291.05889892578125],[177.0091094970703,291.0183410644531],[176.67393493652344,290.97882080078125],[176.33847045898438,290.9404296875],[176.00311279296875,290.9022216796875],[175.66748046875,290.8655090332031],[175.33193969726562,290.8288879394531],[174.9961395263672,290.7936706542969],[174.66046142578125,290.7585144042969],[174.3245086669922,290.72467041015625],[173.9886932373047,290.69085693359375],[173.6526336669922,290.6581726074219],[173.3166961669922,290.6255187988281],[172.9804229736328,290.5938415527344],[172.64437866210938,290.5622253417969],[172.3081817626953,290.5314025878906],[171.97206115722656,290.50067138671875],[171.63571166992188,290.4707946777344],[171.2994842529297,290.4410705566406],[170.96315002441406,290.411376953125],[170.62693786621094,290.38165283203125],[170.2906036376953,290.3525390625],[169.95433044433594,290.3236389160156],[169.617919921875,290.2947082519531],[169.28163146972656,290.26580810546875],[168.94515991210938,290.23699951171875],[168.60885620117188,290.208251953125],[168.27243041992188,290.17950439453125],[167.93614196777344,290.1507873535156],[167.599853515625,290.1217956542969],[167.2634735107422,290.09259033203125],[166.92721557617188,290.0633850097656],[166.5908203125,290.0341796875],[166.2545166015625,290.0046081542969],[165.918212890625,289.9746398925781],[165.5820770263672,289.94439697265625],[165.24583435058594,289.91375732421875],[164.90975952148438,289.88275146484375],[164.57357788085938,289.8511962890625],[164.2375946044922,289.8193054199219],[163.90151977539062,289.7867431640625],[163.56553649902344,289.7538146972656],[163.2295684814453,289.7200622558594],[162.89373779296875,289.6859436035156],[162.55792236328125,289.6508483886719],[162.22238159179688,289.61541748046875],[161.88671875,289.5788269042969],[161.5512237548828,289.5419006347656],[161.21575927734375,289.503662109375],[160.88043212890625,289.4651794433594],[160.5450439453125,289.4254455566406],[160.21005249023438,289.3847961425781],[159.87496948242188,289.3431396484375],[159.5401611328125,289.3005065917969],[159.20526123046875,289.25677490234375],[158.87078857421875,289.2120056152344],[158.53622436523438,289.16607666015625],[158.20208740234375,289.1190185546875],[157.86790466308594,289.0707092285156],[157.53402709960938,289.02117919921875],[157.20022583007812,288.9703369140625],[156.86663818359375,288.9181823730469],[156.53335571289062,288.8647155761719],[156.2001953125,288.8097839355469],[155.86734008789062,288.7535095214844],[155.5347442626953,288.69573974609375],[155.2024688720703,288.63671875],[154.87005615234375,288.5774841308594],[154.5377655029297,288.5182800292969],[154.20535278320312,288.4590759277344],[153.87310791015625,288.399658203125],[153.54086303710938,288.3394775390625],[153.208740234375,288.2793273925781],[152.8765106201172,288.2191162109375],[152.5443878173828,288.1589660644531],[152.21217346191406,288.0982360839844],[151.88023376464844,288.0371398925781],[151.5481719970703,287.97601318359375],[151.21621704101562,287.9149169921875],[150.8841552734375,287.8537902832031],[150.5523681640625,287.7919006347656],[150.22047424316406,287.7298889160156],[149.88868713378906,287.66790771484375],[149.55677795410156,287.60589599609375],[149.22500610351562,287.5436706542969],[148.8932647705078,287.4808349609375],[148.56163024902344,287.41796875],[148.22988891601562,287.3551330566406],[147.8982696533203,287.29229736328125],[147.56668090820312,287.22894287109375],[147.23509216308594,287.1652526855469],[146.90362548828125,287.1015930175781],[146.57203674316406,287.0379333496094],[146.24057006835938,286.9742736816406],[145.90914916992188,286.90985107421875],[145.5778350830078,286.8454284667969],[145.24639892578125,286.78094482421875],[144.91506958007812,286.7165222167969],[144.58363342285156,286.6518249511719],[144.25247192382812,286.586669921875],[143.92117309570312,286.5214538574219],[143.5900115966797,286.4562683105469],[143.2587127685547,286.3910827636719],[142.9275665283203,286.325439453125],[142.59642028808594,286.259521484375],[142.26539611816406,286.1936340332031],[141.93423461914062,286.12774658203125],[141.60321044921875,286.0618591308594],[141.27224731445312,285.99530029296875],[140.94134521484375,285.92877197265625],[140.61032104492188,285.8622131347656],[140.2794189453125,285.795654296875],[139.94847106933594,285.7289123535156],[139.61769104003906,285.6617126464844],[139.28680419921875,285.5945129394531],[138.95603942871094,285.52734375],[138.62513732910156,285.46014404296875],[138.29437255859375,285.3925476074219],[137.96360778808594,285.32476806640625],[137.63294982910156,285.25701904296875],[137.3021697998047,285.189208984375],[136.97142028808594,285.1214294433594],[136.64088439941406,285.0531311035156],[136.3102264404297,284.9847717285156],[135.9796905517578,284.9164733886719],[135.64903259277344,284.8481140136719],[135.31857299804688,284.7796325683594],[134.988037109375,284.7107849121094],[134.65760803222656,284.6419372558594],[134.32705688476562,284.57305908203125],[133.9966278076172,284.5042419433594],[133.6661376953125,284.4350280761719],[133.33580017089844,284.36572265625],[133.00535583496094,284.29638671875],[132.67501831054688,284.22705078125],[132.34458923339844,284.15771484375],[132.01434326171875,284.08795166015625],[131.68399047851562,284.0181884765625],[131.353759765625,283.94842529296875],[131.0233917236328,283.878662109375],[130.6931915283203,283.8086853027344],[130.36294555664062,283.7383117675781],[130.0328369140625,283.66796875],[129.70260620117188,283.5976257324219],[129.37249755859375,283.52728271484375],[129.04226684570312,283.4569091796875],[128.71214294433594,283.3865661621094],[128.3819122314453,283.3161926269531],[128.0518035888672,283.245849609375],[127.72154998779297,283.1754455566406],[127.3914566040039,283.1044006347656],[127.06148529052734,283.0334167480469],[126.73139953613281,282.9623718261719],[126.40142059326172,282.891357421875],[126.07133483886719,282.8203430175781],[125.74136352539062,282.74932861328125],[125.41127014160156,282.6783142089844],[125.081298828125,282.6072998046875],[124.75121307373047,282.5362854003906],[124.4212875366211,282.4648742675781],[124.09130859375,282.3933410644531],[123.76144409179688,282.3218078613281],[123.43146514892578,282.2502746582031],[123.10160827636719,282.17877197265625],[122.7716293334961,282.1072082519531],[122.44176483154297,282.03570556640625],[122.11178588867188,281.9641418457031],[121.78192901611328,281.89263916015625],[121.45207977294922,281.8209533691406],[121.12229919433594,281.74908447265625],[120.79239654541016,281.67718505859375],[120.46261596679688,281.60528564453125],[120.1327133178711,281.53338623046875],[119.80293273925781,281.46148681640625],[119.47303009033203,281.38958740234375],[119.14324951171875,281.3177185058594],[118.81334686279297,281.24578857421875],[118.48350524902344,281.17388916015625],[118.1536636352539,281.1017150878906],[117.82393646240234,281.02960205078125],[117.49408721923828,280.9574279785156],[117.16424560546875,280.8852844238281],[116.83451843261719,280.8131408691406],[116.50466918945312,280.7409973144531],[116.17494201660156,280.6688537597656],[115.84510040283203,280.5967102050781],[115.51537322998047,280.5245666503906],[115.1855239868164,280.4524230957031],[114.85579681396484,280.3802795410156],[114.52595520019531,280.3081359863281],[114.19622802734375,280.2359924316406],[113.86637878417969,280.163818359375],[113.53665161132812,280.0917053222656],[113.2068099975586,280.01953125],[112.87708282470703,279.9474182128906],[112.54723358154297,279.875244140625],[112.21754455566406,279.8031921386719],[111.88766479492188,279.731201171875],[111.55789947509766,279.6592102050781],[111.22801971435547,279.58721923828125],[110.89826202392578,279.5152587890625],[110.5683822631836,279.4432373046875],[110.23861694335938,279.37127685546875],[109.90873718261719,279.29925537109375],[109.5789794921875,279.227294921875],[109.24909973144531,279.1552734375],[108.91934204101562,279.08331298828125],[108.58946228027344,279.01129150390625],[108.25969696044922,278.9393310546875],[107.92981719970703,278.8673095703125],[107.59993743896484,278.7953186035156],[107.27017974853516,278.7233581542969],[106.94029998779297,278.6513366699219],[106.61053466796875,278.5793762207031],[106.28065490722656,278.5073547363281],[105.95092010498047,278.43505859375],[105.62114715576172,278.36260986328125],[105.29179382324219,278.2887878417969],[104.96243286132812,278.2145080566406],[104.6334457397461,278.1390686035156],[104.30448913574219,278.06304931640625],[103.97589111328125,277.9858093261719],[103.64752960205078,277.9075012207031],[103.31940460205078,277.8280944824219],[102.9915542602539,277.74755859375],[102.66402435302734,277.6657409667969],[102.3368148803711,277.5826416015625],[102.00994873046875,277.498291015625],[101.68344116210938,277.4126281738281],[101.35731506347656,277.32562255859375],[101.03148651123047,277.2370910644531],[100.70620727539062,277.1471252441406],[100.38114929199219,277.0555725097656],[100.05669403076172,276.9624938964844],[99.73261260986328,276.8676452636719],[99.40927124023438,276.7711486816406],[99.08625793457031,276.6728820800781],[98.76383972167969,276.5728759765625],[98.44189453125,276.4710388183594],[98.12071228027344,276.3673400878906],[97.8000717163086,276.2617492675781],[97.47998809814453,276.1541748046875],[97.1606674194336,276.0445861816406],[96.8420639038086,275.9328918457031],[96.52391052246094,275.8202209472656],[96.20563507080078,275.7074890136719],[95.8874740600586,275.59478759765625],[95.56920623779297,275.48193359375],[95.2511978149414,275.3688049316406],[94.93307495117188,275.2556457519531],[94.61507415771484,275.1425476074219],[94.29698181152344,275.0291748046875],[93.97913360595703,274.9156188964844],[93.66116333007812,274.8020324707031],[93.34331512451172,274.6884765625],[93.0255355834961,274.57464599609375],[92.70783233642578,274.460693359375],[92.39002227783203,274.3466796875],[92.07231903076172,274.2326965332031],[91.75460815429688,274.1181335449219],[91.43712615966797,274.0035705566406],[91.1195297241211,273.8889465332031],[90.80204772949219,273.77435302734375],[90.48445129394531,273.6597595214844],[90.1669692993164,273.545166015625],[89.84937286376953,273.4305419921875],[89.5320053100586,273.3158874511719],[89.2146224975586,273.20068359375],[88.89735412597656,273.08551025390625],[88.57997131347656,272.9703063964844],[88.26274871826172,272.85498046875],[87.94550323486328,272.7394104003906],[87.62825775146484,272.6238098144531],[87.31112670898438,272.5082702636719],[86.99398803710938,272.39239501953125],[86.67706298828125,272.27630615234375],[86.36001586914062,272.16015625],[86.04308319091797,272.0440673828125],[85.72603607177734,271.92791748046875],[85.40911102294922,271.81182861328125],[85.0920639038086,271.6957092285156],[84.77513122558594,271.5796203613281],[84.45832824707031,271.4628601074219],[84.14164733886719,271.3460998535156],[83.82485961914062,271.229248046875],[83.50818634033203,271.11248779296875],[83.19139099121094,270.9956359863281],[82.87471771240234,270.8788757324219],[82.55792236328125,270.76202392578125],[82.2412338256836,270.64508056640625],[81.92469024658203,270.527587890625],[81.6082534790039,270.41015625],[81.29170989990234,270.29266357421875],[80.97527313232422,270.17523193359375],[80.65872192382812,270.0577392578125],[80.34229278564453,269.9403076171875],[80.02574157714844,269.82281494140625],[79.70948028564453,269.7050476074219],[79.39315795898438,269.58697509765625],[79.07695007324219,269.46893310546875],[78.76062774658203,269.350830078125],[78.44430541992188,269.2327575683594],[78.12809753417969,269.11468505859375],[77.81177520751953,268.9966125488281],[77.49555969238281,268.8785705566406],[77.17939758300781,268.75994873046875],[76.86339569091797,268.6413269042969],[76.54728698730469,268.5226745605469],[76.23129272460938,268.404052734375],[75.9151840209961,268.285400390625],[75.59918975830078,268.1667785644531],[75.2830810546875,268.0481262207031],[74.96717071533203,267.92938232421875],[74.65126037597656,267.8101806640625],[74.33546447753906,267.6910400390625],[74.0195541381836,267.57183837890625],[73.70376586914062,267.45269775390625],[73.38785552978516,267.3335266113281],[73.07205963134766,267.21435546875],[72.75614929199219,267.0951843261719],[72.44039916992188,266.9757080078125],[72.12467956542969,266.85601806640625],[71.80906677246094,266.73638916015625],[71.49333953857422,266.6167297363281],[71.177734375,266.4970703125],[70.86200714111328,266.3774108886719],[70.54639434814453,266.2577819824219],[70.23066711425781,266.1380920410156],[69.91525268554688,266.01806640625],[69.59970092773438,265.8979187011719],[69.28425598144531,265.7778625488281],[68.96869659423828,265.65771484375],[68.65314483642578,265.53759765625],[68.33769989013672,265.41754150390625],[68.02214813232422,265.2973937988281],[67.70680236816406,265.17724609375],[67.39139556884766,265.05670166015625],[67.07611083984375,264.93621826171875],[66.76071166992188,264.8157043457031],[66.44541931152344,264.6952209472656],[66.13002014160156,264.5746765136719],[65.81472778320312,264.4541931152344],[65.49932861328125,264.33367919921875],[65.18413543701172,264.21295166015625],[64.8688735961914,264.0920715332031],[64.55372619628906,263.9712219238281],[64.23846435546875,263.8503112792969],[63.923316955566406,263.7294616699219],[63.608055114746094,263.60858154296875],[63.29290771484375,263.48773193359375],[62.97764587402344,263.3668212890625],[62.66254806518555,263.2456359863281],[62.347408294677734,263.1244201660156],[62.032386779785156,263.00323486328125],[61.717247009277344,262.88201904296875],[61.4022216796875,262.7608642578125],[61.08708572387695,262.6396484375],[60.77206039428711,262.5184631347656],[60.45697784423828,262.39715576171875],[60.142059326171875,262.2757263183594],[59.827030181884766,262.1542053222656],[59.512001037597656,262.03271484375],[59.197086334228516,261.9112548828125],[58.882057189941406,261.7897644042969],[58.567142486572266,261.6683044433594],[58.252113342285156,261.54681396484375],[57.937408447265625,261.4249572753906],[57.622623443603516,261.3028259277344],[57.30796432495117,261.18060302734375],[56.993587493896484,261.05743408203125],[56.679325103759766,260.9342956542969],[56.365238189697266,260.8105163574219],[56.051414489746094,260.6862487792969],[55.73748016357422,260.56195068359375],[55.4240608215332,260.4364929199219],[55.110599517822266,260.3110046386719],[54.79745101928711,260.1850280761719],[54.484493255615234,260.05828857421875],[54.171653747558594,259.93157958984375],[53.859130859375,259.8040466308594],[53.54681396484375,259.6759338378906],[53.23459243774414,259.5472717285156],[52.922698974609375,259.4181823730469],[52.61101531982422,259.288330078125],[52.29975128173828,259.15802001953125],[51.98850631713867,259.027099609375],[51.67760467529297,258.89569091796875],[51.366878509521484,258.7635803222656],[51.05656051635742,258.6308288574219],[50.746395111083984,258.4974670410156],[50.4365119934082,258.363525390625],[50.126895904541016,258.22900390625],[49.81758499145508,258.0935974121094],[49.508636474609375,257.9576110839844],[49.19987869262695,257.82098388671875],[48.891544342041016,257.68377685546875],[48.58339309692383,257.5457458496094],[48.27567672729492,257.4069519042969],[47.968170166015625,257.2674560546875],[47.661128997802734,257.1273498535156],[47.354312896728516,256.9865417480469],[47.0479736328125,256.8448486328125],[46.741851806640625,256.7023010253906],[46.43621063232422,256.55914306640625],[46.13072204589844,256.4151916503906],[45.825782775878906,256.2705078125],[45.52116394042969,256.1247863769531],[45.21674346923828,255.9789581298828],[44.91225814819336,255.83302307128906],[44.607791900634766,255.68734741210938],[44.30298614501953,255.54209899902344],[43.998287200927734,255.39691162109375],[43.693119049072266,255.2523651123047],[43.38805389404297,255.10794067382812],[43.082881927490234,254.96347045898438],[42.77781677246094,254.81903076171875],[42.472652435302734,254.6747589111328],[42.16725158691406,254.5310516357422],[41.86173629760742,254.3872833251953],[41.55633544921875,254.2435760498047],[41.25082015991211,254.09982299804688],[40.945308685302734,253.9560546875],[40.63990783691406,253.81234741210938],[40.33439254760742,253.66859436035156],[40.02899169921875,253.52488708496094],[39.72347640991211,253.38111877441406],[39.418121337890625,253.2372283935547],[39.11271286010742,253.09324645996094],[38.80741882324219,252.94931030273438],[38.502010345458984,252.80532836914062],[38.196712493896484,252.66136169433594],[37.89154815673828,252.51686096191406],[37.58649826049805,252.37242126464844],[37.281517028808594,252.2275848388672],[36.97669982910156,252.0826416015625],[36.671791076660156,251.93740844726562],[36.367271423339844,251.79185485839844],[36.06264114379883,251.64622497558594],[35.75849151611328,251.49998474121094],[35.45421600341797,251.35360717773438],[35.15031814575195,251.2068328857422],[34.84645080566406,251.0596160888672],[34.542789459228516,250.91226196289062],[34.23939514160156,250.7640838623047],[33.93611145019531,250.61595153808594],[33.63311004638672,250.46682739257812],[33.330360412597656,250.31761169433594],[33.02787780761719,250.1678009033203],[32.72572708129883,250.0173797607422],[32.423484802246094,249.86676025390625],[32.12181854248047,249.7153778076172],[31.820398330688477,249.56329345703125],[31.519243240356445,249.41061401367188],[31.218482971191406,249.2573699951172],[30.917919158935547,249.1034393310547],[30.617904663085938,248.94895935058594],[30.318016052246094,248.79371643066406],[30.0186824798584,248.63775634765625],[29.719615936279297,248.48097229003906],[29.421062469482422,248.32351684570312],[29.12282943725586,248.165283203125],[28.825149536132812,248.00633239746094],[28.52772331237793,247.84649658203125],[28.230775833129883,247.6858673095703],[27.93433380126953,247.52423095703125],[27.638471603393555,247.3617706298828],[27.343046188354492,247.1984100341797],[27.048179626464844,247.03416442871094],[26.753707885742188,246.86891174316406],[26.459932327270508,246.70285034179688],[26.16646385192871,246.53565979003906],[25.873855590820312,246.367431640625],[25.581737518310547,246.1981201171875],[25.290409088134766,246.0278778076172],[24.999475479125977,245.85646057128906],[24.709264755249023,245.6840057373047],[24.419694900512695,245.51046752929688],[24.130887985229492,245.3358612060547],[23.842727661132812,245.15988159179688],[23.555347442626953,244.98269653320312],[23.268688201904297,244.8043212890625],[22.982772827148438,244.62474060058594],[22.698278427124023,244.44305419921875],[22.421329498291016,244.25015258789062],[22.152868270874023,244.04547119140625],[21.892902374267578,243.83010864257812],[21.641355514526367,243.6050262451172],[21.3979549407959,243.37109375],[21.16281509399414,243.1290283203125],[20.935768127441406,242.87918090820312],[20.716970443725586,242.6221160888672],[20.506465911865234,242.358154296875],[20.304555892944336,242.08770751953125],[20.111392974853516,241.81080627441406],[19.92734146118164,241.5278778076172],[19.752716064453125,241.23887634277344],[19.588224411010742,240.9442901611328],[19.434242248535156,240.64373779296875],[19.292003631591797,240.33773803710938],[19.162307739257812,240.0260009765625],[19.046598434448242,239.70892333984375],[18.946491241455078,239.38658142089844],[18.866914749145508,239.0585479736328],[18.819644927978516,238.72439575195312],[18.80210304260254,238.38746643066406],[18.81018829345703,238.05001831054688],[18.84022331237793,237.71380615234375],[18.889081954956055,237.3798370361328],[18.953960418701172,237.04864501953125],[19.03290557861328,236.72027587890625],[19.123842239379883,236.3953399658203],[19.22536849975586,236.0732421875],[19.336084365844727,235.7543487548828],[19.455049514770508,235.4384765625],[19.581315994262695,235.12539672851562],[19.714025497436523,234.8150634765625],[19.852725982666016,234.50714111328125],[19.996362686157227,234.20181274414062],[20.144832611083984,233.8986053466797],[20.300601959228516,233.59912109375],[20.463918685913086,233.3036346435547],[20.63401985168457,233.01219177246094],[20.81057357788086,232.72425842285156],[20.992658615112305,232.44015502929688],[21.179826736450195,232.15914916992188],[21.371368408203125,231.8811798095703],[21.56686019897461,231.60597229003906],[21.765777587890625,231.3332061767578],[21.967609405517578,231.06251525878906],[22.17173194885254,230.79380798339844],[22.37782859802246,230.5262451171875],[22.58539581298828,230.2600860595703],[22.79410743713379,229.9946746826172],[23.00320816040039,229.729736328125],[23.212549209594727,229.46485900878906],[23.421659469604492,229.19992065429688],[23.630290985107422,228.93447875976562],[23.83762550354004,228.66812133789062],[24.043514251708984,228.4005889892578],[24.247533798217773,228.13168334960938],[24.449007034301758,227.86074829101562],[24.647512435913086,227.58773803710938],[24.84486198425293,227.31373596191406],[25.044328689575195,227.0413818359375],[25.246110916137695,226.7708282470703],[25.450096130371094,226.50164794921875],[25.655702590942383,226.23399353027344],[25.862924575805664,225.967529296875],[26.071691513061523,225.70220947265625],[26.281585693359375,225.43771362304688],[26.492313385009766,225.17405700683594],[26.70392417907715,224.91099548339844],[26.916030883789062,224.6484375],[27.12824058532715,224.38584899902344],[27.34076499938965,224.12364196777344],[27.55336570739746,223.861328125],[27.765588760375977,223.5989227294922],[27.97745704650879,223.33602905273438],[28.18865394592285,223.0727081298828],[28.39910316467285,222.8086700439453],[28.60851287841797,222.54397583007812],[28.81662940979004,222.27810668945312],[29.023208618164062,222.0111083984375],[29.228191375732422,221.74278259277344],[29.431180953979492,221.47320556640625],[29.63205337524414,221.20175170898438],[29.83051300048828,220.92869567871094],[30.026456832885742,220.6537628173828],[30.21941566467285,220.3767852783203],[30.409162521362305,220.09762573242188],[30.595600128173828,219.81622314453125],[30.77850341796875,219.53236389160156],[30.9572696685791,219.2460174560547],[31.131784439086914,218.95713806152344],[31.30177879333496,218.66531372070312],[31.46688461303711,218.37095642089844],[31.62678337097168,218.07359313964844],[31.7812442779541,217.7735137939453],[31.92983055114746,217.4703369140625],[32.07291030883789,217.16455078125],[32.2126579284668,216.857177734375],[32.349647521972656,216.5487060546875],[32.483558654785156,216.2388153076172],[32.61476516723633,215.92787170410156],[32.74314498901367,215.6155548095703],[32.868717193603516,215.30230712890625],[32.991668701171875,214.98782348632812],[33.11178207397461,214.67239379882812],[33.22945785522461,214.3558349609375],[33.34420394897461,214.0384979248047],[33.456661224365234,213.72007751464844],[33.56626892089844,213.40081787109375],[33.67354202270508,213.08074951171875],[33.77814483642578,212.75985717773438],[33.88041687011719,212.4380645751953],[33.98011779785156,212.11563110351562],[34.0775032043457,211.792236328125],[34.17241668701172,211.46835327148438],[34.26494216918945,211.14370727539062],[34.35517120361328,210.8184356689453],[34.44300079345703,210.4923858642578],[34.528594970703125,210.1659393310547],[34.611793518066406,209.8386688232422],[34.69290542602539,209.5108642578125],[34.77149200439453,209.18264770507812],[34.848079681396484,208.8538055419922],[34.92222213745117,208.5245361328125],[34.994361877441406,208.1946563720703],[35.06411361694336,207.86451721191406],[35.13184356689453,207.53370666503906],[35.19731521606445,207.2025146484375],[35.26065444946289,206.87095642089844],[35.32184600830078,206.5390167236328],[35.38087844848633,206.20652770996094],[35.43783187866211,205.87387084960938],[35.49256896972656,205.54063415527344],[35.545310974121094,205.2073211669922],[35.59577560424805,204.87339782714844],[35.644256591796875,204.53941345214844],[35.690528869628906,204.20498657226562],[35.73476028442383,203.870361328125],[35.77692794799805,203.53538513183594],[35.81682586669922,203.2001953125],[35.85463333129883,202.86468505859375],[35.89028549194336,202.52911376953125],[35.9235954284668,202.19309997558594],[35.954627990722656,201.85693359375],[35.98342514038086,201.52052307128906],[36.00973892211914,201.1840362548828],[36.03361892700195,200.84730529785156],[36.05511474609375,200.51046752929688],[36.07400894165039,200.17335510253906],[36.090301513671875,199.83607482910156],[36.10405349731445,199.49880981445312],[36.115028381347656,199.1613006591797],[36.12321853637695,198.82395935058594],[36.12870788574219,198.48629760742188],[36.1312141418457,198.14886474609375],[36.13074493408203,197.81112670898438],[36.12737274169922,197.4737091064453],[36.12079620361328,197.1360626220703],[36.11103439331055,196.79867553710938],[36.098148345947266,196.46133422851562],[36.08182907104492,196.12423706054688],[36.06205368041992,195.7871551513672],[36.03890609741211,195.45037841796875],[36.0120964050293,195.11386108398438],[35.98153305053711,194.77772521972656],[35.94729232788086,194.44175720214844],[35.90918731689453,194.1063995361328],[35.8669319152832,193.7714385986328],[35.82072067260742,193.4371337890625],[35.770416259765625,193.10317993164062],[35.71552276611328,192.77012634277344],[35.65646743774414,192.4376983642578],[35.59276580810547,192.10629272460938],[35.524375915527344,191.7756805419922],[35.45124053955078,191.44615173339844],[35.37309646606445,191.11769104003906],[35.28865051269531,190.79086303710938],[35.19744110107422,190.46578979492188],[35.099849700927734,190.1427764892578],[34.99602508544922,189.8214874267578],[34.88628387451172,189.50216674804688],[34.770999908447266,189.18487548828125],[34.65040969848633,188.86949157714844],[34.524845123291016,188.5562286376953],[34.394287109375,188.2448272705078],[34.25947570800781,187.93544006347656],[34.12037658691406,187.62782287597656],[33.977115631103516,187.3220977783203],[33.830078125,187.01824951171875],[33.67948913574219,186.7161407470703],[33.525543212890625,186.4156951904297],[33.36846923828125,186.1168975830078],[33.208438873291016,185.81964111328125],[33.04558563232422,185.52394104003906],[32.880096435546875,185.22967529296875],[32.71221923828125,184.936767578125],[32.54212188720703,184.64512634277344],[32.37003707885742,184.3547821044922],[32.19599151611328,184.0654754638672],[32.02021026611328,183.77740478515625],[31.842605590820312,183.49021911621094],[31.66379165649414,183.203857421875],[31.48373031616211,182.91835021972656],[31.30248260498047,182.63351440429688],[31.12021255493164,182.3492889404297],[30.937089920043945,182.06576538085938],[30.753210067749023,181.78257751464844],[30.568872451782227,181.4998779296875],[30.383968353271484,181.21737670898438],[30.198925018310547,180.93495178222656],[30.01351547241211,180.65286254882812],[29.82712173461914,180.37136840820312],[29.639684677124023,180.09068298339844],[29.451099395751953,179.81056213378906],[29.261598587036133,179.53131103515625],[29.07100486755371,179.25259399414062],[28.879491806030273,178.974609375],[28.686988830566406,178.6973114013672],[28.493545532226562,178.42062377929688],[28.299259185791016,178.1445770263672],[28.104167938232422,177.86917114257812],[27.908153533935547,177.59422302246094],[27.711383819580078,177.31988525390625],[27.51387596130371,177.046142578125],[27.315614700317383,176.77291870117188],[27.116596221923828,176.5001678466797],[26.917009353637695,176.22804260253906],[26.716663360595703,175.9562530517578],[26.51572608947754,175.6849822998047],[26.314159393310547,175.41412353515625],[26.112060546875,175.14373779296875],[25.909154891967773,174.8738555908203],[25.706220626831055,174.60415649414062],[25.502334594726562,174.33509826660156],[25.29837989807129,174.06614685058594],[25.093603134155273,173.7976837158203],[24.888713836669922,173.52938842773438],[24.683191299438477,173.26148986816406],[24.477567672729492,172.993896484375],[24.271390914916992,172.7265167236328],[24.06500244140625,172.45933532714844],[23.858341217041016,172.19247436523438],[23.651315689086914,171.92567443847656],[23.444183349609375,171.6591796875],[23.236637115478516,171.39285278320312],[23.02898597717285,171.1267547607422],[22.821260452270508,170.86056518554688],[22.613609313964844,170.594482421875],[22.405540466308594,170.32859802246094],[22.197471618652344,170.06283569335938],[21.989328384399414,169.79698181152344],[21.781259536743164,169.53121948242188],[21.573116302490234,169.26535034179688],[21.365047454833984,168.9995880126953],[21.156904220581055,168.73373413085938],[20.948959350585938,168.4679412841797],[20.741119384765625,168.20184326171875],[20.533355712890625,167.9358367919922],[20.325517654418945,167.66973876953125],[20.117952346801758,167.4034881591797],[19.910585403442383,167.13702392578125],[19.703603744506836,166.87049865722656],[19.496665954589844,166.60369873046875],[19.290178298950195,166.33668518066406],[19.083763122558594,166.06947326660156],[18.877965927124023,165.80198669433594],[18.672168731689453,165.53431701660156],[18.467117309570312,165.26620483398438],[18.262062072753906,164.99790954589844],[18.057842254638672,164.72918701171875],[17.853551864624023,164.4603271484375],[17.649351119995117,164.19142150878906],[17.444721221923828,163.92295837402344],[17.239727020263672,163.65472412109375],[17.03436851501465,163.38685607910156],[16.828495025634766,163.11924743652344],[16.622413635253906,162.8519287109375],[16.415971755981445,162.58474731445312],[16.209192276000977,162.31796264648438],[16.002079010009766,162.05130004882812],[15.794779777526855,161.78494262695312],[15.587406158447266,161.5184783935547],[15.379847526550293,161.25241088867188],[15.17197322845459,160.98634338378906],[14.964174270629883,160.72036743164062],[14.756062507629395,160.45440673828125],[14.547983169555664,160.1886444091797],[14.339828491210938,159.9228057861328],[14.13180160522461,159.6570587158203],[13.923675537109375,159.3911895751953],[13.715624809265137,159.1254119873047],[13.507498741149902,158.8595428466797],[13.299448013305664,158.59376525878906],[13.091296195983887,158.32781982421875],[12.883716583251953,158.06167602539062],[12.676061630249023,157.79544067382812],[12.468603134155273,157.52928161621094],[12.261554718017578,157.26255798339844],[12.054581642150879,156.99594116210938],[11.847644805908203,156.7290802001953],[11.641199111938477,156.46189880371094],[11.435198783874512,156.19451904296875],[11.229418754577637,155.92686462402344],[11.024049758911133,155.65899658203125],[10.819099426269531,155.39060974121094],[10.614673614501953,155.12217712402344],[10.410400390625,154.8531951904297],[10.206961631774902,154.58387756347656],[10.003911972045898,154.31417846679688],[9.801305770874023,154.044189453125],[9.599372863769531,153.77357482910156],[9.398099899291992,153.50262451171875],[9.197275161743164,153.2312469482422],[8.997222900390625,152.9593963623047],[8.797835350036621,152.68682861328125],[8.599166870117188,152.41404724121094],[8.401098251342773,152.14059448242188],[8.202070236206055,151.86798095703125],[8.000408172607422,151.59722900390625],[7.797672271728516,151.32730102539062],[7.59534215927124,151.0570831298828],[7.394887924194336,150.78550720214844],[7.197567462921143,150.51156616210938],[7.005091667175293,150.23428344726562],[6.818887233734131,149.95257568359375],[6.641012191772461,149.66575622558594],[6.473191261291504,149.3727569580078],[6.317842483520508,149.0731964111328],[6.177489757537842,148.76608276367188],[6.055257797241211,148.45162963867188],[5.954035758972168,148.12957763671875],[5.877193450927734,147.80091857910156],[5.820119380950928,147.4681396484375],[5.767974376678467,147.1345672607422],[5.720035076141357,146.80047607421875],[5.676558017730713,146.4656524658203],[5.637362957000732,146.13040161132812],[5.60272216796875,145.79454040527344],[5.572428226470947,145.4584197998047],[5.54684591293335,145.12167358398438],[5.525743007659912,144.78480529785156],[5.509471893310547,144.44760131835938],[5.49789571762085,144.11021423339844],[5.491252899169922,143.772705078125],[5.489604949951172,143.43519592285156],[5.493002891540527,143.09756469726562],[5.501747131347656,142.76011657714844],[5.515685081481934,142.42282104492188],[5.53533411026001,142.0858917236328],[5.560493469238281,141.74908447265625],[5.591551303863525,141.4130401611328],[5.628549098968506,141.07748413085938],[5.671699047088623,140.74270629882812],[5.72124719619751,140.4087677001953],[5.77719783782959,140.07591247558594],[5.840015411376953,139.74407958984375],[5.909730434417725,139.4139404296875],[5.986680507659912,139.08511352539062],[6.068698406219482,138.75765991210938],[6.150929927825928,138.43019104003906],[6.233161449432373,138.1027069091797],[6.3153977394104,137.77536010742188],[6.398207664489746,137.44802856445312],[6.481060981750488,137.12081909179688],[6.564266204833984,136.7935791015625],[6.64755392074585,136.46652221679688],[6.731167316436768,136.139404296875],[6.814906597137451,135.81246948242188],[6.898932933807373,135.48545837402344],[6.983155250549316,135.1585693359375],[7.067604064941406,134.83164978027344],[7.152289867401123,134.50494384765625],[7.237166404724121,134.17813110351562],[7.3223443031311035,133.8515167236328],[7.407662868499756,133.5248260498047],[7.493319511413574,133.19837951660156],[7.579079627990723,132.87179565429688],[7.665241241455078,132.5454864501953],[7.751518249511719,132.2189483642578],[7.838170051574707,131.8927459716797],[7.924930572509766,131.5664520263672],[8.012054443359375,131.2403564453125],[8.099333763122559,130.9142303466797],[8.186938285827637,130.58827209472656],[8.274778366088867,130.26219177246094],[8.362869262695312,129.93637084960938],[8.451210021972656,129.610595703125],[8.539798736572266,129.28489685058594],[8.628742218017578,128.95909118652344],[8.717835426330566,128.63352966308594],[8.807323455810547,128.30795288085938],[8.896964073181152,127.98242950439453],[8.986971855163574,127.6572036743164],[9.077134132385254,127.33181762695312],[9.167765617370605,127.00660705566406],[9.258454322814941,126.681396484375],[9.349653244018555,126.35643005371094],[9.440937042236328,126.0313949584961],[9.532684326171875,125.70657348632812],[9.624570846557617,125.3817138671875],[9.716874122619629,125.05706024169922],[9.80940055847168,124.73229217529297],[9.902267456054688,124.40779113769531],[9.995409965515137,124.08323669433594],[10.088850021362305,123.75890350341797],[10.182613372802734,123.43457794189453],[10.27663516998291,123.11041259765625],[10.371060371398926,122.78621673583984],[10.46567153930664,122.46222686767578],[10.56076431274414,122.13819122314453],[10.655976295471191,121.81436920166016],[10.751710891723633,121.49060821533203],[10.847529411315918,121.1669692993164],[10.943946838378906,120.8433837890625],[11.04039192199707,120.51992797851562],[11.13748550415039,120.19654083251953],[11.234618186950684,119.873291015625],[11.332345008850098,119.55010223388672],[11.430173873901367,119.2270736694336],[11.528542518615723,118.9040756225586],[11.627106666564941,118.5811767578125],[11.726091384887695,118.25849151611328],[11.825398445129395,117.93573760986328],[11.925041198730469,117.6132583618164],[12.025066375732422,117.290771484375],[12.125377655029297,116.96849822998047],[12.22612476348877,116.64629364013672],[12.327112197875977,116.32423400878906],[12.42866039276123,116.00211334228516],[12.53033447265625,115.68026733398438],[12.632584571838379,115.35858154296875],[12.73495101928711,115.03694915771484],[12.838018417358398,114.71537017822266],[12.94108772277832,114.3940200805664],[13.044906616210938,114.0727310180664],[13.148797988891602,113.75152587890625],[13.253339767456055,113.43047332763672],[13.357990264892578,113.1096420288086],[13.463261604309082,112.78882598876953],[13.568755149841309,112.46815490722656],[13.674761772155762,112.14757537841797],[13.781062126159668,111.82720184326172],[13.887818336486816,111.50688171386719],[13.994937896728516,111.18681335449219],[14.102449417114258,110.86673736572266],[14.210392951965332,110.54700469970703],[14.318671226501465,110.2271957397461],[14.42748737335205,109.9076919555664],[14.536540985107422,109.588134765625],[14.64623737335205,109.26887512207031],[14.756073951721191,108.94959259033203],[14.86666202545166,108.63058471679688],[14.977307319641113,108.31168365478516],[15.088736534118652,107.99295806884766],[15.20023250579834,107.67446899414062],[15.31247329711914,107.35602569580078],[15.424917221069336,107.0377197265625],[15.537978172302246,106.71956634521484],[15.651296615600586,106.40169525146484],[15.765185356140137,106.0838394165039],[15.879467964172363,105.76617431640625],[15.994194984436035,105.44861602783203],[16.109365463256836,105.13141632080078],[16.224939346313477,104.81417083740234],[16.34109115600586,104.49722290039062],[16.45751953125,104.18028259277344],[16.57461929321289,103.86371612548828],[16.69191551208496,103.54710388183594],[16.809974670410156,103.2309341430664],[16.928203582763672,102.91460418701172],[17.047212600708008,102.5987548828125],[17.16640853881836,102.28284454345703],[17.28631019592285,101.96733093261719],[17.406476974487305,101.65187072753906],[17.52728271484375,101.33670806884766],[17.648479461669922,101.02157592773438],[17.77019500732422,100.7067642211914],[17.892431259155273,100.3919906616211],[18.01506805419922,100.07752990722656],[18.13853645324707,99.76329040527344],[18.26429557800293,99.4499282836914],[18.392295837402344,99.13755798339844],[18.52252960205078,98.82605743408203],[18.654861450195312,98.51564025878906],[18.789390563964844,98.20594787597656],[18.925973892211914,97.89720153808594],[19.0645694732666,97.58938598632812],[19.20512580871582,97.28248596191406],[19.347652435302734,96.97638702392578],[19.491975784301758,96.67135620117188],[19.638256072998047,96.36698913574219],[19.78626823425293,96.06358337402344],[19.93600845336914,95.76103210449219],[20.087438583374023,95.45932006835938],[20.24051856994629,95.15840911865234],[20.3951358795166,94.85843658447266],[20.551366806030273,94.55913543701172],[20.709108352661133,94.26061248779297],[20.868310928344727,93.96285247802734],[21.028820037841797,93.66606140136719],[21.190818786621094,93.36979675292969],[21.354095458984375,93.0743637084961],[21.518814086914062,92.77965545654297],[21.68465232849121,92.4855728149414],[21.851686477661133,92.19217681884766],[22.019817352294922,91.8995590209961],[22.189178466796875,91.60738372802734],[22.35948371887207,91.31605529785156],[22.53093719482422,91.02515411376953],[22.70330810546875,90.73497009277344],[22.876680374145508,90.44528198242188],[23.051010131835938,90.15606689453125],[23.22612762451172,89.86754608154297],[23.40218162536621,89.5793685913086],[23.57893943786621,89.29183959960938],[23.756547927856445,89.00464630126953],[23.93477439880371,88.71805572509766],[24.113771438598633,88.43177032470703],[24.293363571166992,88.14598083496094],[24.47364044189453,87.8604736328125],[24.654430389404297,87.57543182373047],[24.83576011657715,87.29071044921875],[25.0175838470459,87.00633239746094],[25.199981689453125,86.72212219238281],[25.382884979248047,86.4384536743164],[25.565885543823242,86.15473175048828],[25.749496459960938,85.87152099609375],[25.93325424194336,85.58821868896484],[26.117429733276367,85.30537414550781],[26.30173683166504,85.02249145507812],[26.48634910583496,84.73992919921875],[26.671083450317383,84.45732879638672],[26.855989456176758,84.17495727539062],[27.041046142578125,83.89247131347656],[27.226133346557617,83.61022186279297],[27.411285400390625,83.32786560058594],[27.596372604370117,83.04561614990234],[27.78138542175293,82.76329040527344],[27.966259002685547,82.48090362548828],[28.151199340820312,82.19841003417969],[28.336074829101562,81.91602325439453],[28.5211124420166,81.63355255126953],[28.70702362060547,81.35179901123047],[28.89415740966797,81.0708999633789],[29.08258628845215,80.79059600830078],[29.27206802368164,80.51130676269531],[29.46265983581543,80.23267364501953],[29.6544189453125,79.9548110961914],[29.84710121154785,79.67765045166016],[30.040916442871094,79.40123748779297],[30.235620498657227,79.12539672851562],[30.431270599365234,78.85039520263672],[30.627809524536133,78.57585906982422],[30.825254440307617,78.3020248413086],[31.02349090576172,78.02872467041016],[31.222448348999023,77.75614929199219],[31.42229461669922,77.48389434814453],[31.62276268005371,77.21238708496094],[31.823984146118164,76.94125366210938],[32.02581787109375,76.67073059082031],[32.22825622558594,76.40050506591797],[32.43112564086914,76.13075256347656],[32.63478088378906,75.86144256591797],[32.83882141113281,75.59258270263672],[33.0433349609375,75.32396697998047],[33.24822235107422,75.05574035644531],[33.4537467956543,74.78777313232422],[33.65949630737305,74.52017974853516],[33.8655891418457,74.25276184082031],[34.07197189331055,73.98568725585938],[34.27867889404297,73.71882629394531],[34.485755920410156,73.4520492553711],[34.692955017089844,73.18560791015625],[34.90022659301758,72.9190673828125],[35.1077766418457,72.6528549194336],[35.31550979614258,72.38667297363281],[35.52316665649414,72.12059020996094],[35.73089599609375,71.85440826416016],[35.93855285644531,71.58832550048828],[36.14628601074219,71.32212829589844],[36.353919982910156,71.05602264404297],[36.56162643432617,70.78982543945312],[36.76909255981445,70.52359008789062],[36.97646713256836,70.25712585449219],[37.18376541137695,69.99076080322266],[37.39078903198242,69.72410583496094],[37.59752655029297,69.45734405517578],[37.80412673950195,69.1903076171875],[38.01025390625,68.92303466796875],[38.21621322631836,68.65534210205078],[38.42170333862305,68.38761901855469],[38.62690353393555,68.1194839477539],[38.831451416015625,67.85105895996094],[39.03571701049805,67.5821533203125],[39.23945617675781,67.31304931640625],[39.44268035888672,67.04341125488281],[39.64516067504883,66.7734146118164],[39.84733200073242,66.50294494628906],[40.04864501953125,66.23211669921875],[40.24937438964844,65.96060180664062],[40.449378967285156,65.68869018554688],[40.64863204956055,65.41609954833984],[40.847171783447266,65.14302062988281],[41.044803619384766,64.86929321289062],[41.24164581298828,64.59504699707031],[41.43753433227539,64.3200912475586],[41.632537841796875,64.04457092285156],[41.8265266418457,63.768333435058594],[42.01961898803711,63.49134826660156],[42.21156692504883,63.21373748779297],[42.402523040771484,62.93529510498047],[42.59234619140625,62.65612030029297],[42.7810173034668,62.37614059448242],[42.968509674072266,62.09541320800781],[43.15474319458008,61.81380844116211],[43.33969497680664,61.53152847290039],[43.52334213256836,61.24821472167969],[43.70568084716797,60.96418762207031],[43.8865852355957,60.67906951904297],[44.06612014770508,60.39326858520508],[44.244102478027344,60.106319427490234],[44.42067337036133,59.81861114501953],[44.59554672241211,59.529869079589844],[44.76893615722656,59.240272521972656],[44.94062805175781,58.949546813964844],[45.11067199707031,58.657989501953125],[45.27899169921875,58.365272521972656],[45.44554138183594,58.07167434692383],[45.610328674316406,57.77692794799805],[45.773468017578125,57.481414794921875],[45.93527603149414,57.185142517089844],[46.09575271606445,56.88798522949219],[46.25464630126953,56.59031677246094],[46.41239929199219,56.29172134399414],[46.568809509277344,55.99266815185547],[46.72389221191406,55.692691802978516],[46.87767028808594,55.392276763916016],[47.03035354614258,55.091129302978516],[47.1817512512207,54.78946304321289],[47.331974029541016,54.48707580566406],[47.48107147216797,54.18421173095703],[47.629127502441406,53.88079071044922],[47.77593994140625,53.57680130004883],[47.9217643737793,53.27229309082031],[48.066566467285156,52.96738815307617],[48.2103271484375,52.661964416503906],[48.35307312011719,52.356082916259766],[48.494930267333984,52.04974365234375],[48.6358757019043,51.7430419921875],[48.77590560913086,51.43572998046875],[48.91501235961914,51.12822723388672],[49.05339813232422,50.82022476196289],[49.190887451171875,50.51194381713867],[49.327606201171875,50.203216552734375],[49.46352767944336,49.89436721801758],[49.598854064941406,49.584991455078125],[49.733341217041016,49.275421142578125],[49.867252349853516,48.96543884277344],[50.00052261352539,48.65528869628906],[50.133148193359375,48.34487533569336],[50.26515197753906,48.03425979614258],[50.39657974243164,47.72323226928711],[50.52772521972656,47.41209411621094],[50.658077239990234,47.100704193115234],[50.78812789916992,46.78915786743164],[50.91775894165039,46.47751998901367],[51.04690933227539,46.165462493896484],[51.17570877075195,45.85354232788086],[51.304195404052734,45.541297912597656],[51.43227005004883,45.22898864746094],[51.5601692199707,44.916534423828125],[51.687705993652344,44.604034423828125],[51.8150634765625,44.29130935668945],[51.942237854003906,43.97861862182617],[52.06918716430664,43.665748596191406],[52.195919036865234,43.353004455566406],[52.32259750366211,43.04001998901367],[52.4492301940918,42.72715377807617],[52.57590866088867,42.41409683227539],[52.70248794555664,42.10120391845703],[52.82910919189453,41.78820037841797],[52.955684661865234,41.47530746459961],[53.08230972290039,41.16230392456055],[53.208885192871094,40.84941101074219],[53.33562088012695,40.53642654418945],[53.462711334228516,40.2237434387207],[53.589847564697266,39.91094970703125],[53.71696090698242,39.59834671020508],[53.8446044921875,39.2857551574707],[53.9724235534668,38.97340774536133],[54.100494384765625,38.66099548339844],[54.22911071777344,38.348690032958984],[54.35789108276367,38.036712646484375],[54.48704528808594,37.72474670410156],[54.61671829223633,37.413169860839844],[54.746788024902344,37.10153579711914],[54.87725830078125,36.79024887084961],[55.00840759277344,36.47913360595703],[55.13981246948242,36.168304443359375],[55.27200698852539,35.85752487182617],[55.4046745300293,35.547210693359375],[55.53810501098633,35.23698425292969],[55.67210006713867,34.9272346496582],[55.806793212890625,34.61765670776367],[55.94221115112305,34.30842590332031],[56.07842254638672,33.99952697753906],[56.21531677246094,33.69106674194336],[56.353065490722656,33.3828010559082],[56.49171447753906,33.075016021728516],[56.6312370300293,32.76750564575195],[56.77155685424805,32.46051025390625],[56.912933349609375,32.153892517089844],[57.05520248413086,31.84783935546875],[57.198448181152344,31.54212760925293],[57.34273147583008,31.236997604370117],[57.48817443847656,30.932241439819336],[57.63458251953125,30.62809944152832],[57.78215026855469,30.32441520690918],[57.930885314941406,30.02145767211914],[58.08078384399414,29.718955993652344],[58.231815338134766,29.417104721069336],[58.3842887878418,29.115800857543945],[58.537960052490234,28.81511688232422],[58.69274139404297,28.51528549194336],[58.849124908447266,28.21601676940918],[59.006736755371094,27.917551040649414],[59.165714263916016,27.61967658996582],[59.326385498046875,27.32284164428711],[59.496681213378906,27.03133773803711],[59.67936706542969,26.747562408447266],[59.87333297729492,26.471176147460938],[60.07752227783203,26.20244789123535],[60.29123306274414,25.941118240356445],[60.51380157470703,25.687353134155273],[60.74468994140625,25.44104766845703],[60.983394622802734,25.202472686767578],[61.229774475097656,24.971538543701172],[61.483192443847656,24.74868392944336],[61.7437744140625,24.533916473388672],[62.01102828979492,24.327835083007812],[62.28501892089844,24.130582809448242],[62.565452575683594,23.94285774230957],[62.85257339477539,23.76503562927246],[63.14576721191406,23.598112106323242],[63.4455451965332,23.442720413208008],[63.7514533996582,23.300003051757812],[64.06346130371094,23.171140670776367],[64.38134002685547,23.05771827697754],[64.70488739013672,22.961416244506836],[65.033447265625,22.884326934814453],[65.36640167236328,22.82866859436035],[65.70176696777344,22.789409637451172],[66.03819274902344,22.7625789642334],[66.37549591064453,22.747116088867188],[66.71295166015625,22.74205780029297],[67.05054473876953,22.746315002441406],[67.3878173828125,22.75897216796875],[67.72479248046875,22.779205322265625],[68.06133270263672,22.8061580657959],[68.39738464355469,22.839012145996094],[68.73268127441406,22.877017974853516],[69.06767272949219,22.91953468322754],[69.40196990966797,22.96589469909668],[69.73602294921875,23.015460968017578],[70.0694351196289,23.067628860473633],[70.40265655517578,23.121896743774414],[70.73553466796875,23.17768669128418],[71.068359375,23.234542846679688],[71.40103149414062,23.291839599609375],[71.7337646484375,23.349201202392578],[72.06649780273438,23.406051635742188],[72.39948272705078,23.462003707885742],[72.73258209228516,23.516433715820312],[73.06610870361328,23.568918228149414],[73.39990997314453,23.618906021118164],[73.73417663574219,23.666000366210938],[74.06889343261719,23.70945167541504],[74.4042739868164,23.74880599975586],[74.74002075195312,23.783437728881836],[75.07637786865234,23.81275749206543],[75.41305541992188,23.836101531982422],[75.75029754638672,23.85280990600586],[76.08773040771484,23.864133834838867],[76.42515563964844,23.873868942260742],[76.76264953613281,23.882061004638672],[77.10020446777344,23.888607025146484],[77.43769836425781,23.89356803894043],[77.77531433105469,23.896921157836914],[78.11294555664062,23.898622512817383],[78.45046997070312,23.898515701293945],[78.7880859375,23.896697998046875],[79.12561798095703,23.89313507080078],[79.46311950683594,23.887798309326172],[79.80059051513672,23.88050079345703],[80.13815307617188,23.87134552001953],[80.47552490234375,23.860309600830078],[80.81290435791016,23.847349166870117],[81.15003204345703,23.832277297973633],[81.48724365234375,23.8151912689209],[81.82431030273438,23.796070098876953],[82.16128540039062,23.774869918823242],[82.4979476928711,23.751392364501953],[82.83464050292969,23.725732803344727],[83.17097473144531,23.697887420654297],[83.50726318359375,23.667789459228516],[83.84329986572266,23.635223388671875],[84.17908477783203,23.600317001342773],[84.5145492553711,23.56303596496582],[84.84988403320312,23.523317337036133],[85.18473815917969,23.480981826782227],[85.51933288574219,23.436086654663086],[85.85350036621094,23.38863182067871],[86.18746948242188,23.338533401489258],[86.52093505859375,23.285648345947266],[86.85380554199219,23.229997634887695],[87.18629455566406,23.171558380126953],[87.51826477050781,23.110305786132812],[87.84969329833984,23.046110153198242],[88.1805191040039,22.978912353515625],[88.51092529296875,22.909439086914062],[88.84075164794922,22.83783721923828],[89.1702651977539,22.763944625854492],[89.49915313720703,22.688077926635742],[89.82758331298828,22.609987258911133],[90.15550994873047,22.529848098754883],[90.48297119140625,22.447715759277344],[90.80980682373047,22.36341094970703],[91.13631439208984,22.277162551879883],[91.46208953857422,22.188892364501953],[91.78744506835938,22.098604202270508],[92.1120376586914,22.006515502929688],[92.4362564086914,21.912254333496094],[92.75984954833984,21.81620979309082],[93.08293151855469,21.718183517456055],[93.40542602539062,21.618242263793945],[93.72737884521484,21.516515731811523],[94.04854583740234,21.412809371948242],[94.36925506591797,21.30733299255371],[94.68926239013672,21.199993133544922],[95.00879669189453,21.090770721435547],[95.32762145996094,20.97987174987793],[95.64575958251953,20.867019653320312],[95.9633560180664,20.752479553222656],[96.2802734375,20.636112213134766],[96.59650421142578,20.517986297607422],[96.91213989257812,20.39818000793457],[97.22700500488281,20.276506423950195],[97.54124450683594,20.15320587158203],[97.85488891601562,20.028079986572266],[98.16767120361328,19.901304244995117],[98.47986602783203,19.77287483215332],[98.79129791259766,19.642601013183594],[99.10212707519531,19.510704040527344],[99.41211700439453,19.377126693725586],[99.72138214111328,19.241836547851562],[100.02992248535156,19.104984283447266],[100.3377456665039,18.96627426147461],[100.64485168457031,18.82597541809082],[100.951171875,18.683826446533203],[101.25597381591797,18.539005279541016],[101.55961608886719,18.391399383544922],[101.86190795898438,18.241235733032227],[102.16311645507812,18.08851432800293],[102.46295166015625,17.933481216430664],[102.76161193847656,17.77614402770996],[103.05912017822266,17.616708755493164],[103.35569763183594,17.455184936523438],[103.6510009765625,17.291902542114258],[103.94547271728516,17.12674903869629],[104.23897552490234,16.959888458251953],[104.53157806396484,16.791454315185547],[104.8232421875,16.62152671813965],[105.11421966552734,16.45033836364746],[105.40451049804688,16.27788543701172],[105.69402313232422,16.104341506958008],[105.98295593261719,15.929670333862305],[106.27117156982422,15.754150390625],[106.55907440185547,15.57768440246582],[106.84639739990234,15.400575637817383],[107.13350677490234,15.222733497619629],[107.4200210571289,15.044417381286621],[107.70645904541016,14.865650177001953],[107.99264526367188,14.686600685119629],[108.27873992919922,14.507280349731445],[108.56460571289062,14.32794189453125],[108.85059356689453,14.148462295532227],[109.13648223876953,13.969046592712402],[109.4224624633789,13.789586067199707],[109.70867156982422,13.610674858093262],[109.99500274658203,13.431807518005371],[110.28169250488281,13.253508567810059],[110.56871032714844,13.075752258300781],[110.85609436035156,12.898642539978027],[111.14399719238281,12.722224235534668],[111.43226623535156,12.546730041503906],[111.72125244140625,12.372078895568848],[112.01068878173828,12.198565483093262],[112.30103302001953,12.026044845581055],[112.59193420410156,11.854880332946777],[112.88368225097656,11.68504810333252],[113.17628479003906,11.516753196716309],[113.46990203857422,11.349973678588867],[113.76435089111328,11.184938430786133],[114.05978393554688,11.02170467376709],[114.35637664794922,10.860319137573242],[114.65404510498047,10.701025009155273],[114.95291137695312,10.543896675109863],[115.25283813476562,10.389087677001953],[115.55400085449219,10.23666000366211],[115.85643768310547,10.086727142333984],[116.16028594970703,9.939413070678711],[116.46537780761719,9.794986724853516],[116.77188110351562,9.653420448303223],[117.07962799072266,9.51492691040039],[117.38896942138672,9.379481315612793],[117.6996078491211,9.247415542602539],[118.01177215576172,9.118821144104004],[118.32524108886719,8.993769645690918],[118.64033508300781,8.872514724731445],[118.95674896240234,8.755001068115234],[119.27466583251953,8.641047477722168],[119.59364318847656,8.530686378479004],[119.91389465332031,8.42374038696289],[120.235107421875,8.320195198059082],[120.55746459960938,8.219878196716309],[120.88079833984375,8.122736930847168],[121.20506286621094,8.028676986694336],[121.53004455566406,7.93764066696167],[121.85595703125,7.849468231201172],[122.1825180053711,7.7642502784729],[122.50995635986328,7.681491851806641],[122.83784484863281,7.601600170135498],[123.16645812988281,7.52397346496582],[123.49571990966797,7.4490485191345215],[123.82522583007812,7.376294136047363],[124.15544128417969,7.305954933166504],[124.48603057861328,7.237654209136963],[124.81717681884766,7.171501159667969],[125.1485366821289,7.1073317527771],[125.48036193847656,7.045042991638184],[125.81240844726562,6.9846367835998535],[126.1448974609375,6.9258527755737305],[126.47757720947266,6.86884880065918],[126.8106460571289,6.813228607177734],[127.1438217163086,6.759282112121582],[127.47727966308594,6.706578731536865],[127.81085968017578,6.655284881591797],[128.14476013183594,6.605128288269043],[128.47879028320312,6.556135654449463],[128.81297302246094,6.508197784423828],[129.1472625732422,6.461392402648926],[129.481689453125,6.41525411605835],[129.81617736816406,6.3698344230651855],[130.15089416503906,6.3253583908081055],[130.48556518554688,6.281444072723389],[130.82032775878906,6.238003730773926],[131.1551055908203,6.195049285888672],[131.4901123046875,6.152541160583496],[131.82493591308594,6.110344886779785],[132.1599578857422,6.068330764770508],[132.49485778808594,6.026331424713135],[132.82989501953125,5.9848809242248535],[133.1652374267578,5.94456148147583],[133.50045776367188,5.905510902404785],[133.83595275878906,5.86763334274292],[134.17149353027344,5.831068515777588],[134.50730895996094,5.7956695556640625],[134.84307861328125,5.76165771484375],[135.1791534423828,5.728804111480713],[135.5151824951172,5.697403907775879],[135.8514404296875,5.667183876037598],[136.187744140625,5.638432025909424],[136.52432250976562,5.6109089851379395],[136.86087036132812,5.584864139556885],[137.19754028320312,5.560120582580566],[137.5342559814453,5.53685188293457],[137.8712615966797,5.514937400817871],[138.20811462402344,5.4945149421691895],[138.54525756835938,5.475512981414795],[138.88229370117188,5.458003997802734],[139.21957397460938,5.4419846534729],[139.55673217773438,5.427464485168457],[139.89419555664062,5.414501190185547],[140.23153686523438,5.403040409088135],[140.56898498535156,5.393218517303467],[140.9064178466797,5.384897232055664],[141.2439422607422,5.378290176391602],[141.58145141601562,5.373188018798828],[141.91909790039062,5.369879722595215],[142.2566375732422,5.3680830001831055],[142.59425354003906,5.368154048919678],[142.93177795410156,5.369782447814941],[143.26939392089844,5.37328577041626],[143.60704040527344,5.378431797027588],[143.94448852539062,5.385451316833496],[144.28199768066406,5.394205093383789],[144.61932373046875,5.4048309326171875],[144.95677185058594,5.417288780212402],[145.29405212402344,5.431615352630615],[145.63131713867188,5.4478759765625],[145.9683074951172,5.465987682342529],[146.30531311035156,5.486145973205566],[146.64212036132812,5.508145332336426],[146.9789276123047,5.532262802124023],[147.31546020507812,5.558207035064697],[147.65185546875,5.58610200881958],[147.98814392089844,5.615962505340576],[148.32427978515625,5.64763069152832],[148.66004943847656,5.6812920570373535],[148.99588012695312,5.716829776763916],[149.33132934570312,5.754164218902588],[149.6666717529297,5.793533802032471],[150.0016632080078,5.834660053253174],[150.33657836914062,5.877706050872803],[150.671142578125,5.922643184661865],[151.00555419921875,5.969351768493652],[151.3395233154297,6.018031120300293],[151.67327880859375,6.068509101867676],[152.00682067871094,6.120814323425293],[152.3400421142578,6.175074577331543],[152.6729278564453,6.231072902679443],[153.00558471679688,6.289017677307129],[153.33775329589844,6.348766326904297],[153.66966247558594,6.4102888107299805],[154.00128173828125,6.473835468292236],[154.3324737548828,6.539111614227295],[154.6634063720703,6.606283664703369],[154.99374389648438,6.675313949584961],[155.3238525390625,6.746129512786865],[155.65345764160156,6.818919658660889],[155.9827423095703,6.893527030944824],[156.31158447265625,6.969955921173096],[156.63999938964844,7.04837703704834],[156.96778869628906,7.128519535064697],[157.29525756835938,7.210649013519287],[157.6221923828125,7.294656753540039],[157.9488067626953,7.380499839782715],[158.27471923828125,7.468348979949951],[158.60015869140625,7.558033466339111],[158.92503356933594,7.6495819091796875],[159.24951171875,7.743208885192871],[159.5731964111328,7.838601589202881],[159.8964385986328,7.936021327972412],[160.21932983398438,8.03442668914795],[160.5419464111328,8.133901596069336],[160.86412048339844,8.234538078308105],[161.1859893798828,8.336640357971191],[161.50741577148438,8.439827919006348],[161.82839965820312,8.544458389282227],[162.14878845214844,8.650634765625],[162.46878051757812,8.758340835571289],[162.7882080078125,8.867573738098145],[163.1069793701172,8.978608131408691],[163.42527770996094,9.091398239135742],[163.74276733398438,9.205891609191895],[164.05972290039062,9.32247543334961],[164.37571716308594,9.440917015075684],[164.69110107421875,9.561391830444336],[165.00563049316406,9.684114456176758],[165.31932067871094,9.809029579162598],[165.63189697265625,9.936049461364746],[165.94375610351562,10.065645217895508],[166.25445556640625,10.197622299194336],[166.56417846679688,10.332053184509277],[166.87258911132812,10.469098091125488],[167.17994689941406,10.608893394470215],[167.48594665527344,10.751283645629883],[167.7906951904297,10.896595001220703],[168.09388732910156,11.044806480407715],[168.39588928222656,11.196008682250977],[168.69615173339844,11.350192070007324],[168.99481201171875,11.507669448852539],[169.29171752929688,11.66817855834961],[169.58694458007812,11.8319730758667],[169.88003540039062,11.999246597290039],[170.1714630126953,12.169838905334473],[170.4606475830078,12.343964576721191],[170.7476806640625,12.521746635437012],[171.0323486328125,12.703052520751953],[171.31471252441406,12.888176918029785],[171.5946502685547,13.07670783996582],[171.8740692138672,13.266227722167969],[172.15289306640625,13.456437110900879],[172.43133544921875,13.647544860839844],[172.70924377441406,13.839179992675781],[172.98672485351562,14.031411170959473],[173.26380920410156,14.224350929260254],[173.54022216796875,14.418023109436035],[173.8162841796875,14.612332344055176],[174.0919189453125,14.807198524475098],[174.36720275878906,15.002696990966797],[174.64181518554688,15.19894027709961],[174.91615295410156,15.39585018157959],[175.18997192382812,15.593219757080078],[175.46343994140625,15.791162490844727],[175.73629760742188,15.989835739135742],[176.00885009765625,16.18914794921875],[176.28094482421875,16.388944625854492],[176.5526885986328,16.589292526245117],[176.8238525390625,16.7902774810791],[177.09469604492188,16.99192237854004],[177.36502075195312,17.193952560424805],[177.6351776123047,17.39663314819336],[177.90467834472656,17.599830627441406],[178.17384338378906,17.803674697875977],[178.4424591064453,18.00786018371582],[178.71092224121094,18.21268653869629],[178.97882080078125,18.417991638183594],[179.24639892578125,18.623973846435547],[179.5135498046875,18.830350875854492],[179.78033447265625,19.03716278076172],[180.0466766357422,19.244487762451172],[180.3126983642578,19.452482223510742],[180.57835388183594,19.66089630126953],[180.84356689453125,19.869661331176758],[181.10848999023438,20.078983306884766],[181.3728485107422,20.288776397705078],[181.6370391845703,20.499113082885742],[181.90077209472656,20.70975685119629],[182.1642303466797,20.920917510986328],[182.4271240234375,21.13252830505371],[182.68984985351562,21.344654083251953],[182.9521026611328,21.557048797607422],[183.21417236328125,21.769954681396484],[183.4757080078125,21.983335494995117],[183.73707580566406,22.197193145751953],[183.99795532226562,22.411285400390625],[184.25865173339844,22.625858306884766],[184.518798828125,22.84087371826172],[184.77877807617188,23.056339263916016],[185.03839111328125,23.27208709716797],[185.2978057861328,23.48826026916504],[185.5566864013672,23.704833984375],[185.8153076171875,23.92177391052246],[186.07363891601562,24.139041900634766],[186.33177185058594,24.356698989868164],[186.58941650390625,24.57474136352539],[186.84686279296875,24.793188095092773],[187.10401916503906,25.011924743652344],[187.36085510253906,25.230937957763672],[187.61732482910156,25.450368881225586],[187.87367248535156,25.670269012451172],[188.12953186035156,25.89027214050293],[188.38526916503906,26.110708236694336],[188.64051818847656,26.331735610961914],[188.8956756591797,26.552682876586914],[189.15065002441406,26.774093627929688],[189.40509033203125,26.99585723876953],[189.65963745117188,27.217700958251953],[189.91351318359375,27.440078735351562],[190.1673583984375,27.6627140045166],[190.42100524902344,27.885377883911133],[190.6741943359375,28.108766555786133],[190.9272918701172,28.332075119018555],[191.18019104003906,28.555870056152344],[191.43264770507812,28.77989959716797],[191.68519592285156,29.004009246826172],[191.93707275390625,29.22858238220215],[192.1890106201172,29.45338249206543],[192.44078063964844,29.678295135498047],[192.69210815429688,29.903757095336914],[192.943359375,30.129138946533203],[193.1943359375,30.35491371154785],[193.4450225830078,30.580915451049805],[193.69580078125,30.806997299194336],[193.9459991455078,31.0335693359375],[194.19598388671875,31.26043701171875],[194.44561767578125,31.48761558532715],[194.6948699951172,31.715354919433594],[194.94384765625,31.943296432495117],[195.19252014160156,32.171688079833984],[195.44070434570312,32.400394439697266],[195.6887969970703,32.62946701049805],[195.9364776611328,32.858943939208984],[196.18377685546875,33.08873748779297],[196.43087768554688,33.31880569458008],[196.677490234375,33.54925537109375],[196.92393493652344,33.78010940551758],[197.17002868652344,34.011077880859375],[197.41580200195312,34.24260711669922],[197.6612548828125,34.474308013916016],[197.9065399169922,34.70633316040039],[198.15127563476562,34.93869400024414],[198.39593505859375,35.17138671875],[198.64024353027344,35.404273986816406],[198.88427734375,35.63766860961914],[199.12799072265625,35.87113952636719],[199.3715057373047,36.10502243041992],[199.61463928222656,36.339168548583984],[199.8576202392578,36.57365798950195],[200.1000213623047,36.808536529541016],[200.34249877929688,37.043495178222656],[200.5847625732422,37.278465270996094],[200.82644653320312,37.51424789428711],[201.06805419921875,37.749942779541016],[201.30970764160156,37.98577117919922],[201.550537109375,38.222251892089844],[201.7914581298828,38.45881652832031],[202.03228759765625,38.69529724121094],[202.2725067138672,38.93259048461914],[202.51260375976562,39.16981887817383],[202.75279235839844,39.407135009765625],[202.99220275878906,39.64491271972656],[203.231689453125,39.882938385009766],[203.47116088867188,40.12096405029297],[203.71006774902344,40.35945129394531],[203.94888305664062,40.59814453125],[204.18760681152344,40.836753845214844],[204.42599487304688,41.075897216796875],[204.66409301757812,41.31514358520508],[204.9022674560547,41.55447006225586],[205.13998413085938,41.79405212402344],[205.37754821777344,42.03398513793945],[205.61502075195312,42.27383041381836],[205.85235595703125,42.51408004760742],[206.08926391601562,42.75448989868164],[206.3262481689453,42.99498748779297],[206.56292724609375,43.23558807373047],[206.7993927001953,43.47661209106445],[207.0357666015625,43.717552185058594],[207.27207946777344,43.95873260498047],[207.50794982910156,44.20016098022461],[207.74391174316406,44.44167709350586],[207.97967529296875,44.68320083618164],[208.2151641845703,44.9251823425293],[208.4505615234375,45.16707229614258],[208.6859893798828,45.409095764160156],[208.9209442138672,45.65140914916992],[209.15599060058594,45.89380645751953],[209.3909149169922,46.13608932495117],[209.6255645751953,46.37887954711914],[209.86012268066406,46.621585845947266],[210.09475708007812,46.864376068115234],[210.32908630371094,47.107505798339844],[210.5632781982422,47.35055923461914],[210.7975616455078,47.59370040893555],[211.03150939941406,47.83705139160156],[211.2654571533203,48.08051681518555],[211.4993133544922,48.32389450073242],[211.73291015625,48.567626953125],[211.96633911132812,48.81141662597656],[212.19984436035156,49.0552978515625],[212.4332733154297,49.29908752441406],[212.6667938232422,49.542964935302734],[212.9002227783203,49.7867546081543],[213.13351440429688,50.03090286254883],[213.3665008544922,50.27512741088867],[213.59954833984375,50.519439697265625],[213.83253479003906,50.76366424560547],[214.06558227539062,51.00797653198242],[214.29856872558594,51.252201080322266],[214.53147888183594,51.49665451049805],[214.7640380859375,51.741268157958984],[214.99668884277344,51.98596954345703],[215.22926330566406,52.23058319091797],[215.4619140625,52.47528076171875],[215.69447326660156,52.71989440917969],[215.9271240234375,52.964595794677734],[216.15969848632812,53.20920944213867],[216.39234924316406,53.45391082763672],[216.62490844726562,53.69852066040039],[216.85755920410156,53.94322204589844],[217.0901336669922,54.187835693359375]], bounds=3000, full_zoom=0.25, max_episode_steps=1500 ) Austria = RaceTrack( name='Austria', xy =[[509.79998779296875,290.7200012207031],[509.42608642578125,290.8146057128906],[509.05218505859375,290.90924072265625],[508.67828369140625,291.00384521484375],[508.30438232421875,291.09844970703125],[507.93048095703125,291.1930847167969],[507.55657958984375,291.2876892089844],[507.1827087402344,291.38232421875],[506.8088073730469,291.4769287109375],[506.43487548828125,291.571533203125],[506.0610046386719,291.6661682128906],[505.6871032714844,291.7607727050781],[505.313232421875,291.8553771972656],[504.9393310546875,291.95001220703125],[504.5653991699219,292.04461669921875],[504.1915283203125,292.13922119140625],[503.817626953125,292.2338562011719],[503.4437255859375,292.3284606933594],[503.06982421875,292.423095703125],[502.6959228515625,292.5177001953125],[502.322021484375,292.6123046875],[501.9481201171875,292.7069396972656],[501.57421875,292.8015441894531],[501.2003173828125,292.89617919921875],[500.826416015625,292.99078369140625],[500.4525451660156,293.08538818359375],[500.07861328125,293.1800231933594],[499.7047119140625,293.2746276855469],[499.3308410644531,293.3692321777344],[498.9569396972656,293.4638671875],[498.5830383300781,293.5584716796875],[498.2091369628906,293.653076171875],[497.8352355957031,293.7477111816406],[497.46136474609375,293.8423156738281],[497.08746337890625,293.93695068359375],[496.71356201171875,294.03155517578125],[496.33966064453125,294.12615966796875],[495.96575927734375,294.2207946777344],[495.59185791015625,294.3153991699219],[495.21795654296875,294.4100341796875],[494.84405517578125,294.504638671875],[494.47015380859375,294.5992431640625],[494.09625244140625,294.6938781738281],[493.72235107421875,294.7884826660156],[493.34844970703125,294.8830871582031],[492.97454833984375,294.97772216796875],[492.6006774902344,295.07232666015625],[492.2267761230469,295.16693115234375],[491.85284423828125,295.2615661621094],[491.4789733886719,295.3561706542969],[491.1050720214844,295.4508056640625],[490.731201171875,295.54541015625],[490.3572998046875,295.6400146484375],[489.9833679199219,295.7346496582031],[489.6094970703125,295.8292541503906],[489.235595703125,295.92388916015625],[488.8616943359375,296.01849365234375],[488.48779296875,296.11309814453125],[488.1138916015625,296.20770263671875],[487.739990234375,296.3023376464844],[487.3660888671875,296.3969421386719],[486.9921875,296.4915771484375],[486.6182861328125,296.586181640625],[486.244384765625,296.6807861328125],[485.8704833984375,296.7754211425781],[485.49658203125,296.8700256347656],[485.1226806640625,296.96466064453125],[484.7488098144531,297.05926513671875],[484.3749084472656,297.15386962890625],[484.0010070800781,297.2485046386719],[483.6271057128906,297.3431091308594],[483.2532043457031,297.437744140625],[482.87933349609375,297.5323486328125],[482.50543212890625,297.626953125],[482.13153076171875,297.7215576171875],[481.75762939453125,297.8161926269531],[481.38372802734375,297.9107971191406],[481.00982666015625,298.00543212890625],[480.63592529296875,298.10003662109375],[480.26202392578125,298.19464111328125],[479.88812255859375,298.2892761230469],[479.51422119140625,298.3838806152344],[479.14031982421875,298.478515625],[478.76641845703125,298.5731201171875],[478.39251708984375,298.667724609375],[478.0186462402344,298.7623596191406],[477.64471435546875,298.8569641113281],[477.2708435058594,298.95159912109375],[476.8969421386719,299.04620361328125],[476.5230407714844,299.14080810546875],[476.1491394042969,299.23541259765625],[475.7752685546875,299.3300476074219],[475.4013366699219,299.4246520996094],[475.0274353027344,299.519287109375],[474.653564453125,299.6138916015625],[474.2796630859375,299.70849609375],[473.90576171875,299.8031311035156],[473.5318603515625,299.8977355957031],[473.157958984375,299.99237060546875],[472.7840576171875,300.08697509765625],[472.41015625,300.18157958984375],[472.0362548828125,300.2762145996094],[471.662353515625,300.3708190917969],[471.2884521484375,300.4654235839844],[470.91455078125,300.56005859375],[470.5406799316406,300.6546630859375],[470.1667785644531,300.7492980957031],[469.7928771972656,300.8439025878906],[469.4189758300781,300.9385070800781],[469.0450744628906,301.03314208984375],[468.6711730957031,301.12774658203125],[468.2972717285156,301.22235107421875],[467.92340087890625,301.3169860839844],[467.54949951171875,301.4115905761719],[467.17559814453125,301.5062255859375],[466.80169677734375,301.600830078125],[466.42779541015625,301.6954345703125],[466.05389404296875,301.7900695800781],[465.67999267578125,301.8846740722656],[465.30609130859375,301.9792785644531],[464.93218994140625,302.07391357421875],[464.55828857421875,302.16851806640625],[464.18438720703125,302.2631530761719],[463.81048583984375,302.3577575683594],[463.43658447265625,302.4523620605469],[463.0627136230469,302.5469970703125],[462.6888122558594,302.6416015625],[462.3149108886719,302.7362060546875],[461.9410095214844,302.8308410644531],[461.5671081542969,302.9254455566406],[461.1932067871094,303.02008056640625],[460.8193054199219,303.11468505859375],[460.4454040527344,303.20928955078125],[460.071533203125,303.3039245605469],[459.6976318359375,303.3985290527344],[459.32373046875,303.4931335449219],[458.9498291015625,303.5877685546875],[458.575927734375,303.682373046875],[458.2020263671875,303.7770080566406],[457.828125,303.8716125488281],[457.4542236328125,303.9662170410156],[457.080322265625,304.06085205078125],[456.7064208984375,304.15545654296875],[456.33251953125,304.25006103515625],[455.9586486816406,304.3446960449219],[455.5847473144531,304.4393005371094],[455.2108459472656,304.533935546875],[454.8369445800781,304.6285400390625],[454.4630432128906,304.72314453125],[454.0891418457031,304.8177795410156],[453.7152404785156,304.9123840332031],[453.34136962890625,305.0069885253906],[452.96746826171875,305.10162353515625],[452.59356689453125,305.19622802734375],[452.21966552734375,305.2908630371094],[451.84576416015625,305.3854675292969],[451.47186279296875,305.4800720214844],[451.09796142578125,305.57470703125],[450.72406005859375,305.6693115234375],[450.35015869140625,305.763916015625],[449.97625732421875,305.8585510253906],[449.60235595703125,305.9531555175781],[449.2284851074219,306.04779052734375],[448.85455322265625,306.14239501953125],[448.48065185546875,306.23699951171875],[448.1067810058594,306.3316345214844],[447.7328796386719,306.4262390136719],[447.3589782714844,306.5208435058594],[446.9850769042969,306.615478515625],[446.6111755371094,306.7100830078125],[446.2373046875,306.8046875],[445.8633728027344,306.8993225097656],[445.489501953125,306.9939270019531],[445.1156005859375,307.08856201171875],[444.74169921875,307.18316650390625],[444.3677978515625,307.27777099609375],[443.993896484375,307.3724060058594],[443.6199951171875,307.4670104980469],[443.24609375,307.5616455078125],[442.8721923828125,307.65625],[442.498291015625,307.7508544921875],[442.1243896484375,307.8454895019531],[441.75048828125,307.9400939941406],[441.3766174316406,308.0346984863281],[441.002685546875,308.12933349609375],[440.6288146972656,308.22393798828125],[440.2549133300781,308.31854248046875],[439.8810119628906,308.4131774902344],[439.5071105957031,308.5077819824219],[439.1332092285156,308.6024169921875],[438.7593078613281,308.697021484375],[438.38543701171875,308.7916259765625],[438.01153564453125,308.8862609863281],[437.63763427734375,308.9808654785156],[437.26373291015625,309.07550048828125],[436.88983154296875,309.17010498046875],[436.51593017578125,309.26470947265625],[436.14202880859375,309.3593444824219],[435.76812744140625,309.4539489746094],[435.39422607421875,309.5485534667969],[435.02032470703125,309.6431884765625],[434.64642333984375,309.73779296875],[434.27252197265625,309.8323974609375],[433.8986511230469,309.9270324707031],[433.5247497558594,310.0216369628906],[433.1508483886719,310.11627197265625],[432.7769470214844,310.21087646484375],[432.4030456542969,310.30548095703125],[432.0291442871094,310.4001159667969],[431.6552429199219,310.4947204589844],[431.2813415527344,310.58935546875],[430.907470703125,310.6839599609375],[430.5335693359375,310.778564453125],[430.15966796875,310.8731994628906],[429.7857666015625,310.9678039550781],[429.411865234375,311.0624084472656],[429.0379638671875,311.15704345703125],[428.6640625,311.25164794921875],[428.2901611328125,311.3462829589844],[427.916259765625,311.4408874511719],[427.5423583984375,311.5354919433594],[427.16845703125,311.630126953125],[426.7945861816406,311.7247314453125],[426.420654296875,311.8193359375],[426.0467834472656,311.9139709472656],[425.6728820800781,312.0085754394531],[425.2989807128906,312.10321044921875],[424.9250793457031,312.19781494140625],[424.5511779785156,312.29241943359375],[424.1772766113281,312.3870544433594],[423.80340576171875,312.4816589355469],[423.42950439453125,312.5762634277344],[423.05560302734375,312.6708984375],[422.68170166015625,312.7655029296875],[422.30780029296875,312.8601379394531],[421.93389892578125,312.9547424316406],[421.55999755859375,313.0493469238281],[421.18609619140625,313.14398193359375],[420.81219482421875,313.23858642578125],[420.43829345703125,313.33319091796875],[420.06439208984375,313.4278259277344],[419.69049072265625,313.5224304199219],[419.31658935546875,313.6170654296875],[418.9427185058594,313.711669921875],[418.5688171386719,313.8062744140625],[418.1949157714844,313.9009094238281],[417.8210144042969,313.9955139160156],[417.4471130371094,314.0901184082031],[417.0732116699219,314.18475341796875],[416.6993103027344,314.27935791015625],[416.325439453125,314.37396240234375],[415.9515380859375,314.4685974121094],[415.57763671875,314.5632019042969],[415.2037353515625,314.6578369140625],[414.829833984375,314.75244140625],[414.4559326171875,314.8470458984375],[414.08203125,314.9416809082031],[413.7081298828125,315.0362854003906],[413.334228515625,315.13092041015625],[412.9603271484375,315.22552490234375],[412.58642578125,315.32012939453125],[412.2125549316406,315.4147644042969],[411.8386535644531,315.5093688964844],[411.4647521972656,315.6039733886719],[411.0908508300781,315.6986083984375],[410.7169494628906,315.793212890625],[410.3430480957031,315.8878173828125],[409.9691467285156,315.9824523925781],[409.5952453613281,316.0770568847656],[409.22137451171875,316.17169189453125],[408.8474426269531,316.26629638671875],[408.47357177734375,316.36090087890625],[408.09967041015625,316.4555358886719],[407.72576904296875,316.5501403808594],[407.35186767578125,316.644775390625],[406.97796630859375,316.7393798828125],[406.60406494140625,316.833984375],[406.23016357421875,316.9286193847656],[405.85626220703125,317.0232238769531],[405.48236083984375,317.1178283691406],[405.1084899902344,317.21246337890625],[404.73455810546875,317.30706787109375],[404.3606872558594,317.40167236328125],[403.9867858886719,317.4963073730469],[403.6128845214844,317.5909118652344],[403.2389831542969,317.685546875],[402.8650817871094,317.7801513671875],[402.4911804199219,317.874755859375],[402.1172790527344,317.9693908691406],[401.7433776855469,318.0639953613281],[401.3695068359375,318.15863037109375],[400.99560546875,318.25323486328125],[400.6217041015625,318.34783935546875],[400.247802734375,318.4424743652344],[399.8739013671875,318.5370788574219],[399.5,318.6316833496094],[399.1260986328125,318.726318359375],[398.752197265625,318.8209228515625],[398.3782958984375,318.91552734375],[398.00439453125,319.0101623535156],[397.6305236816406,319.1047668457031],[397.2566223144531,319.19940185546875],[396.8827209472656,319.29400634765625],[396.5088195800781,319.38861083984375],[396.1349182128906,319.4832458496094],[395.7610168457031,319.5778503417969],[395.3871154785156,319.6724853515625],[395.0132141113281,319.76708984375],[394.63934326171875,319.8616943359375],[394.2654113769531,319.9563293457031],[393.89154052734375,320.0509338378906],[393.51763916015625,320.1455383300781],[393.14373779296875,320.24017333984375],[392.76983642578125,320.33477783203125],[392.39593505859375,320.42938232421875],[392.02203369140625,320.5240173339844],[391.64813232421875,320.6186218261719],[391.27423095703125,320.7132568359375],[390.90032958984375,320.807861328125],[390.5264587402344,320.9024658203125],[390.15252685546875,320.9971008300781],[389.7786560058594,321.0917053222656],[389.4047546386719,321.1863098144531],[389.0308532714844,321.28094482421875],[388.6569519042969,321.37554931640625],[388.2830505371094,321.4701843261719],[387.9091491699219,321.5647888183594],[387.5352478027344,321.6593933105469],[387.1613464355469,321.7540283203125],[386.7874755859375,321.8486328125],[386.41357421875,321.9432373046875],[386.0396728515625,322.0378723144531],[385.665771484375,322.1324768066406],[385.2918701171875,322.22711181640625],[384.91796875,322.32171630859375],[384.5440673828125,322.41632080078125],[384.170166015625,322.5109558105469],[383.7962646484375,322.6055603027344],[383.42236328125,322.7001647949219],[383.0484924316406,322.7947998046875],[382.6745910644531,322.889404296875],[382.3006896972656,322.9840393066406],[381.9267883300781,323.0786437988281],[381.5528869628906,323.1732482910156],[381.1789855957031,323.26788330078125],[380.8050842285156,323.36248779296875],[380.4311828613281,323.4571228027344],[380.0572814941406,323.5517272949219],[379.6833801269531,323.6463317871094],[379.30950927734375,323.740966796875],[378.93560791015625,323.8355712890625],[378.56170654296875,323.93017578125],[378.18780517578125,324.0248107910156],[377.81390380859375,324.1194152832031],[377.44000244140625,324.2140197753906],[377.06610107421875,324.30865478515625],[376.69219970703125,324.40325927734375],[376.31829833984375,324.4978942871094],[375.94439697265625,324.5924987792969],[375.57049560546875,324.6871032714844],[375.1966247558594,324.78173828125],[374.8227233886719,324.8763427734375],[374.4488220214844,324.970947265625],[374.0749206542969,325.0655822753906],[373.7010192871094,325.1601867675781],[373.3271179199219,325.25482177734375],[372.9532165527344,325.34942626953125],[372.579345703125,325.44403076171875],[372.2054138183594,325.5386657714844],[371.8315124511719,325.6332702636719],[371.4576416015625,325.7278747558594],[371.083740234375,325.822509765625],[370.7098388671875,325.9171142578125],[370.3359375,326.0117492675781],[369.9620361328125,326.1063537597656],[369.588134765625,326.2009582519531],[369.2142333984375,326.29559326171875],[368.84033203125,326.39019775390625],[368.4664611816406,326.48480224609375],[368.092529296875,326.5794372558594],[367.7186584472656,326.6740417480469],[367.3447570800781,326.7686767578125],[366.9708557128906,326.86328125],[366.5969543457031,326.9578857421875],[366.2230529785156,327.0525207519531],[365.8491516113281,327.1471252441406],[365.4752502441406,327.2417297363281],[365.1013488769531,327.33636474609375],[364.72747802734375,327.43096923828125],[364.35357666015625,327.5256042480469],[363.97967529296875,327.6202087402344],[363.60577392578125,327.7148132324219],[363.23187255859375,327.8094482421875],[362.85797119140625,327.904052734375],[362.48406982421875,327.9986572265625],[362.11016845703125,328.0932922363281],[361.73626708984375,328.1878967285156],[361.36236572265625,328.28253173828125],[360.9884948730469,328.37713623046875],[360.6145935058594,328.47174072265625],[360.2406921386719,328.5663757324219],[359.8667907714844,328.6609802246094],[359.4928894042969,328.7555847167969],[359.1189880371094,328.8502197265625],[358.7450866699219,328.94482421875],[358.3711853027344,329.0394592285156],[357.997314453125,329.1340637207031],[357.6233825683594,329.2286682128906],[357.2494812011719,329.32330322265625],[356.8756103515625,329.41790771484375],[356.501708984375,329.51251220703125],[356.1278076171875,329.6071472167969],[355.75390625,329.7017517089844],[355.3800048828125,329.79638671875],[355.006103515625,329.8909912109375],[354.6322021484375,329.985595703125],[354.25830078125,330.0802307128906],[353.8844299316406,330.1748352050781],[353.510498046875,330.2694396972656],[353.1366271972656,330.36407470703125],[352.7627258300781,330.45867919921875],[352.3888244628906,330.5533142089844],[352.0149230957031,330.6479187011719],[351.6410217285156,330.7425231933594],[351.2671203613281,330.837158203125],[350.8932189941406,330.9317626953125],[350.5193176269531,331.0263671875],[350.14544677734375,331.1210021972656],[349.77154541015625,331.2156066894531],[349.39764404296875,331.31024169921875],[349.0234375,331.40362548828125],[348.64910888671875,331.4964904785156],[348.2747802734375,331.58935546875],[347.90045166015625,331.68218994140625],[347.5260925292969,331.7750549316406],[347.1517333984375,331.867919921875],[346.77740478515625,331.9607849121094],[346.403076171875,332.05364990234375],[346.02874755859375,332.146484375],[345.6544189453125,332.2393493652344],[345.2800598144531,332.33221435546875],[344.90570068359375,332.4250793457031],[344.5313720703125,332.5179138183594],[344.15704345703125,332.61077880859375],[343.78271484375,332.7036437988281],[343.40838623046875,332.7965087890625],[343.0340270996094,332.88934326171875],[342.6596984863281,332.9822082519531],[342.28533935546875,333.0750732421875],[341.9110107421875,333.1679382324219],[341.53668212890625,333.26080322265625],[341.1623229980469,333.3536376953125],[340.7879943847656,333.4465026855469],[340.4136657714844,333.53936767578125],[340.039306640625,333.6322326660156],[339.66497802734375,333.7250671386719],[339.2906494140625,333.81793212890625],[338.9162902832031,333.9107971191406],[338.5419616699219,334.003662109375],[338.1676330566406,334.09649658203125],[337.79327392578125,334.1893615722656],[337.4189453125,334.2822265625],[337.04461669921875,334.3750915527344],[336.6702575683594,334.46795654296875],[336.2959289550781,334.560791015625],[335.9216003417969,334.6536560058594],[335.5472412109375,334.74652099609375],[335.17291259765625,334.8393859863281],[334.798583984375,334.9322509765625],[334.4242248535156,335.02508544921875],[334.0498962402344,335.1179504394531],[333.6755676269531,335.2108154296875],[333.3012390136719,335.3036804199219],[332.9268798828125,335.3965148925781],[332.55255126953125,335.4893798828125],[332.17822265625,335.5822448730469],[331.8038635253906,335.67510986328125],[331.4295349121094,335.7679443359375],[331.0552062988281,335.8608093261719],[330.68084716796875,335.95367431640625],[330.3065185546875,336.0465393066406],[329.93218994140625,336.139404296875],[329.5578308105469,336.23223876953125],[329.1835021972656,336.3251037597656],[328.80914306640625,336.41796875],[328.434814453125,336.5108337402344],[328.06048583984375,336.6036682128906],[327.6861572265625,336.696533203125],[327.3117980957031,336.7893981933594],[326.9374694824219,336.88226318359375],[326.5631103515625,336.9751281738281],[326.18878173828125,337.0679626464844],[325.814453125,337.16082763671875],[325.44012451171875,337.2536926269531],[325.0657653808594,337.3465576171875],[324.6914367675781,337.43939208984375],[324.31707763671875,337.5322570800781],[323.9427490234375,337.6251220703125],[323.56842041015625,337.7179870605469],[323.194091796875,337.81085205078125],[322.81976318359375,337.9036865234375],[322.4454040527344,337.9965515136719],[322.071044921875,338.08941650390625],[321.69671630859375,338.1822814941406],[321.3223876953125,338.2751159667969],[320.94805908203125,338.36798095703125],[320.57373046875,338.4608459472656],[320.1993713378906,338.5537109375],[319.82501220703125,338.64654541015625],[319.45068359375,338.7394104003906],[319.07635498046875,338.832275390625],[318.7020263671875,338.9251403808594],[318.3276672363281,339.01800537109375],[317.9533386230469,339.11083984375],[317.5789794921875,339.2037048339844],[317.20465087890625,339.29656982421875],[316.830322265625,339.3894348144531],[316.45599365234375,339.4822692871094],[316.0816345214844,339.57513427734375],[315.7073059082031,339.6679992675781],[315.33294677734375,339.7608642578125],[314.9586181640625,339.85369873046875],[314.58428955078125,339.9465637207031],[314.2099609375,340.0394287109375],[313.8356018066406,340.1322937011719],[313.4612731933594,340.22515869140625],[313.0869445800781,340.3179931640625],[312.71258544921875,340.4108581542969],[312.3382568359375,340.50372314453125],[311.96392822265625,340.5965881347656],[311.5895690917969,340.689453125],[311.2152404785156,340.78228759765625],[310.8409118652344,340.8751525878906],[310.466552734375,340.968017578125],[310.09222412109375,341.0608825683594],[309.7178955078125,341.1537170410156],[309.3435363769531,341.24658203125],[308.9692077636719,341.3394470214844],[308.5948791503906,341.43231201171875],[308.22052001953125,341.525146484375],[307.84619140625,341.6180114746094],[307.47186279296875,341.71087646484375],[307.0975036621094,341.8037414550781],[306.7231750488281,341.8966064453125],[306.3488464355469,341.98944091796875],[305.9744873046875,342.0823059082031],[305.60015869140625,342.1751708984375],[305.225830078125,342.2680358886719],[304.8514709472656,342.3608703613281],[304.4771423339844,342.4537353515625],[304.1028137207031,342.5466003417969],[303.72845458984375,342.63946533203125],[303.3541259765625,342.7323303222656],[302.97979736328125,342.8251647949219],[302.60546875,342.91802978515625],[302.2311096191406,343.0108947753906],[301.85675048828125,343.103759765625],[301.482421875,343.19659423828125],[301.10809326171875,343.2894592285156],[300.7337646484375,343.38232421875],[300.35943603515625,343.4751892089844],[299.9850769042969,343.56805419921875],[299.6107177734375,343.660888671875],[299.23638916015625,343.7537536621094],[298.862060546875,343.84661865234375],[298.48773193359375,343.9394836425781],[298.1134033203125,344.0323181152344],[297.7390441894531,344.12518310546875],[297.3647155761719,344.2180480957031],[296.9903564453125,344.3109130859375],[296.61602783203125,344.40374755859375],[296.24169921875,344.4966125488281],[295.86737060546875,344.5894775390625],[295.4930114746094,344.6823425292969],[295.1186828613281,344.77520751953125],[294.74432373046875,344.8680419921875],[294.3699951171875,344.9609069824219],[293.99566650390625,345.05377197265625],[293.6213073730469,345.1466369628906],[293.2469787597656,345.239501953125],[292.8726501464844,345.33233642578125],[292.498291015625,345.4252014160156],[292.12396240234375,345.51806640625],[291.7496337890625,345.6109313964844],[291.3752746582031,345.7037658691406],[291.0009460449219,345.796630859375],[290.6266174316406,345.8894958496094],[290.25225830078125,345.98236083984375],[289.8779296875,346.0751953125],[289.50360107421875,346.1680603027344],[289.1292419433594,346.26092529296875],[288.7549133300781,346.3537902832031],[288.3805847167969,346.4466552734375],[288.0062561035156,346.53948974609375],[287.63189697265625,346.6323547363281],[287.257568359375,346.7252197265625],[286.8832092285156,346.8180847167969],[286.5088806152344,346.9109191894531],[286.1345520019531,347.0037841796875],[285.7602233886719,347.0966491699219],[285.3858642578125,347.18951416015625],[285.01153564453125,347.2823791503906],[284.63720703125,347.3752136230469],[284.2628479003906,347.46807861328125],[283.8885192871094,347.5609436035156],[283.5141906738281,347.65380859375],[283.13983154296875,347.74664306640625],[282.7655029296875,347.8395080566406],[282.39117431640625,347.932373046875],[282.0168151855469,348.0252380371094],[281.6424865722656,348.1180725097656],[281.2681579589844,348.2109375],[280.893798828125,348.3038024902344],[280.51947021484375,348.39666748046875],[280.1451416015625,348.4895324707031],[279.7707824707031,348.5823669433594],[279.3964538574219,348.67523193359375],[279.0220947265625,348.7680969238281],[278.64776611328125,348.8609619140625],[278.2734375,348.95379638671875],[277.89910888671875,349.0466613769531],[277.5247497558594,349.1395263671875],[277.1504211425781,349.2323913574219],[276.77606201171875,349.32525634765625],[276.4017333984375,349.4180908203125],[276.02740478515625,349.5109558105469],[275.653076171875,349.60382080078125],[275.27874755859375,349.6966857910156],[274.9043884277344,349.78955078125],[274.530029296875,349.88238525390625],[274.15570068359375,349.9752502441406],[273.7813720703125,350.068115234375],[273.40704345703125,350.1609802246094],[273.03271484375,350.2538146972656],[272.6583557128906,350.3466796875],[272.2840270996094,350.4395446777344],[271.90966796875,350.53240966796875],[271.53533935546875,350.625244140625],[271.1610107421875,350.7181091308594],[270.7866516113281,350.81097412109375],[270.4123229980469,350.9038391113281],[270.0379943847656,350.9967041015625],[269.66363525390625,351.08953857421875],[269.289306640625,351.1824035644531],[268.91497802734375,351.2752685546875],[268.5406188964844,351.3681335449219],[268.1662902832031,351.4609680175781],[267.7919616699219,351.5538330078125],[267.4176025390625,351.6466979980469],[267.04327392578125,351.73956298828125],[266.6689147949219,351.8324279785156],[266.2945861816406,351.9252624511719],[265.9202575683594,352.01812744140625],[265.5459289550781,352.1109924316406],[265.17156982421875,352.203857421875],[264.7972412109375,352.29669189453125],[264.42291259765625,352.3895568847656],[264.0485534667969,352.482421875],[263.6742248535156,352.5752868652344],[263.2998962402344,352.6681213378906],[262.9255676269531,352.760986328125],[262.55120849609375,352.8538513183594],[262.1768798828125,352.94671630859375],[261.8025207519531,353.0395812988281],[261.4281921386719,353.1324157714844],[261.0538635253906,353.22528076171875],[260.6795349121094,353.3181457519531],[260.30517578125,353.4110107421875],[259.93084716796875,353.50384521484375],[259.5565185546875,353.5967102050781],[259.1821594238281,353.6895751953125],[258.80780029296875,353.7824401855469],[258.4334716796875,353.87530517578125],[258.05914306640625,353.9681396484375],[257.684814453125,354.0610046386719],[257.3104553222656,354.15386962890625],[256.9361267089844,354.2467346191406],[256.5617980957031,354.3395690917969],[256.1874694824219,354.43243408203125],[255.81312561035156,354.5252990722656],[255.43878173828125,354.6181640625],[255.06442260742188,354.7110290527344],[254.69009399414062,354.8038635253906],[254.3157501220703,354.896728515625],[253.94142150878906,354.9895935058594],[253.56707763671875,355.08245849609375],[253.1927490234375,355.17529296875],[252.8184051513672,355.2681579589844],[252.44407653808594,355.36102294921875],[252.06973266601562,355.4538879394531],[251.69540405273438,355.5467224121094],[251.32106018066406,355.63958740234375],[250.9467010498047,355.7324523925781],[250.57235717773438,355.8253173828125],[250.19802856445312,355.9181823730469],[249.8236846923828,356.0110168457031],[249.44935607910156,356.1038818359375],[249.07501220703125,356.1967468261719],[248.70068359375,356.28961181640625],[248.3263397216797,356.3824462890625],[247.95201110839844,356.4753112792969],[247.57766723632812,356.56817626953125],[247.20333862304688,356.6610412597656],[246.82896423339844,356.75390625],[246.4546356201172,356.84674072265625],[246.08029174804688,356.9396057128906],[245.70596313476562,357.032470703125],[245.33163452148438,357.1253356933594],[244.95729064941406,357.2181701660156],[244.5829620361328,357.31103515625],[244.2086181640625,357.4039001464844],[243.83428955078125,357.49676513671875],[243.45994567871094,357.589599609375],[243.0856170654297,357.6824645996094],[242.71124267578125,357.77532958984375],[242.336669921875,357.86724853515625],[241.9600830078125,357.95037841796875],[241.58412170410156,358.0364074707031],[241.20870971679688,358.124755859375],[240.8336181640625,358.21466064453125],[240.45883178710938,358.30560302734375],[240.08404541015625,358.39666748046875],[239.70921325683594,358.487548828125],[239.334228515625,358.5776672363281],[238.95892333984375,358.6664733886719],[238.58314514160156,358.75341796875],[238.20692443847656,358.83831787109375],[237.82997131347656,358.9199523925781],[237.45230102539062,358.99810791015625],[237.07379150390625,359.0721740722656],[236.69442749023438,359.14154052734375],[236.3140869140625,359.2054748535156],[235.9327850341797,359.26336669921875],[235.55050659179688,359.31463623046875],[235.16737365722656,359.3587646484375],[234.78335571289062,359.39447021484375],[234.39859008789062,359.4212341308594],[234.0133056640625,359.43829345703125],[233.627685546875,359.4445495605469],[233.2420654296875,359.43927001953125],[232.8568115234375,359.42144775390625],[232.47242736816406,359.3903503417969],[232.08944702148438,359.34490966796875],[231.70858764648438,359.284423828125],[231.33059692382812,359.20794677734375],[230.95635986328125,359.1148376464844],[230.58682250976562,359.0045471191406],[230.22296142578125,358.8767395019531],[229.86581420898438,358.73126220703125],[229.5272674560547,358.55682373046875],[229.34152221679688,358.21881103515625],[229.15576171875,357.8808288574219],[228.9700164794922,357.5428161621094],[228.78427124023438,357.2048034667969],[228.5985870361328,356.86676025390625],[228.41310119628906,356.5285949707031],[228.2276153564453,356.1904602050781],[228.04212951660156,355.852294921875],[227.85662841796875,355.5141296386719],[227.671142578125,355.1759948730469],[227.48565673828125,354.83782958984375],[227.3001708984375,354.49969482421875],[227.11468505859375,354.1615295410156],[226.92919921875,353.8233947753906],[226.7437286376953,353.4852294921875],[226.55824279785156,353.1470947265625],[226.37294006347656,352.808837890625],[226.1879119873047,352.4704284667969],[226.0028839111328,352.1320495605469],[225.81784057617188,351.7936096191406],[225.63282775878906,351.4552001953125],[225.4477996826172,351.1168212890625],[225.2627716064453,350.7784118652344],[225.07774353027344,350.44000244140625],[224.89271545410156,350.1015930175781],[224.7076873779297,349.7632141113281],[224.52267456054688,349.4248046875],[224.337646484375,349.0863952636719],[224.15261840820312,348.74798583984375],[223.96759033203125,348.40960693359375],[223.7825469970703,348.0711669921875],[223.59768676757812,347.7326965332031],[223.41322326660156,347.39398193359375],[223.22877502441406,347.0552673339844],[223.04432678222656,346.716552734375],[222.85987854003906,346.3778381347656],[222.6754150390625,346.03912353515625],[222.490966796875,345.7004089355469],[222.3065185546875,345.3616943359375],[222.1224822998047,345.02276611328125],[221.93865966796875,344.6836853027344],[221.7548370361328,344.3446044921875],[221.57102966308594,344.00555419921875],[221.38722229003906,343.6664733886719],[221.20339965820312,343.3274230957031],[221.01959228515625,342.9883728027344],[220.82521057128906,342.6553649902344],[220.62245178222656,342.3273010253906],[220.4181671142578,342.0001525878906],[220.2127227783203,341.67376708984375],[220.00640869140625,341.347900390625],[219.79896545410156,341.02276611328125],[219.5907745361328,340.69805908203125],[219.3820037841797,340.3737487792969],[219.1723175048828,340.0500793457031],[218.9622039794922,339.7266540527344],[218.75132751464844,339.40374755859375],[218.53988647460938,339.0811767578125],[218.32814025878906,338.7588195800781],[218.11537170410156,338.4371337890625],[217.90261840820312,338.1154479980469],[217.6890106201172,337.7943420410156],[217.47491455078125,337.4735107421875],[217.26083374023438,337.1527099609375],[217.04568481445312,336.83258056640625],[216.8302764892578,336.5126647949219],[216.6148681640625,336.1927490234375],[216.39852905273438,335.8734436035156],[216.1818084716797,335.5544128417969],[215.965087890625,335.2353820800781],[215.7478790283203,334.91668701171875],[215.5298309326172,334.59857177734375],[215.31179809570312,334.2804260253906],[215.09375,333.9623107910156],[214.87493896484375,333.6446838378906],[214.65589904785156,333.32720947265625],[214.43629455566406,333.0101623535156],[214.21661376953125,332.69317626953125],[213.99630737304688,332.3765869140625],[213.77597045898438,332.0600280761719],[213.55503845214844,331.7439270019531],[213.3340606689453,331.4278259277344],[213.11248779296875,331.11212158203125],[212.89083862304688,330.7965087890625],[212.668701171875,330.481201171875],[212.4464111328125,330.166015625],[212.22373962402344,329.8511047363281],[212.00079345703125,329.536376953125],[211.77764892578125,329.2218017578125],[211.55406188964844,328.9075622558594],[211.33047485351562,328.5932922363281],[211.10623168945312,328.2795104980469],[210.88197326660156,327.9657287597656],[210.65733337402344,327.6522216796875],[210.4324493408203,327.3388977050781],[210.2074432373047,327.025634765625],[209.98190307617188,326.7127685546875],[209.75634765625,326.39990234375],[209.53036499023438,326.08734130859375],[209.30418395996094,325.77496337890625],[209.0779266357422,325.4626159667969],[208.85108947753906,325.15069580078125],[208.624267578125,324.8387756347656],[208.3970947265625,324.5270690917969],[208.1696014404297,324.2156066894531],[207.94212341308594,323.9041748046875],[207.714111328125,323.5931091308594],[207.48599243164062,323.2821044921875],[207.2578125,322.97113037109375],[207.02903747558594,322.66064453125],[206.80027770996094,322.3501281738281],[206.5713348388672,322.03973388671875],[206.34193420410156,321.7297058105469],[206.11251831054688,321.419677734375],[205.8828582763672,321.1098327636719],[205.65280151367188,320.80029296875],[205.42276000976562,320.49072265625],[205.19239807128906,320.1813659667969],[204.9617156982422,319.8722839355469],[204.7310028076172,319.5632019042969],[204.50003051757812,319.2543640136719],[204.26869201660156,318.94573974609375],[204.037353515625,318.63714599609375],[203.8057403564453,318.3287353515625],[203.57376098632812,318.0205993652344],[203.34178161621094,317.7124938964844],[203.10963439941406,317.404541015625],[202.8770294189453,317.0968933105469],[202.64442443847656,316.78924560546875],[202.41172790527344,316.4816589355469],[202.178466796875,316.1744689941406],[201.94520568847656,315.8673095703125],[201.7119598388672,315.5601501464844],[201.47816467285156,315.25341796875],[201.24427795410156,314.9467468261719],[201.01040649414062,314.64007568359375],[200.77615356445312,314.33367919921875],[200.5416259765625,314.0274963378906],[200.30711364746094,313.7212829589844],[200.07247924804688,313.41522216796875],[199.83731079101562,313.1095275878906],[199.60214233398438,312.8038024902344],[199.3669891357422,312.49810791015625],[199.13133239746094,312.19281005859375],[198.89553833007812,311.8875732421875],[198.65975952148438,311.5823669433594],[198.4237823486328,311.2773132324219],[198.18736267089844,310.97259521484375],[197.95094299316406,310.6678466796875],[197.7145233154297,310.3631286621094],[197.4776153564453,310.0588073730469],[197.24057006835938,309.7545471191406],[197.0034942626953,309.4503173828125],[196.766357421875,309.1461486816406],[196.5286865234375,308.8424072265625],[196.291015625,308.5386657714844],[196.05332946777344,308.23492431640625],[195.8153533935547,307.9314270019531],[195.57704162597656,307.628173828125],[195.33872985839844,307.3249206542969],[195.1004180908203,307.0216979980469],[194.8616485595703,306.71881103515625],[194.62271118164062,306.4160461425781],[194.38377380371094,306.11328125],[194.14483642578125,305.8105163574219],[193.90528869628906,305.5082092285156],[193.6657257080078,305.2059631347656],[193.42616271972656,304.9036865234375],[193.18653869628906,304.60150146484375],[192.94635009765625,304.29974365234375],[192.70616149902344,303.9979553222656],[192.46597290039062,303.6961975097656],[192.2288360595703,303.39215087890625],[192.0052490234375,303.077880859375],[191.78163146972656,302.76361083984375],[191.55804443359375,302.4493408203125],[191.33445739746094,302.1351013183594],[191.11087036132812,301.8208312988281],[190.8872833251953,301.506591796875],[190.6636962890625,301.19232177734375],[190.44009399414062,300.8780517578125],[190.2165069580078,300.5638122558594],[189.992919921875,300.2495422363281],[189.7693328857422,299.935302734375],[189.54574584960938,299.62103271484375],[189.3221435546875,299.3067626953125],[189.09854125976562,298.99249267578125],[188.8749542236328,298.67822265625],[188.6513671875,298.3639831542969],[188.4277801513672,298.0497131347656],[188.20419311523438,297.7354736328125],[187.98060607910156,297.42120361328125],[187.75701904296875,297.1069641113281],[187.53341674804688,296.7926940917969],[187.30982971191406,296.4784240722656],[187.08624267578125,296.1641845703125],[186.86264038085938,295.8498840332031],[186.63905334472656,295.53564453125],[186.41546630859375,295.22137451171875],[186.19186401367188,294.9071350097656],[185.96827697753906,294.5928649902344],[185.74468994140625,294.2785949707031],[185.52110290527344,293.96435546875],[185.29751586914062,293.65008544921875],[185.0739288330078,293.3358459472656],[184.850341796875,293.0215759277344],[184.62673950195312,292.70733642578125],[184.40313720703125,292.3930358886719],[184.17955017089844,292.07879638671875],[183.95596313476562,291.7645263671875],[183.7323760986328,291.45025634765625],[183.50877380371094,291.1360168457031],[183.28518676757812,290.8217468261719],[183.0615997314453,290.50750732421875],[182.8380126953125,290.1932373046875],[182.6144256591797,289.87896728515625],[182.39083862304688,289.5647277832031],[182.167236328125,289.2504577636719],[181.94363403320312,288.9361877441406],[181.7200469970703,288.6219177246094],[181.4964599609375,288.30767822265625],[181.2728729248047,287.993408203125],[181.04928588867188,287.67913818359375],[180.82568359375,287.3648986816406],[180.6020965576172,287.0506286621094],[180.37850952148438,286.73638916015625],[180.15492248535156,286.422119140625],[179.93133544921875,286.10784912109375],[179.70774841308594,285.7936096191406],[179.484130859375,285.47930908203125],[179.2605438232422,285.1650695800781],[179.03695678710938,284.8507995605469],[178.81336975097656,284.53656005859375],[178.58978271484375,284.2222900390625],[178.36619567871094,283.9080505371094],[178.14260864257812,283.5937805175781],[177.91900634765625,283.2795104980469],[177.69541931152344,282.96527099609375],[177.47183227539062,282.6510009765625],[177.2482452392578,282.3367614746094],[177.024658203125,282.0224914550781],[176.80104064941406,281.7082214355469],[176.57745361328125,281.3939514160156],[176.35386657714844,281.0796813964844],[176.13027954101562,280.76544189453125],[175.9066925048828,280.451171875],[175.68310546875,280.1369323730469],[175.4595184326172,279.8226623535156],[175.2359161376953,279.5083923339844],[175.0123291015625,279.19415283203125],[174.7887420654297,278.8798828125],[174.56515502929688,278.5656433105469],[174.341552734375,278.2513427734375],[174.11795043945312,277.9371032714844],[173.8943634033203,277.6228332519531],[173.6707763671875,277.30859375],[173.4471893310547,276.99432373046875],[173.22360229492188,276.6800537109375],[173.00001525878906,276.3658142089844],[172.77642822265625,276.0515441894531],[172.55282592773438,275.7373046875],[172.32923889160156,275.42303466796875],[172.10565185546875,275.1087646484375],[171.88204956054688,274.79449462890625],[171.65846252441406,274.480224609375],[171.43487548828125,274.1659851074219],[171.21127319335938,273.8517150878906],[170.98768615722656,273.5374755859375],[170.76409912109375,273.22320556640625],[170.54051208496094,272.908935546875],[170.31692504882812,272.5946960449219],[170.0933380126953,272.2804260253906],[169.8697509765625,271.9661865234375],[169.64614868164062,271.65191650390625],[169.42254638671875,271.337646484375],[169.24679565429688,270.99462890625],[169.0738525390625,270.6498718261719],[168.90093994140625,270.30511474609375],[168.72799682617188,269.96038818359375],[168.55508422851562,269.61566162109375],[168.38214111328125,269.27093505859375],[168.209228515625,268.9261779785156],[168.03628540039062,268.5814208984375],[167.86337280273438,268.2366943359375],[167.6904296875,267.8919677734375],[167.51748657226562,267.54718017578125],[167.3445587158203,267.20245361328125],[167.171630859375,266.85772705078125],[166.9987030029297,266.5129699707031],[166.82577514648438,266.168212890625],[166.65284729003906,265.823486328125],[166.47991943359375,265.478759765625],[166.30699157714844,265.134033203125],[166.13406372070312,264.7892761230469],[165.9611358642578,264.44451904296875],[165.7882080078125,264.09979248046875],[165.61526489257812,263.7550048828125],[165.44232177734375,263.4102783203125],[165.2694091796875,263.0655517578125],[165.09646606445312,262.7208251953125],[164.92355346679688,262.3760681152344],[164.7506103515625,262.03131103515625],[164.57769775390625,261.68658447265625],[164.40475463867188,261.34185791015625],[164.23184204101562,260.9971008300781],[164.05889892578125,260.65234375],[163.88597106933594,260.3076171875],[163.71304321289062,259.9628601074219],[163.54010009765625,259.61810302734375],[163.36717224121094,259.27337646484375],[163.19424438476562,258.92864990234375],[163.0213165283203,258.5838928222656],[162.848388671875,258.2391357421875],[162.6754608154297,257.8944091796875],[162.50253295898438,257.5496826171875],[162.32960510253906,257.2049560546875],[162.15667724609375,256.8601989746094],[161.98373413085938,256.51544189453125],[161.81080627441406,256.1706848144531],[161.63787841796875,255.82595825195312],[161.46493530273438,255.48121643066406],[161.29202270507812,255.136474609375],[161.11907958984375,254.79173278808594],[160.9461669921875,254.44699096679688],[160.77322387695312,254.1022491455078],[160.60031127929688,253.75750732421875],[160.4273681640625,253.4127655029297],[160.25445556640625,253.0680389404297],[160.08151245117188,252.72329711914062],[159.9085693359375,252.37852478027344],[159.7356414794922,252.03378295898438],[159.56271362304688,251.6890411376953],[159.38978576660156,251.34429931640625],[159.21685791015625,250.9995574951172],[159.04393005371094,250.6548309326172],[158.87100219726562,250.31008911132812],[158.6980743408203,249.96534729003906],[158.525146484375,249.62060546875],[158.3522186279297,249.27586364746094],[158.17929077148438,248.93112182617188],[158.00634765625,248.58636474609375],[157.83340454101562,248.2416229248047],[157.66049194335938,247.89688110351562],[157.487548828125,247.55213928222656],[157.31463623046875,247.2073974609375],[157.14169311523438,246.86265563964844],[156.96878051757812,246.51791381835938],[156.79583740234375,246.1731719970703],[156.6229248046875,245.8284454345703],[156.44998168945312,245.48370361328125],[156.2770538330078,245.1389617919922],[156.1041259765625,244.794189453125],[155.93118286132812,244.44944763183594],[155.7582550048828,244.10470581054688],[155.5853271484375,243.75997924804688],[155.4123992919922,243.41522216796875],[155.23947143554688,243.07049560546875],[155.06654357910156,242.7257537841797],[154.89361572265625,242.38101196289062],[154.72068786621094,242.03627014160156],[154.54776000976562,241.6915283203125],[154.3748321533203,241.3468017578125],[154.20188903808594,241.00201416015625],[154.02896118164062,240.65728759765625],[153.8560333251953,240.3125457763672],[153.68310546875,239.96780395507812],[153.51016235351562,239.62306213378906],[153.33724975585938,239.2783203125],[153.164306640625,238.93359375],[152.99139404296875,238.58883666992188],[152.81845092773438,238.24411010742188],[152.64552307128906,237.8993682861328],[152.47259521484375,237.55462646484375],[152.29965209960938,237.20985412597656],[152.12672424316406,236.8651123046875],[151.95379638671875,236.5203857421875],[151.78086853027344,236.17562866210938],[151.60794067382812,235.83090209960938],[151.4350128173828,235.4861602783203],[151.2620849609375,235.14141845703125],[151.0891571044922,234.7966766357422],[150.91622924804688,234.45193481445312],[150.74330139160156,234.10720825195312],[150.57037353515625,233.762451171875],[150.39743041992188,233.41769409179688],[150.22450256347656,233.0729522705078],[150.05157470703125,232.72821044921875],[149.87863159179688,232.3834686279297],[149.70571899414062,232.03872680664062],[149.53277587890625,231.69400024414062],[149.35986328125,231.3492431640625],[149.18692016601562,231.0045166015625],[149.0139923095703,230.65977478027344],[148.841064453125,230.31503295898438],[148.6681365966797,229.9702911376953],[148.4951934814453,229.62551879882812],[148.322265625,229.28079223632812],[148.1493377685547,228.93603515625],[147.97640991210938,228.59130859375],[147.80348205566406,228.24656677246094],[147.63055419921875,227.90182495117188],[147.45762634277344,227.5570831298828],[147.28469848632812,227.21234130859375],[147.1117706298828,226.86761474609375],[146.9388427734375,226.52285766601562],[146.7659149169922,226.17813110351562],[146.5929718017578,225.83335876464844],[146.4200439453125,225.48861694335938],[146.2471160888672,225.1438751220703],[146.07418823242188,224.79913330078125],[145.9012451171875,224.45440673828125],[145.72833251953125,224.10964965820312],[145.55538940429688,223.76492309570312],[145.38247680664062,223.42018127441406],[145.20953369140625,223.075439453125],[145.03660583496094,222.73069763183594],[144.86367797851562,222.38595581054688],[144.6907501220703,222.04122924804688],[144.51780700683594,221.69644165039062],[144.34487915039062,221.35171508789062],[144.1719512939453,221.00697326660156],[143.9990234375,220.6622314453125],[143.8260955810547,220.31748962402344],[143.65316772460938,219.97274780273438],[143.48023986816406,219.62802124023438],[143.30731201171875,219.28326416015625],[143.13438415527344,218.93853759765625],[142.96145629882812,218.5937957763672],[142.7885284423828,218.24905395507812],[142.61558532714844,217.90428161621094],[142.44265747070312,217.55953979492188],[142.26971435546875,217.21481323242188],[142.0968017578125,216.87005615234375],[141.92385864257812,216.52532958984375],[141.75094604492188,216.1805877685547],[141.5780029296875,215.83584594726562],[141.4050750732422,215.49110412597656],[141.23214721679688,215.1463623046875],[141.05921936035156,214.8016357421875],[140.88629150390625,214.45687866210938],[140.71334838867188,214.11212158203125],[140.54042053222656,213.7673797607422],[140.36749267578125,213.42263793945312],[140.19456481933594,213.07789611816406],[140.02163696289062,212.733154296875],[139.8487091064453,212.388427734375],[139.67578125,212.04367065429688],[139.5028533935547,211.69894409179688],[139.32992553710938,211.3542022705078],[139.15699768066406,211.00946044921875],[138.98406982421875,210.6647186279297],[138.81112670898438,210.3199462890625],[138.63819885253906,209.9752197265625],[138.46527099609375,209.63046264648438],[138.29232788085938,209.28573608398438],[138.11941528320312,208.9409942626953],[137.94647216796875,208.59625244140625],[137.7735595703125,208.2515106201172],[137.60061645507812,207.90676879882812],[137.4276885986328,207.56204223632812],[137.2547607421875,207.21728515625],[137.0818328857422,206.87255859375],[136.9088897705078,206.5277862548828],[136.7359619140625,206.18304443359375],[136.5630340576172,205.8383026123047],[136.39010620117188,205.49356079101562],[136.21717834472656,205.14883422851562],[136.04425048828125,204.8040771484375],[135.87132263183594,204.4593505859375],[135.69839477539062,204.11460876464844],[135.5254669189453,203.76986694335938],[135.3525390625,203.4251251220703],[135.1796112060547,203.08038330078125],[135.0066680908203,202.73562622070312],[134.833740234375,202.390869140625],[134.6608123779297,202.046142578125],[134.48788452148438,201.70140075683594],[134.31494140625,201.35665893554688],[134.14202880859375,201.0119171142578],[133.96908569335938,200.66717529296875],[133.79615783691406,200.32244873046875],[133.62322998046875,199.97769165039062],[133.45030212402344,199.63296508789062],[133.27737426757812,199.2882080078125],[133.10443115234375,198.94345092773438],[132.93150329589844,198.5987091064453],[132.75857543945312,198.25396728515625],[132.5856475830078,197.90924072265625],[132.4127197265625,197.56448364257812],[132.2397918701172,197.21975708007812],[132.06686401367188,196.87501525878906],[131.89393615722656,196.5302734375],[131.72100830078125,196.18553161621094],[131.54808044433594,195.84078979492188],[131.37515258789062,195.49606323242188],[131.20220947265625,195.15127563476562],[131.02928161621094,194.80654907226562],[130.85635375976562,194.46180725097656],[130.68341064453125,194.1170654296875],[130.510498046875,193.77232360839844],[130.33755493164062,193.42758178710938],[130.16464233398438,193.08285522460938],[129.99169921875,192.73809814453125],[129.8187713623047,192.39337158203125],[129.64584350585938,192.0486297607422],[129.47291564941406,191.70388793945312],[129.2999725341797,191.35911560058594],[129.12704467773438,191.01437377929688],[128.95411682128906,190.66964721679688],[128.78118896484375,190.32489013671875],[128.60826110839844,189.98016357421875],[128.43533325195312,189.6354217529297],[128.2624053955078,189.29067993164062],[128.0894775390625,188.94593811035156],[127.91654968261719,188.6011962890625],[127.74362182617188,188.2564697265625],[127.57069396972656,187.91171264648438],[127.39775085449219,187.56695556640625],[127.22482299804688,187.2222137451172],[127.05189514160156,186.87747192382812],[126.87895965576172,186.53273010253906],[126.7060317993164,186.18798828125],[126.5331039428711,185.84326171875],[126.36017608642578,185.49850463867188],[126.18724060058594,185.15377807617188],[126.01431274414062,184.8090362548828],[125.84138488769531,184.46429443359375],[125.66845703125,184.1195526123047],[125.49551391601562,183.7747802734375],[125.32258605957031,183.4300537109375],[125.149658203125,183.08529663085938],[124.97673034667969,182.74057006835938],[124.80380249023438,182.3958282470703],[124.63087463378906,182.05108642578125],[124.45794677734375,181.7063446044922],[124.28501892089844,181.36160278320312],[124.11209106445312,181.01686096191406],[123.93916320800781,180.672119140625],[123.7662353515625,180.327392578125],[123.59329223632812,179.9826202392578],[123.42036437988281,179.63787841796875],[123.24742889404297,179.2931365966797],[123.07450103759766,178.94839477539062],[122.90157318115234,178.60366821289062],[122.72864532470703,178.2589111328125],[122.55571746826172,177.9141845703125],[122.3827896118164,177.56944274902344],[122.2098617553711,177.22470092773438],[122.03692626953125,176.8799591064453],[121.86399841308594,176.53521728515625],[121.69105529785156,176.19046020507812],[121.51812744140625,175.84571838378906],[121.34519958496094,175.5009765625],[121.17227172851562,175.15623474121094],[120.99934387207031,174.81149291992188],[120.826416015625,174.4667510986328],[120.65348815917969,174.12200927734375],[120.48056030273438,173.7772674560547],[120.30763244628906,173.43252563476562],[120.13470458984375,173.08779907226562],[119.96177673339844,172.74305725097656],[119.78883361816406,172.39828491210938],[119.61590576171875,172.0535430908203],[119.4429702758789,171.70880126953125],[119.2700424194336,171.36407470703125],[119.09711456298828,171.01931762695312],[118.92418670654297,170.67459106445312],[118.75125885009766,170.32984924316406],[118.57833099365234,169.985107421875],[118.40540313720703,169.64036560058594],[118.23246765136719,169.29562377929688],[118.05953979492188,168.9508819580078],[117.8865966796875,168.6061248779297],[117.71366882324219,168.26138305664062],[117.54074096679688,167.91664123535156],[117.36781311035156,167.5718994140625],[117.19488525390625,167.22715759277344],[117.02195739746094,166.88241577148438],[116.84902954101562,166.53768920898438],[116.67610168457031,166.19293212890625],[116.503173828125,165.84820556640625],[116.33024597167969,165.5034637451172],[116.15731811523438,165.15872192382812],[115.98438262939453,164.81398010253906],[115.81145477294922,164.46923828125],[115.6385269165039,164.12449645996094],[115.4655990600586,163.77975463867188],[115.29267120361328,163.43502807617188],[115.11974334716797,163.0902862548828],[114.94678497314453,162.7454833984375],[114.77385711669922,162.40074157714844],[114.6009292602539,162.05599975585938],[114.4280014038086,161.71127319335938],[114.25507354736328,161.3665313720703],[114.08213806152344,161.02178955078125],[113.90921020507812,160.6770477294922],[113.73628234863281,160.33230590820312],[113.5633544921875,159.98756408691406],[113.39042663574219,159.642822265625],[113.21749877929688,159.298095703125],[113.04457092285156,158.95333862304688],[112.87164306640625,158.60861206054688],[112.69871520996094,158.2638702392578],[112.52578735351562,157.91912841796875],[112.35285949707031,157.5743865966797],[112.17992401123047,157.22964477539062],[112.00699615478516,156.88490295410156],[111.83406829833984,156.5401611328125],[111.66114044189453,156.1954345703125],[111.48821258544922,155.85069274902344],[111.3152847290039,155.50595092773438],[111.14232635498047,155.16114807128906],[110.96939849853516,154.81640625],[110.79647064208984,154.4716796875],[110.62354278564453,154.12693786621094],[110.45061492919922,153.78219604492188],[110.27767944335938,153.4374542236328],[110.10475158691406,153.09271240234375],[109.93182373046875,152.7479705810547],[109.75889587402344,152.40322875976562],[109.58596801757812,152.05850219726562],[109.41304016113281,151.7137451171875],[109.2401123046875,151.3690185546875],[109.06718444824219,151.02427673339844],[108.89425659179688,150.67953491210938],[108.72132873535156,150.3347930908203],[108.54840087890625,149.99005126953125],[108.3754653930664,149.6453094482422],[108.2025375366211,149.30056762695312],[108.02960968017578,148.95584106445312],[107.85668182373047,148.61109924316406],[107.68375396728516,148.266357421875],[107.51082611083984,147.92161560058594],[107.3378677368164,147.57681274414062],[107.1649398803711,147.23208618164062],[106.99201202392578,146.88734436035156],[106.81908416748047,146.5426025390625],[106.64615631103516,146.19786071777344],[106.47322845458984,145.85311889648438],[106.30029296875,145.5083770751953],[106.12736511230469,145.16363525390625],[105.95443725585938,144.81890869140625],[105.78150939941406,144.4741668701172],[105.60858154296875,144.12942504882812],[105.43565368652344,143.78468322753906],[105.26272583007812,143.43994140625],[105.08979797363281,143.09519958496094],[104.9168701171875,142.75045776367188],[104.74394226074219,142.4057159423828],[104.57100677490234,142.06097412109375],[104.39807891845703,141.71624755859375],[104.22515106201172,141.3715057373047],[104.0522232055664,141.02676391601562],[103.8792953491211,140.68202209472656],[103.70636749267578,140.3372802734375],[103.53340911865234,139.99249267578125],[103.36048126220703,139.6477508544922],[103.18755340576172,139.30300903320312],[103.0146255493164,138.95826721191406],[102.8416976928711,138.613525390625],[102.66876983642578,138.26878356933594],[102.49583435058594,137.92404174804688],[102.32290649414062,137.57931518554688],[102.14997863769531,137.2345733642578],[101.97705078125,136.88983154296875],[101.80412292480469,136.5450897216797],[101.63119506835938,136.20034790039062],[101.45826721191406,135.85560607910156],[101.28533935546875,135.5108642578125],[101.11241149902344,135.16612243652344],[100.93948364257812,134.82138061523438],[100.76654815673828,134.47665405273438],[100.59362030029297,134.1319122314453],[100.42069244384766,133.78717041015625],[100.24776458740234,133.4424285888672],[100.07483673095703,133.09768676757812],[99.90190887451172,132.75294494628906],[99.72895050048828,132.4081573486328],[99.55602264404297,132.06341552734375],[99.38309478759766,131.7186737060547],[99.21016693115234,131.37393188476562],[99.03723907470703,131.02919006347656],[98.86431121826172,130.6844482421875],[98.69137573242188,130.3397216796875],[98.51844787597656,129.99497985839844],[98.34552001953125,129.65023803710938],[98.17259216308594,129.3054962158203],[97.99966430664062,128.96075439453125],[97.82673645019531,128.6160125732422],[97.65380859375,128.27127075195312],[97.48088073730469,127.9265365600586],[97.30795288085938,127.58179473876953],[97.13502502441406,127.23705291748047],[96.96208953857422,126.89231872558594],[96.7891616821289,126.54757690429688],[96.6162338256836,126.20283508300781],[96.44330596923828,125.85809326171875],[96.27037811279297,125.51335144042969],[96.09745025634766,125.16861724853516],[95.92452239990234,124.8238754272461],[95.7515640258789,124.47908020019531],[95.5786361694336,124.13433837890625],[95.40570831298828,123.78959655761719],[95.23278045654297,123.44486236572266],[95.05985260009766,123.1001205444336],[94.88691711425781,122.75537872314453],[94.7139892578125,122.41064453125],[94.54106140136719,122.06590270996094],[94.36813354492188,121.72116088867188],[94.19520568847656,121.37641906738281],[94.02227783203125,121.03167724609375],[93.84934997558594,120.68694305419922],[93.67642211914062,120.34220123291016],[93.50349426269531,119.9974594116211],[93.33056640625,119.65271759033203],[93.15763092041016,119.3079833984375],[92.98470306396484,118.96324157714844],[92.81177520751953,118.61849975585938],[92.63884735107422,118.27375793457031],[92.4659194946289,117.92902374267578],[92.2929916381836,117.58428192138672],[92.12006378173828,117.23954010009766],[91.90858459472656,116.92057800292969],[91.6552963256836,116.62972259521484],[91.40200805664062,116.33887481689453],[91.14871978759766,116.04801940917969],[90.89543151855469,115.75716400146484],[90.64214324951172,115.46631622314453],[90.38886260986328,115.17546081542969],[90.13557434082031,114.88460540771484],[89.88228607177734,114.59375762939453],[89.62899780273438,114.30290222167969],[89.3757095336914,114.01204681396484],[89.12242126464844,113.72119903564453],[88.86913299560547,113.43034362792969],[88.6158447265625,113.13948822021484],[88.36256408691406,112.84864044189453],[88.1092758178711,112.55778503417969],[87.85598754882812,112.26692962646484],[87.60269927978516,111.97607421875],[87.34941101074219,111.68522644042969],[87.09612274169922,111.39437103271484],[86.84283447265625,111.103515625],[86.58955383300781,110.81266784667969],[86.33621978759766,110.52176666259766],[86.08293914794922,110.23091125488281],[85.82965087890625,109.9400634765625],[85.57636260986328,109.64920806884766],[85.32307434082031,109.35835266113281],[85.06978607177734,109.0675048828125],[84.81649780273438,108.77664947509766],[84.5632095336914,108.48579406738281],[84.30992126464844,108.19493865966797],[84.056640625,107.90409088134766],[83.80335235595703,107.61323547363281],[83.55006408691406,107.32238006591797],[83.2967758178711,107.03153228759766],[83.04348754882812,106.74067687988281],[82.79019927978516,106.44982147216797],[82.53691101074219,106.15897369384766],[82.28362274169922,105.86811828613281],[82.03034210205078,105.57726287841797],[81.77705383300781,105.28641510009766],[81.52376556396484,104.99555969238281],[81.27047729492188,104.70470428466797],[81.0171890258789,104.41384887695312],[80.76386260986328,104.12295532226562],[80.51057434082031,103.83209991455078],[80.25728607177734,103.54124450683594],[80.00399780273438,103.25039672851562],[79.7507095336914,102.95954132080078],[79.49742889404297,102.66868591308594],[79.244140625,102.37783813476562],[78.99085235595703,102.08698272705078],[78.73756408691406,101.79612731933594],[78.4842758178711,101.50527954101562],[78.23098754882812,101.21442413330078],[77.97769927978516,100.92356872558594],[77.72441101074219,100.6327133178711],[77.47113037109375,100.34186553955078],[77.21784210205078,100.05101013183594],[76.96455383300781,99.7601547241211],[76.71126556396484,99.46930694580078],[76.45797729492188,99.17845153808594],[76.2046890258789,98.8875961303711],[75.95140075683594,98.59674835205078],[75.69811248779297,98.30589294433594],[75.44483184814453,98.0150375366211],[75.19149780273438,97.7241439819336],[74.93821716308594,97.43328857421875],[74.68492889404297,97.1424331665039],[74.431640625,96.85157775878906],[74.17835235595703,96.56072998046875],[73.92506408691406,96.2698745727539],[73.6717758178711,95.97901916503906],[73.41848754882812,95.68817138671875],[73.16519927978516,95.3973159790039],[72.91191864013672,95.10646057128906],[72.65862274169922,94.81561279296875],[72.40534210205078,94.5247573852539],[72.15205383300781,94.23390197753906],[71.89876556396484,93.94305419921875],[71.64547729492188,93.6521987915039],[71.3921890258789,93.36134338378906],[71.13890075683594,93.07049560546875],[70.88561248779297,92.7796401977539],[70.63232421875,92.48878479003906],[70.37904357910156,92.19792938232422],[70.1257553100586,91.9070816040039],[69.87246704101562,91.61622619628906],[69.619140625,91.32532501220703],[69.36585235595703,91.03447723388672],[69.11256408691406,90.74362182617188],[68.8592758178711,90.45276641845703],[68.60598754882812,90.16191864013672],[68.35269927978516,89.87106323242188],[68.09941864013672,89.58020782470703],[67.84613037109375,89.28936004638672],[67.59284210205078,88.99850463867188],[67.33955383300781,88.70764923095703],[67.08626556396484,88.41679382324219],[66.83297729492188,88.12594604492188],[66.5796890258789,87.83509063720703],[66.32640075683594,87.54423522949219],[66.0731201171875,87.25338745117188],[65.81983184814453,86.96253204345703],[65.56654357910156,86.67167663574219],[65.3132553100586,86.38082885742188],[65.05996704101562,86.08997344970703],[64.80667877197266,85.79911804199219],[64.55339050292969,85.50827026367188],[64.30010223388672,85.21741485595703],[64.0467758178711,84.926513671875],[63.793487548828125,84.63565826416016],[63.54020690917969,84.34481048583984],[63.28691864013672,84.053955078125],[63.03363037109375,83.76309967041016],[62.78034210205078,83.47224426269531],[62.52705383300781,83.181396484375],[62.273765563964844,82.89054107666016],[62.020477294921875,82.59968566894531],[61.767189025878906,82.308837890625],[61.51390838623047,82.01798248291016],[61.2606201171875,81.72712707519531],[61.00733184814453,81.436279296875],[60.75404357910156,81.14542388916016],[60.500755310058594,80.85456848144531],[60.247467041015625,80.563720703125],[59.994178771972656,80.27286529541016],[59.74089050292969,79.98200988769531],[59.48760986328125,79.69115447998047],[59.23432159423828,79.40030670166016],[58.98103332519531,79.10945129394531],[58.727745056152344,78.81859588623047],[58.47441864013672,78.52770233154297],[58.22113037109375,78.23684692382812],[57.96784210205078,77.94599151611328],[57.71455383300781,77.65514373779297],[57.461265563964844,77.36428833007812],[57.207977294921875,77.07343292236328],[56.95469665527344,76.78258514404297],[56.70140838623047,76.49172973632812],[56.4481201171875,76.20087432861328],[56.19483184814453,75.91001892089844],[55.94154357910156,75.61917114257812],[55.688255310058594,75.32831573486328],[55.434967041015625,75.03746032714844],[55.181678771972656,74.74661254882812],[54.92839813232422,74.45575714111328],[54.67510986328125,74.16490173339844],[54.42182159423828,73.87405395507812],[54.16853332519531,73.58319854736328],[53.915245056152344,73.29234313964844],[53.661956787109375,73.00149536132812],[53.408668518066406,72.71063995361328],[53.15538024902344,72.41978454589844],[52.902099609375,72.12893676757812],[52.648765563964844,71.8380355834961],[52.395484924316406,71.54718017578125],[52.14219665527344,71.2563247680664],[51.88890838623047,70.9654769897461],[51.6356201171875,70.67462158203125],[51.38233184814453,70.3837661743164],[51.12904357910156,70.0929183959961],[50.875755310058594,69.80206298828125],[50.622467041015625,69.5112075805664],[50.36918640136719,69.2203598022461],[50.11589813232422,68.92950439453125],[49.86260986328125,68.6386489868164],[49.60932159423828,68.3478012084961],[49.35603332519531,68.05694580078125],[49.102745056152344,67.7660903930664],[48.849456787109375,67.47523498535156],[48.59617614746094,67.18438720703125],[48.34288787841797,66.8935317993164],[48.089599609375,66.60267639160156],[47.83631134033203,66.31182861328125],[47.58302307128906,66.0209732055664],[47.329734802246094,65.73011779785156],[47.07640838623047,65.43922424316406],[46.8231201171875,65.14836883544922],[46.56983184814453,64.85751342773438],[46.31654357910156,64.56666564941406],[46.063262939453125,64.27581024169922],[45.809974670410156,63.984954833984375],[45.55668640136719,63.69409942626953],[45.30339813232422,63.40325164794922],[45.05010986328125,63.112396240234375],[44.79682159423828,62.82154083251953],[44.54353332519531,62.53069305419922],[44.290245056152344,62.239837646484375],[44.036964416503906,61.94898223876953],[43.78367614746094,61.65813446044922],[43.53038787841797,61.367279052734375],[43.277099609375,61.07642364501953],[43.02381134033203,60.78557586669922],[42.77052307128906,60.494720458984375],[42.517234802246094,60.20386505126953],[42.263946533203125,59.91300964355469],[42.01066589355469,59.622161865234375],[41.75737762451172,59.33130645751953],[41.504051208496094,59.0404052734375],[41.250762939453125,58.74955749511719],[40.997474670410156,58.458702087402344],[40.74418640136719,58.1678466796875],[40.49089813232422,57.87699890136719],[40.23760986328125,57.586143493652344],[39.98432159423828,57.2952880859375],[39.73103713989258,57.00444030761719],[39.47774887084961,56.713584899902344],[39.224464416503906,56.4227294921875],[38.97117614746094,56.131874084472656],[38.71788787841797,55.841026306152344],[38.464599609375,55.5501708984375],[38.21131134033203,55.259315490722656],[37.95802307128906,54.968467712402344],[37.70473861694336,54.6776123046875],[37.45145034790039,54.386756896972656],[37.19816589355469,54.095909118652344],[36.94487762451172,53.8050537109375],[36.69158935546875,53.514198303222656],[36.43830108642578,53.22334671020508],[36.18501281738281,52.9324951171875],[35.93168640136719,52.64159393310547],[35.67839813232422,52.35074234008789],[35.42510986328125,52.05989074707031],[35.17182540893555,51.76903533935547],[34.91853713989258,51.47818374633789],[34.665252685546875,51.18733215332031],[34.411964416503906,50.89647674560547],[34.15867614746094,50.605621337890625],[33.90538787841797,50.31477355957031],[33.652099609375,50.02391815185547],[33.39881134033203,49.733062744140625],[33.14552688598633,49.44221115112305],[32.89223861694336,49.15135955810547],[32.638954162597656,48.860504150390625],[32.38566589355469,48.56965255737305],[32.13237762451172,48.27880096435547],[31.87908935546875,47.987945556640625],[31.625802993774414,47.69709396362305],[31.372514724731445,47.40624237060547],[31.11922836303711,47.115386962890625],[30.865942001342773,46.82453536987305],[30.612653732299805,46.53368377685547],[30.35932731628418,46.24278259277344],[30.10603904724121,45.951927185058594],[29.852752685546875,45.661075592041016],[29.599464416503906,45.37022399902344],[29.34617805480957,45.079368591308594],[29.0928897857666,44.788516998291016],[28.839603424072266,44.49766540527344],[28.586315155029297,44.206809997558594],[28.33302879333496,43.915958404541016],[28.079740524291992,43.62510681152344],[27.826454162597656,43.334251403808594],[27.573165893554688,43.043399810791016],[27.31987953186035,42.75254821777344],[27.066591262817383,42.461692810058594],[26.813304901123047,42.17083740234375],[26.560016632080078,41.87998580932617],[26.306730270385742,41.589134216308594],[26.053442001342773,41.29827880859375],[25.800155639648438,41.00742721557617],[25.54686737060547,40.716575622558594],[25.293581008911133,40.42572021484375],[25.040292739868164,40.13486862182617],[24.78696632385254,39.843971252441406],[24.53367805480957,39.55311584472656],[24.280391693115234,39.262264251708984],[24.027103424072266,38.971412658691406],[23.773815155029297,38.68055725097656],[23.52052879333496,38.38970184326172],[23.267242431640625,38.09885025024414],[23.013954162597656,37.80799865722656],[22.760665893554688,37.51714324951172],[22.50737953186035,37.22629165649414],[22.254093170166016,36.93544006347656],[22.000804901123047,36.64458465576172],[21.747516632080078,36.35373306274414],[21.494230270385742,36.06288146972656],[21.240943908691406,35.77202606201172],[20.987655639648438,35.48117446899414],[20.7343692779541,35.19032287597656],[20.481082916259766,34.89946746826172],[20.227794647216797,34.60861587524414],[19.974506378173828,34.3177604675293],[19.721220016479492,34.02690887451172],[19.467933654785156,33.736053466796875],[19.2146053314209,33.44515609741211],[18.961318969726562,33.15430450439453],[18.708030700683594,32.86344909667969],[18.454742431640625,32.57259750366211],[18.20145606994629,32.28174591064453],[17.948169708251953,31.990890502929688],[17.694881439208984,31.70003890991211],[17.441593170166016,31.4091854095459],[17.18830680847168,31.118331909179688],[16.935020446777344,30.82748031616211],[16.681732177734375,30.536624908447266],[16.428443908691406,30.245773315429688],[16.17515754699707,29.954919815063477],[15.921870231628418,29.664066314697266],[15.668582916259766,29.373214721679688],[15.415295600891113,29.082361221313477],[15.162008285522461,28.791507720947266],[14.908720970153809,28.500654220581055],[14.655433654785156,28.209800720214844],[14.402146339416504,27.918949127197266],[14.148859024047852,27.628095626831055],[13.8955717086792,27.337242126464844],[13.642244338989258,27.046344757080078],[13.388957023620605,26.755491256713867],[13.135669708251953,26.464637756347656],[12.8823823928833,26.173784255981445],[12.629095077514648,25.882930755615234],[12.375807762145996,25.592079162597656],[12.122520446777344,25.301225662231445],[11.869233131408691,25.010372161865234],[11.615945816040039,24.719518661499023],[11.362658500671387,24.428667068481445],[11.109371185302734,24.137813568115234],[10.856083869934082,23.846960067749023],[10.60279655456543,23.556106567382812],[10.349509239196777,23.265254974365234],[10.096221923828125,22.974401473999023],[9.842934608459473,22.683547973632812],[9.58964729309082,22.3926944732666],[9.336359977722168,22.10184097290039],[9.083072662353516,21.810989379882812],[8.829785346984863,21.5201358795166],[8.564030647277832,21.24087142944336],[8.30080795288086,20.95892906188965],[8.044217109680176,20.67104148864746],[7.793592929840088,20.37782859802246],[7.5489373207092285,20.079627990722656],[7.310294151306152,19.776657104492188],[7.077842712402344,19.468931198120117],[6.851792812347412,19.15648078918457],[6.632503032684326,18.83917808532715],[6.420383453369141,18.5170841217041],[6.215900421142578,18.19009017944336],[6.019587993621826,17.858112335205078],[5.832077503204346,17.52109718322754],[5.654073238372803,17.17899513244629],[5.486377716064453,16.83165168762207],[5.329913139343262,16.479190826416016],[5.185703754425049,16.12151336669922],[5.0548787117004395,15.758699417114258],[4.938710689544678,15.390963554382324],[4.838662147521973,15.018535614013672],[4.7561726570129395,14.64184284210205],[4.6929121017456055,14.261375427246094],[4.650576591491699,13.878116607666016],[4.630841255187988,13.492959976196289],[4.635323524475098,13.107415199279785],[4.665461540222168,12.722882270812988],[4.722347736358643,12.341538429260254],[4.80666446685791,11.965251922607422],[4.918558597564697,11.596246719360352],[5.0575714111328125,11.236621856689453],[5.222727298736572,10.888181686401367],[5.412556171417236,10.552512168884277],[5.625161647796631,10.23082447052002],[5.858482360839844,9.923844337463379],[6.110419750213623,9.631880760192871],[6.378823757171631,9.354979515075684],[6.661721229553223,9.092870712280273],[6.957238674163818,8.845135688781738],[7.263777256011963,8.611144065856934],[7.57991886138916,8.390227317810059],[7.904333591461182,8.181702613830566],[8.235968589782715,7.984859466552734],[8.573909759521484,7.798971652984619],[8.917240142822266,7.623412609100342],[9.265411376953125,7.457467555999756],[9.617752075195312,7.300591945648193],[9.973712921142578,7.152220726013184],[10.332974433898926,7.011784553527832],[10.69503402709961,6.878857612609863],[11.059566497802734,6.752978801727295],[11.426362991333008,6.633720874786377],[11.795130729675293,6.520716190338135],[12.165632247924805,6.413606643676758],[12.53766918182373,6.312086582183838],[12.911157608032227,6.215828895568848],[13.285910606384277,6.1245622634887695],[13.661737442016602,6.038078308105469],[14.042091369628906,5.985986709594727],[14.427658081054688,5.976441383361816],[14.813217163085938,5.966896057128906],[15.198783874511719,5.957351207733154],[15.584342956542969,5.947805881500244],[15.96990966796875,5.938260555267334],[16.35546875,5.928715705871582],[16.74103546142578,5.919170379638672],[17.12659454345703,5.909625053405762],[17.512161254882812,5.900079727172852],[17.897720336914062,5.890534400939941],[18.283287048339844,5.880989074707031],[18.668907165527344,5.871442794799805],[19.054473876953125,5.8618974685668945],[19.440032958984375,5.852352142333984],[19.825599670410156,5.842806816101074],[20.211158752441406,5.833261489868164],[20.596725463867188,5.823716163635254],[20.982284545898438,5.814171314239502],[21.36785125732422,5.804625988006592],[21.75341033935547,5.795080661773682],[22.13897705078125,5.7855353355407715],[22.524539947509766,5.7759904861450195],[22.91010284423828,5.766445159912109],[23.295665740966797,5.756899833679199],[23.681228637695312,5.747354507446289],[24.066791534423828,5.737809181213379],[24.452354431152344,5.728263854980469],[24.83791732788086,5.718719005584717],[25.223480224609375,5.709173679351807],[25.60904312133789,5.6996283531188965],[25.994606018066406,5.690083026885986],[26.380168914794922,5.680538177490234],[26.765731811523438,5.670992851257324],[27.151355743408203,5.6614460945129395],[27.53691864013672,5.651900768280029],[27.922481536865234,5.642355442047119],[28.30804443359375,5.632810115814209],[28.693607330322266,5.623265266418457],[29.07917022705078,5.613719940185547],[29.464733123779297,5.604174613952637],[29.850296020507812,5.594629287719727],[30.235858917236328,5.585083961486816],[30.621421813964844,5.575538635253906],[31.00698471069336,5.565993785858154],[31.392547607421875,5.556448459625244],[31.778114318847656,5.546903133392334],[32.16367721557617,5.537357807159424],[32.54924011230469,5.527812957763672],[32.9348030090332,5.518267631530762],[33.32036590576172,5.508722305297852],[33.705928802490234,5.499176979064941],[34.09149169921875,5.489631652832031],[34.477054595947266,5.480086326599121],[34.86261749267578,5.470541477203369],[35.2481803894043,5.460996150970459],[35.63380432128906,5.451449394226074],[36.01936721801758,5.441904067993164],[36.404930114746094,5.432358741760254],[36.79049301147461,5.422813892364502],[37.176055908203125,5.413268566131592],[37.56161880493164,5.403723239898682],[37.947181701660156,5.3941779136657715],[38.33274459838867,5.3846330642700195],[38.71830749511719,5.375087738037109],[39.1038703918457,5.365542411804199],[39.48943328857422,5.355997085571289],[39.874996185302734,5.346451759338379],[40.26055908203125,5.336906433105469],[40.646121978759766,5.327361583709717],[41.03168487548828,5.317816257476807],[41.4172477722168,5.3082709312438965],[41.80281066894531,5.298725605010986],[42.18837356567383,5.289180755615234],[42.573936462402344,5.279635429382324],[42.95949935913086,5.270090103149414],[43.345062255859375,5.260544776916504],[43.73062515258789,5.250999450683594],[44.116249084472656,5.241452693939209],[44.50181579589844,5.231907844543457],[44.88737869262695,5.222362518310547],[45.27294158935547,5.212817192077637],[45.658504486083984,5.203271865844727],[46.0440673828125,5.193726539611816],[46.429630279541016,5.184181213378906],[46.81519317626953,5.174636363983154],[47.20075607299805,5.165091037750244],[47.58631896972656,5.155545711517334],[47.97188186645508,5.146000385284424],[48.357444763183594,5.136455535888672],[48.74300765991211,5.126910209655762],[49.128570556640625,5.117364883422852],[49.51413345336914,5.107819557189941],[49.899696350097656,5.098274230957031],[50.28525924682617,5.088728904724121],[50.67082214355469,5.079184055328369],[51.0563850402832,5.069638729095459],[51.44194793701172,5.060093402862549],[51.827510833740234,5.050548076629639],[52.21307373046875,5.041003227233887],[52.598697662353516,5.031456470489502],[52.98426055908203,5.021911144256592],[53.36982345581055,5.012365818023682],[53.75538635253906,5.0028204917907715],[54.140953063964844,4.993275165557861],[54.526512145996094,4.983730316162109],[54.912078857421875,4.974184989929199],[55.297637939453125,4.964639663696289],[55.683204650878906,4.955094337463379],[56.068763732910156,4.945549011230469],[56.45433044433594,4.936004161834717],[56.83988952636719,4.926458835601807],[57.22545623779297,4.9169135093688965],[57.61101531982422,4.907368183135986],[57.99658203125,4.897822856903076],[58.38214111328125,4.888278007507324],[58.76770782470703,4.878732681274414],[59.15326690673828,4.869187355041504],[59.53883361816406,4.859642028808594],[59.92439651489258,4.850096702575684],[60.309959411621094,4.840551853179932],[60.69552230834961,4.8310065269470215],[61.081085205078125,4.821461200714111],[61.46670913696289,4.811914443969727],[61.852272033691406,4.802369117736816],[62.23783493041992,4.792823791503906],[62.62339782714844,4.783278942108154],[63.00896072387695,4.773733615875244],[63.39452362060547,4.764188289642334],[63.780086517333984,4.754642963409424],[64.1656494140625,4.745098114013672],[64.55120849609375,4.735552787780762],[64.93677520751953,4.726007461547852],[65.32234191894531,4.716462135314941],[65.70790100097656,4.706916809082031],[66.09346771240234,4.697371482849121],[66.4790267944336,4.687826633453369],[66.86459350585938,4.678281307220459],[67.25015258789062,4.668735980987549],[67.6357192993164,4.659190654754639],[68.02127838134766,4.649645805358887],[68.40684509277344,4.640100479125977],[68.79240417480469,4.630555152893066],[69.17797088623047,4.621009826660156],[69.56352996826172,4.611464500427246],[69.94915771484375,4.601917743682861],[70.334716796875,4.592372894287109],[70.72028350830078,4.582827568054199],[71.10584259033203,4.573282241821289],[71.49140930175781,4.563736915588379],[71.87696838378906,4.554191589355469],[72.26253509521484,4.544646739959717],[72.6480941772461,4.535101413726807],[73.03366088867188,4.5255560874938965],[73.41921997070312,4.516010761260986],[73.8047866821289,4.506465435028076],[74.19035339355469,4.496920585632324],[74.57591247558594,4.487375259399414],[74.96147155761719,4.477829933166504],[75.34703826904297,4.468284606933594],[75.73260498046875,4.458739280700684],[76.1181640625,4.449194431304932],[76.50372314453125,4.4396491050720215],[76.88928985595703,4.430103778839111],[77.27485656738281,4.420558452606201],[77.66041564941406,4.411013126373291],[78.04598236083984,4.401468276977539],[78.43160247802734,4.391921520233154],[78.81716918945312,4.382376194000244],[79.20272827148438,4.372830867767334],[79.58829498291016,4.363285541534424],[79.9738540649414,4.353740215301514],[80.35942077636719,4.344195365905762],[80.74497985839844,4.334650039672852],[81.13054656982422,4.325104713439941],[81.51610565185547,4.315559387207031],[81.90167236328125,4.306014060974121],[82.2872314453125,4.296469211578369],[82.67279815673828,4.286923885345459],[83.05835723876953,4.277378559112549],[83.44392395019531,4.267833232879639],[83.82948303222656,4.2582879066467285],[84.21504974365234,4.248743057250977],[84.6006088256836,4.239197731018066],[84.98617553710938,4.229652404785156],[85.37173461914062,4.220107078552246],[85.7573013305664,4.210561752319336],[86.1365966796875,4.277754783630371],[86.5155029296875,4.3497467041015625],[86.89447021484375,4.421751022338867],[87.27336883544922,4.493742942810059],[87.65226745605469,4.56573486328125],[88.03117370605469,4.637727737426758],[88.41007995605469,4.709719657897949],[88.78897857666016,4.781711578369141],[89.16787719726562,4.853703498840332],[89.54678344726562,4.92569637298584],[89.92568969726562,4.997688293457031],[90.3045883178711,5.069680213928223],[90.68348693847656,5.1416730880737305],[91.06239318847656,5.213665008544922],[91.44129943847656,5.285656929016113],[91.82019805908203,5.357649803161621],[92.1990966796875,5.4296417236328125],[92.5780029296875,5.501633644104004],[92.9569091796875,5.573626518249512],[93.33580780029297,5.645618438720703],[93.71470642089844,5.7176103591918945],[94.09361267089844,5.789602756500244],[94.47251892089844,5.861595153808594],[94.8514175415039,5.933587074279785],[95.23037719726562,6.005590915679932],[95.60928344726562,6.077582836151123],[95.98818969726562,6.149575233459473],[96.3670883178711,6.221567153930664],[96.74598693847656,6.293559551239014],[97.12489318847656,6.365551948547363],[97.50379943847656,6.437543869018555],[97.88269805908203,6.509536266326904],[98.2615966796875,6.581528663635254],[98.6405029296875,6.653520584106445],[99.0194091796875,6.725512981414795],[99.39830780029297,6.797504901885986],[99.77720642089844,6.869497299194336],[100.15611267089844,6.9414896965026855],[100.53501892089844,7.013481616973877],[100.9139175415039,7.085474014282227],[101.29281616210938,7.157465934753418],[101.67172241210938,7.229458332061768],[102.05062866210938,7.301450729370117],[102.42952728271484,7.373442649841309],[102.80842590332031,7.445435047149658],[103.18733215332031,7.51742696762085],[103.56629180908203,7.589430809020996],[103.9451904296875,7.661423206329346],[104.3240966796875,7.733415126800537],[104.7030029296875,7.805407524108887],[105.08190155029297,7.877399444580078],[105.46080780029297,7.949391841888428],[105.83970642089844,8.021384239196777],[106.21861267089844,8.093376159667969],[106.5975112915039,8.165369033813477],[106.9764175415039,8.237360000610352],[107.35531616210938,8.30935287475586],[107.73422241210938,8.381345748901367],[108.11312103271484,8.453336715698242],[108.49202728271484,8.52532958984375],[108.87092590332031,8.597322463989258],[109.24983215332031,8.669313430786133],[109.62873077392578,8.74130630493164],[110.00763702392578,8.813298225402832],[110.38653564453125,8.885290145874023],[110.76544189453125,8.957283020019531],[111.14434051513672,9.029274940490723],[111.52324676513672,9.101266860961914],[111.90220642089844,9.173271179199219],[112.28111267089844,9.24526309967041],[112.6600112915039,9.317255020141602],[113.03890991210938,9.38924789428711],[113.41781616210938,9.4612398147583],[113.79672241210938,9.533231735229492],[114.17562103271484,9.605224609375],[114.55451965332031,9.677216529846191],[114.93342590332031,9.749208450317383],[115.31233215332031,9.82120132446289],[115.69123077392578,9.893193244934082],[116.07012939453125,9.965185165405273],[116.44903564453125,10.037177085876465],[116.82794189453125,10.109169960021973],[117.20684051513672,10.181161880493164],[117.58573913574219,10.253153800964355],[117.96464538574219,10.325145721435547],[118.34355163574219,10.397138595581055],[118.72245025634766,10.469130516052246],[119.10134887695312,10.541122436523438],[119.48025512695312,10.613115310668945],[119.85916137695312,10.685107231140137],[120.23812103271484,10.757110595703125],[120.61701965332031,10.829103469848633],[120.99592590332031,10.901095390319824],[121.37483215332031,10.973087310791016],[121.75373077392578,11.045080184936523],[122.13262939453125,11.117072105407715],[122.51153564453125,11.189064025878906],[122.89044189453125,11.261056900024414],[123.26934051513672,11.333048820495605],[123.64823913574219,11.405040740966797],[124.02714538574219,11.477033615112305],[124.40605163574219,11.549025535583496],[124.78495025634766,11.621017456054688],[125.16384887695312,11.693009376525879],[125.54275512695312,11.765002250671387],[125.92166137695312,11.836994171142578],[126.3005599975586,11.90898609161377],[126.67945861816406,11.980978012084961],[127.05836486816406,12.052970886230469],[127.43727111816406,12.12496280670166],[127.81616973876953,12.196954727172852],[128.195068359375,12.26894760131836],[128.573974609375,12.34093952178955],[128.95294189453125,12.412942886352539],[129.3318328857422,12.484935760498047],[129.7107391357422,12.556927680969238],[130.0896453857422,12.62891960144043],[130.4685516357422,12.700912475585938],[130.84744262695312,12.772904396057129],[131.22634887695312,12.84489631652832],[131.60525512695312,12.916888236999512],[131.98416137695312,12.98888111114502],[132.36305236816406,13.060873031616211],[132.74195861816406,13.132864952087402],[133.12086486816406,13.20485782623291],[133.49977111816406,13.276849746704102],[133.878662109375,13.348841667175293],[134.257568359375,13.4208345413208],[134.636474609375,13.492826461791992],[135.015380859375,13.564818382263184],[135.39427185058594,13.636811256408691],[135.77317810058594,13.708803176879883],[136.15231323242188,13.779627799987793],[136.53173828125,13.84887981414795],[136.91114807128906,13.918132781982422],[137.29061889648438,13.987395286560059],[137.6700439453125,14.056647300720215],[138.0494384765625,14.125900268554688],[138.42886352539062,14.195152282714844],[138.8082733154297,14.264404296875],[139.18768310546875,14.333656311035156],[139.56710815429688,14.402909278869629],[139.94650268554688,14.472161293029785],[140.325927734375,14.541413307189941],[140.70533752441406,14.610665321350098],[141.08474731445312,14.67991828918457],[141.46417236328125,14.749170303344727],[141.84356689453125,14.818422317504883],[142.22299194335938,14.887674331665039],[142.60240173339844,14.956927299499512],[142.9818115234375,15.026179313659668],[143.36123657226562,15.095431327819824],[143.74063110351562,15.16468334197998],[144.12005615234375,15.233936309814453],[144.4994659423828,15.30318832397461],[144.87887573242188,15.372440338134766],[145.25830078125,15.441692352294922],[145.63775634765625,15.510955810546875],[146.01718139648438,15.580207824707031],[146.39659118652344,15.649460792541504],[146.7760009765625,15.71871280670166],[147.15541076660156,15.787964820861816],[147.53482055664062,15.857216835021973],[147.91424560546875,15.926469802856445],[148.2936553955078,15.995721817016602],[148.67306518554688,16.064973831176758],[149.05247497558594,16.134225845336914],[149.431884765625,16.203479766845703],[149.81130981445312,16.27273178100586],[150.1907196044922,16.341983795166016],[150.57012939453125,16.411235809326172],[150.9495391845703,16.480487823486328],[151.32894897460938,16.549739837646484],[151.7083740234375,16.61899185180664],[152.08778381347656,16.688243865966797],[152.46719360351562,16.757495880126953],[152.8466033935547,16.82674789428711],[153.22601318359375,16.895999908447266],[153.60543823242188,16.965251922607422],[153.9849090576172,17.034515380859375],[154.36431884765625,17.10376739501953],[154.7437286376953,17.17302131652832],[155.12313842773438,17.242273330688477],[155.5025634765625,17.311525344848633],[155.88197326660156,17.38077735900879],[156.26138305664062,17.450031280517578],[156.6407928466797,17.519283294677734],[157.02020263671875,17.58853530883789],[157.39962768554688,17.657787322998047],[157.77903747558594,17.727039337158203],[158.158447265625,17.79629135131836],[158.53785705566406,17.865543365478516],[158.91726684570312,17.934795379638672],[159.29669189453125,18.004047393798828],[159.6761016845703,18.073299407958984],[160.05551147460938,18.14255142211914],[160.43492126464844,18.211803436279297],[160.8143310546875,18.281055450439453],[161.19375610351562,18.350309371948242],[161.5731658935547,18.4195613861084],[161.95257568359375,18.488813400268555],[162.33204650878906,18.558076858520508],[162.71145629882812,18.627328872680664],[163.09088134765625,18.69658088684082],[163.47027587890625,18.76583480834961],[163.84970092773438,18.835086822509766],[164.22911071777344,18.904338836669922],[164.6085205078125,18.973590850830078],[164.98794555664062,19.042842864990234],[165.36734008789062,19.11209487915039],[165.74676513671875,19.181346893310547],[166.1261749267578,19.250598907470703],[166.50558471679688,19.31985092163086],[166.88499450683594,19.389102935791016],[167.264404296875,19.458354949951172],[167.64382934570312,19.52760887145996],[168.0232391357422,19.596860885620117],[168.40264892578125,19.666112899780273],[168.7820587158203,19.73536491394043],[169.16146850585938,19.804616928100586],[169.5408935546875,19.873868942260742],[169.92030334472656,19.94312286376953],[170.29971313476562,20.012374877929688],[170.67918395996094,20.08163833618164],[171.05859375,20.150890350341797],[171.43801879882812,20.220142364501953],[171.8174285888672,20.28939437866211],[172.19683837890625,20.358646392822266],[172.5762481689453,20.427898406982422],[172.95565795898438,20.497150421142578],[173.3350830078125,20.566402435302734],[173.71449279785156,20.63565444946289],[174.09390258789062,20.704906463623047],[174.4733123779297,20.774160385131836],[174.85272216796875,20.843412399291992],[175.23214721679688,20.91266441345215],[175.61155700683594,20.981916427612305],[175.990966796875,21.05116844177246],[176.37037658691406,21.120420455932617],[176.74978637695312,21.189674377441406],[177.12921142578125,21.258926391601562],[177.5086212158203,21.32817840576172],[177.88803100585938,21.397430419921875],[178.26744079589844,21.46668243408203],[178.6468505859375,21.535934448242188],[179.02633666992188,21.60519790649414],[179.40574645996094,21.674449920654297],[179.78515625,21.743701934814453],[180.16456604003906,21.81295394897461],[180.54397583007812,21.882205963134766],[180.92340087890625,21.951457977294922],[181.3028106689453,22.02071189880371],[181.68222045898438,22.089963912963867],[182.06163024902344,22.159215927124023],[182.4410400390625,22.22846794128418],[182.82046508789062,22.297719955444336],[183.1998748779297,22.366971969604492],[183.57928466796875,22.43622398376465],[183.9586944580078,22.505477905273438],[184.33810424804688,22.574729919433594],[184.717529296875,22.64398193359375],[185.09693908691406,22.713233947753906],[185.47634887695312,22.782485961914062],[185.8557586669922,22.85173797607422],[186.23516845703125,22.920989990234375],[186.61459350585938,22.99024200439453],[186.99400329589844,23.059494018554688],[187.37347412109375,23.12875747680664],[187.7528839111328,23.198009490966797],[188.13229370117188,23.267261505126953],[188.51171875,23.336515426635742],[188.89112854003906,23.4057674407959],[189.27053833007812,23.475019454956055],[189.6499481201172,23.54427146911621],[190.02935791015625,23.613523483276367],[190.40878295898438,23.682775497436523],[190.78819274902344,23.752029418945312],[191.1676025390625,23.82128143310547],[191.54701232910156,23.890533447265625],[191.92642211914062,23.95978546142578],[192.30584716796875,24.029037475585938],[192.6852569580078,24.098289489746094],[193.06466674804688,24.16754150390625],[193.44407653808594,24.236793518066406],[193.823486328125,24.306045532226562],[194.20291137695312,24.37529945373535],[194.5823211669922,24.444551467895508],[194.96173095703125,24.513803482055664],[195.3411407470703,24.58305549621582],[195.72055053710938,24.652307510375977],[196.1000213623047,24.72157096862793],[196.4794464111328,24.790822982788086],[196.85885620117188,24.860074996948242],[197.23826599121094,24.9293270111084],[197.61767578125,24.998579025268555],[197.99708557128906,25.067832946777344],[198.3765106201172,25.1370849609375],[198.75592041015625,25.206336975097656],[199.1353302001953,25.275588989257812],[199.51473999023438,25.34484100341797],[199.89414978027344,25.414093017578125],[200.27357482910156,25.48334503173828],[200.65298461914062,25.552597045898438],[201.0323944091797,25.621849060058594],[201.41180419921875,25.691102981567383],[201.7912139892578,25.76035499572754],[202.17063903808594,25.829607009887695],[202.550048828125,25.89885902404785],[202.92945861816406,25.968111038208008],[203.30886840820312,26.037363052368164],[203.6882781982422,26.10661506652832],[204.0677032470703,26.17586898803711],[204.44717407226562,26.24513053894043],[204.8265838623047,26.31438446044922],[205.20599365234375,26.383636474609375],[205.5854034423828,26.45288848876953],[205.96481323242188,26.522140502929688],[206.34423828125,26.591392517089844],[206.72364807128906,26.66064453125],[207.10305786132812,26.729896545410156],[207.4824676513672,26.799148559570312],[207.86187744140625,26.86840057373047],[208.24130249023438,26.937654495239258],[208.62071228027344,27.006906509399414],[209.0001220703125,27.07615852355957],[209.37953186035156,27.145410537719727],[209.75894165039062,27.214662551879883],[210.13836669921875,27.28391456604004],[210.5177764892578,27.353166580200195],[210.90045166015625,27.399322509765625],[211.2841796875,27.438060760498047],[211.66790771484375,27.47679901123047],[212.05165100097656,27.51553726196289],[212.4353790283203,27.554275512695312],[212.8191680908203,27.593017578125],[213.20291137695312,27.631755828857422],[213.58663940429688,27.670494079589844],[213.97036743164062,27.709232330322266],[214.35409545898438,27.747970581054688],[214.73782348632812,27.78670883178711],[215.12155151367188,27.82544708251953],[215.50527954101562,27.864185333251953],[215.88900756835938,27.902923583984375],[216.2727508544922,27.941661834716797],[216.65647888183594,27.980398178100586],[217.0402069091797,28.019136428833008],[217.42393493652344,28.05787467956543],[217.80767822265625,28.09661293029785],[218.19140625,28.135351181030273],[218.57513427734375,28.174089431762695],[218.9588623046875,28.212825775146484],[219.34259033203125,28.251564025878906],[219.726318359375,28.290302276611328],[220.11004638671875,28.32904052734375],[220.49378967285156,28.367778778076172],[220.8775177001953,28.406517028808594],[221.2613067626953,28.445261001586914],[221.64503479003906,28.483999252319336],[222.02877807617188,28.522737503051758],[222.41250610351562,28.561473846435547],[222.79623413085938,28.60021209716797],[223.17996215820312,28.63895034790039],[223.56369018554688,28.677688598632812],[223.94741821289062,28.716426849365234],[224.33114624023438,28.755165100097656],[224.7148895263672,28.793903350830078],[225.09861755371094,28.8326416015625],[225.4823455810547,28.871379852294922],[225.86607360839844,28.910118103027344],[226.24981689453125,28.948854446411133],[226.633544921875,28.987592697143555],[227.01727294921875,29.026330947875977],[227.4010009765625,29.0650691986084],[227.78472900390625,29.10380744934082],[228.16845703125,29.142545700073242],[228.55218505859375,29.18128204345703],[228.93592834472656,29.220020294189453],[229.3196563720703,29.258758544921875],[229.7034454345703,29.297504425048828],[230.08717346191406,29.336240768432617],[230.47091674804688,29.37497901916504],[230.85464477539062,29.41371726989746],[231.23837280273438,29.452455520629883],[231.62210083007812,29.491193771362305],[232.00582885742188,29.529930114746094],[232.38955688476562,29.568668365478516],[232.77328491210938,29.607406616210938],[233.1570281982422,29.64614486694336],[233.54075622558594,29.68488311767578],[233.9244842529297,29.723621368408203],[234.30821228027344,29.762359619140625],[234.69195556640625,29.801097869873047],[235.07568359375,29.83983612060547],[235.45941162109375,29.87857437133789],[235.8431396484375,29.91731071472168],[236.22686767578125,29.9560489654541],[236.610595703125,29.994787216186523],[236.99432373046875,30.033525466918945],[237.37806701660156,30.072263717651367],[237.7617950439453,30.11100196838379],[238.1455841064453,30.14974594116211],[238.52931213378906,30.18848419189453],[238.91305541992188,30.227222442626953],[239.29678344726562,30.265960693359375],[239.68051147460938,30.304697036743164],[240.06423950195312,30.343435287475586],[240.44796752929688,30.382173538208008],[240.83169555664062,30.42091178894043],[241.21542358398438,30.45965003967285],[241.5991668701172,30.498388290405273],[241.98289489746094,30.537124633789062],[242.3666229248047,30.575862884521484],[242.75035095214844,30.614601135253906],[243.13409423828125,30.653339385986328],[243.517822265625,30.69207763671875],[243.90155029296875,30.730815887451172],[244.2852783203125,30.769554138183594],[244.66900634765625,30.808292388916016],[245.052734375,30.847030639648438],[245.43646240234375,30.885766983032227],[245.82020568847656,30.92450523376465],[246.2039337158203,30.96324348449707],[246.5877227783203,31.00198745727539],[246.97145080566406,31.040725708007812],[247.3551788330078,31.079463958740234],[247.73892211914062,31.118202209472656],[248.12265014648438,31.156940460205078],[248.50637817382812,31.1956787109375],[248.89010620117188,31.23441505432129],[249.27383422851562,31.27315330505371],[249.65756225585938,31.311891555786133],[250.0413055419922,31.350629806518555],[250.42503356933594,31.389368057250977],[250.8087615966797,31.4281063079834],[251.19248962402344,31.46684455871582],[251.5762176513672,31.50558090209961],[251.9599609375,31.54431915283203],[252.34368896484375,31.583057403564453],[252.7274169921875,31.621795654296875],[253.11114501953125,31.660533905029297],[253.494873046875,31.69927215576172],[253.87860107421875,31.73801040649414],[254.26234436035156,31.776748657226562],[254.6460723876953,31.815486907958984],[255.0298614501953,31.854228973388672],[255.41358947753906,31.892967224121094],[255.7973175048828,31.931705474853516],[256.1810607910156,31.970443725585938],[256.5647888183594,32.00918197631836],[256.9485168457031,32.04792022705078],[257.3322448730469,32.0866584777832],[257.7159729003906,32.125396728515625],[258.0997009277344,32.16413497924805],[258.4834289550781,32.20287322998047],[258.8671569824219,32.24161148071289],[259.25091552734375,32.28034973144531],[259.6346435546875,32.31908416748047],[260.01837158203125,32.35782241821289],[260.402099609375,32.39656066894531],[260.78582763671875,32.435298919677734],[261.1695556640625,32.474037170410156],[261.55328369140625,32.51277542114258],[261.93701171875,32.551513671875],[262.32073974609375,32.59025192260742],[262.7044677734375,32.628990173339844],[263.08819580078125,32.667728424072266],[263.471923828125,32.70646667480469],[263.8557434082031,32.745208740234375],[264.2394714355469,32.7839469909668],[264.6231994628906,32.82268524169922],[265.0069274902344,32.86142349243164],[265.3906555175781,32.90016174316406],[265.7743835449219,32.938899993896484],[266.1581115722656,32.977638244628906],[266.5418395996094,33.01637649536133],[266.9255676269531,33.05511474609375],[267.3092956542969,33.09385299682617],[267.6930236816406,33.132591247558594],[268.0767822265625,33.171329498291016],[268.46051025390625,33.21006774902344],[268.84423828125,33.24880599975586],[269.22796630859375,33.28754425048828],[269.6116943359375,33.32627868652344],[269.99542236328125,33.36501693725586],[270.379150390625,33.40375518798828],[270.76287841796875,33.4424934387207],[271.1466064453125,33.481231689453125],[271.53033447265625,33.51996994018555],[271.9140625,33.55870819091797],[272.2978820800781,33.59745407104492],[272.6816101074219,33.636192321777344],[273.0653381347656,33.6749267578125],[273.4490661621094,33.71366500854492],[273.8327941894531,33.752403259277344],[274.2165222167969,33.791141510009766],[274.6002502441406,33.82987976074219],[274.9839782714844,33.86861801147461],[275.3677062988281,33.90735626220703],[275.7514343261719,33.94609451293945],[276.1351623535156,33.984832763671875],[276.5189208984375,34.0235710144043],[276.90264892578125,34.06230926513672],[277.286376953125,34.10104751586914],[277.67010498046875,34.13978576660156],[278.0538330078125,34.178524017333984],[278.43756103515625,34.217262268066406],[278.8212890625,34.25600051879883],[279.20550537109375,34.28891372680664],[279.59002685546875,34.31854248046875],[279.9745788574219,34.348167419433594],[280.359130859375,34.37779235839844],[280.74371337890625,34.40742492675781],[281.1282653808594,34.437049865722656],[281.5128173828125,34.4666748046875],[281.8973388671875,34.496299743652344],[282.2818908691406,34.52592849731445],[282.66644287109375,34.5555534362793],[283.05096435546875,34.58517837524414],[283.4355163574219,34.614803314208984],[283.820068359375,34.644432067871094],[284.20458984375,34.67405700683594],[284.5891418457031,34.70368194580078],[284.97369384765625,34.733306884765625],[285.35821533203125,34.762935638427734],[285.7427673339844,34.79256057739258],[286.1272888183594,34.82218551635742],[286.5118408203125,34.85181427001953],[286.8963928222656,34.881439208984375],[287.2809143066406,34.91106414794922],[287.66546630859375,34.94068908691406],[288.0500183105469,34.97031784057617],[288.4345397949219,34.999942779541016],[288.819091796875,35.02956771850586],[289.2037048339844,35.059200286865234],[289.5882263183594,35.08882522583008],[289.9727783203125,35.11845016479492],[290.3573303222656,35.148075103759766],[290.7418518066406,35.177703857421875],[291.12640380859375,35.20732879638672],[291.5109558105469,35.23695373535156],[291.8954772949219,35.266578674316406],[292.280029296875,35.296207427978516],[292.6645812988281,35.32583236694336],[293.0491027832031,35.3554573059082],[293.43365478515625,35.38508605957031],[293.81817626953125,35.414710998535156],[294.2027282714844,35.4443359375],[294.5872802734375,35.473960876464844],[294.9718017578125,35.50358963012695],[295.3563537597656,35.5332145690918],[295.74090576171875,35.56283950805664],[296.12542724609375,35.592464447021484],[296.5099792480469,35.622093200683594],[296.89453125,35.65171813964844],[297.279052734375,35.68134307861328],[297.6636657714844,35.710975646972656],[298.0482177734375,35.7406005859375],[298.4327392578125,35.770225524902344],[298.8172912597656,35.79985046386719],[299.20184326171875,35.8294792175293],[299.58636474609375,35.85910415649414],[299.9709167480469,35.888729095458984],[300.35546875,35.918357849121094],[300.739990234375,35.94798278808594],[301.1245422363281,35.97760772705078],[301.50909423828125,36.007232666015625],[301.89361572265625,36.036861419677734],[302.2781677246094,36.06648635864258],[302.6627197265625,36.09611129760742],[303.0472412109375,36.125736236572266],[303.4317932128906,36.155364990234375],[303.81634521484375,36.18498992919922],[304.20086669921875,36.21461486816406],[304.5854187011719,36.244239807128906],[304.969970703125,36.273868560791016],[305.3544921875,36.30349349975586],[305.7390441894531,36.3331184387207],[306.1236572265625,36.36275100708008],[306.5081787109375,36.39237594604492],[306.8927307128906,36.422000885009766],[307.27728271484375,36.451629638671875],[307.66180419921875,36.48125457763672],[308.0463562011719,36.51087951660156],[308.430908203125,36.540504455566406],[308.8154296875,36.570133209228516],[309.1999816894531,36.59975814819336],[309.58453369140625,36.6293830871582],[309.96905517578125,36.65901184082031],[310.3536071777344,36.688636779785156],[310.7381591796875,36.71826171875],[311.1226806640625,36.747886657714844],[311.5072326660156,36.77751541137695],[311.89178466796875,36.8071403503418],[312.27630615234375,36.83676528930664],[312.6608581542969,36.866390228271484],[313.04541015625,36.896018981933594],[313.429931640625,36.92564392089844],[313.8144836425781,36.95526885986328],[314.19903564453125,36.984893798828125],[314.5836181640625,37.0145263671875],[314.9681701660156,37.044151306152344],[315.35272216796875,37.07377624511719],[315.73724365234375,37.1034049987793],[316.1217956542969,37.13302993774414],[316.50634765625,37.162654876708984],[316.890869140625,37.192283630371094],[317.2754211425781,37.22190856933594],[317.65997314453125,37.25153350830078],[318.04449462890625,37.281158447265625],[318.4290466308594,37.310787200927734],[318.8135681152344,37.34041213989258],[319.1981201171875,37.37003707885742],[319.5827331542969,37.3996696472168],[319.9671936035156,37.429290771484375],[320.351806640625,37.458919525146484],[320.7362976074219,37.48854064941406],[321.1208801269531,37.51817321777344],[321.50537109375,37.547794342041016],[321.8899841308594,37.577423095703125],[322.2744445800781,37.6070442199707],[322.6590576171875,37.63667678833008],[323.0435485839844,37.666297912597656],[323.4281311035156,37.695926666259766],[323.8126220703125,37.725547790527344],[324.1972351074219,37.75518035888672],[324.5816955566406,37.7848014831543],[324.96630859375,37.814430236816406],[325.3507995605469,37.844051361083984],[325.7353820800781,37.87368392944336],[326.119873046875,37.90330505371094],[326.5044860839844,37.93293380737305],[326.8889465332031,37.962554931640625],[327.2735595703125,37.9921875],[327.6581726074219,38.02181625366211],[328.0426330566406,38.05143737792969],[328.42724609375,38.08106994628906],[328.8117370605469,38.11069107055664],[329.1963195800781,38.140323638916016],[329.580810546875,38.169944763183594],[329.9654235839844,38.1995735168457],[330.3498840332031,38.22919464111328],[330.7344970703125,38.258827209472656],[331.11895751953125,38.288448333740234],[331.5035705566406,38.318077087402344],[331.8880615234375,38.34769821166992],[332.27264404296875,38.3773307800293],[332.6571350097656,38.406951904296875],[333.041748046875,38.436580657958984],[333.42620849609375,38.46620178222656],[333.8108215332031,38.49583435058594],[334.1953125,38.525455474853516],[334.57989501953125,38.555084228515625],[334.9643859863281,38.5847053527832],[335.3489990234375,38.61433792114258],[335.73345947265625,38.643959045410156],[336.1180725097656,38.673587799072266],[336.502685546875,38.70322036743164],[336.88714599609375,38.73284149169922],[337.2717590332031,38.76247024536133],[337.65625,38.792091369628906],[338.04083251953125,38.82172393798828],[338.4253234863281,38.85134506225586],[338.8099365234375,38.88097381591797],[339.19439697265625,38.91059494018555],[339.5790100097656,38.94022750854492],[339.9635009765625,38.9698486328125],[340.34808349609375,38.999481201171875],[340.7325744628906,39.02910232543945],[341.1171875,39.05873107910156],[341.50164794921875,39.08835220336914],[341.8862609863281,39.117984771728516],[342.270751953125,39.147605895996094],[342.65533447265625,39.1772346496582],[343.0398254394531,39.20685577392578],[343.4244384765625,39.236488342285156],[343.80889892578125,39.266109466552734],[344.1935119628906,39.295738220214844],[344.578125,39.32537078857422],[344.96258544921875,39.3549919128418],[345.3471984863281,39.384620666503906],[345.731689453125,39.414241790771484],[346.11627197265625,39.44387435913086],[346.5007629394531,39.47349548339844],[346.8853759765625,39.50312423706055],[347.26983642578125,39.532745361328125],[347.6544494628906,39.5623779296875],[348.0389404296875,39.59199905395508],[348.42352294921875,39.62162780761719],[348.8080139160156,39.651248931884766],[349.192626953125,39.68088150024414],[349.57708740234375,39.71050262451172],[349.961669921875,39.740379333496094],[350.3362121582031,39.8320198059082],[350.7080078125,39.934814453125],[351.07720947265625,40.04620361328125],[351.44415283203125,40.165077209472656],[351.80859375,40.29103469848633],[352.1706848144531,40.42394256591797],[352.53021240234375,40.563392639160156],[352.88720703125,40.709476470947266],[353.2414855957031,40.86195755004883],[353.5927734375,41.021209716796875],[353.94097900390625,41.186988830566406],[354.28594970703125,41.35932540893555],[354.6275634765625,41.53841018676758],[354.96551513671875,41.72422790527344],[355.2997741699219,41.916690826416016],[355.62969970703125,42.11629867553711],[355.9553527832031,42.322967529296875],[356.2763671875,42.536705017089844],[356.5924987792969,42.75762939453125],[356.9032897949219,42.9859619140625],[357.20855712890625,43.22163009643555],[357.5079345703125,43.46478271484375],[357.8009948730469,43.71548843383789],[358.08740234375,43.97373580932617],[358.3668518066406,44.239707946777344],[358.6387023925781,44.51316452026367],[358.90277099609375,44.79423522949219],[359.1584167480469,45.082984924316406],[359.4054870605469,45.37921142578125],[359.6434326171875,45.68279266357422],[359.87158203125,45.993648529052734],[360.0899353027344,46.31159210205078],[360.29791259765625,46.636329650878906],[360.4951171875,46.96782302856445],[360.6811218261719,47.3055534362793],[360.8558654785156,47.64936447143555],[361.01898193359375,47.998817443847656],[361.1702575683594,48.353599548339844],[361.3094787597656,48.71317672729492],[361.4365539550781,49.07735824584961],[361.5513916015625,49.445499420166016],[361.6540222167969,49.81732177734375],[361.744384765625,50.19220733642578],[361.82269287109375,50.569820404052734],[361.88909912109375,50.94971466064453],[361.9434509277344,51.33149719238281],[361.9862060546875,51.71476364135742],[362.01776123046875,52.099159240722656],[362.0380554199219,52.48428726196289],[362.0474853515625,52.86992263793945],[362.0465393066406,53.25545883178711],[362.0352783203125,53.64109420776367],[362.01422119140625,54.02613830566406],[361.98370361328125,54.41055679321289],[361.9437561035156,54.794288635253906],[361.8951110839844,55.17673873901367],[361.8380432128906,55.558292388916016],[361.7726135253906,55.938209533691406],[361.69927978515625,56.316959381103516],[361.61846923828125,56.693973541259766],[361.5303955078125,57.06957244873047],[361.4353942871094,57.443275451660156],[361.33367919921875,57.81529235839844],[361.2256164550781,58.18551254272461],[361.11138916015625,58.55396270751953],[360.9913024902344,58.92041778564453],[360.8656005859375,59.2850456237793],[360.7344970703125,59.647647857666016],[360.5981750488281,60.00859451293945],[360.45672607421875,60.367286682128906],[360.3105163574219,60.724266052246094],[360.15985107421875,61.079227447509766],[359.9933166503906,61.426963806152344],[359.8121032714844,61.76749038696289],[359.62738037109375,62.10596466064453],[359.440185546875,62.44320297241211],[359.250244140625,62.77882385253906],[359.05816650390625,63.11336135864258],[358.8641357421875,63.44660949707031],[358.66815185546875,63.778785705566406],[358.4703063964844,64.10986328125],[358.2707824707031,64.43994903564453],[358.0697021484375,64.76901245117188],[357.8669738769531,65.09715270996094],[357.6626892089844,65.42428588867188],[357.45684814453125,65.75051879882812],[357.2496032714844,66.07569885253906],[357.04083251953125,66.40000915527344],[356.8306884765625,66.72329711914062],[356.6190490722656,67.04586029052734],[356.4061279296875,67.36736297607422],[356.19183349609375,67.68807983398438],[355.9762878417969,68.00789642333984],[355.7594299316406,68.32689666748047],[355.5414123535156,68.64495849609375],[355.3218688964844,68.9621353149414],[355.10107421875,69.27833557128906],[354.87908935546875,69.59374237060547],[354.6559753417969,69.90837860107422],[354.43170166015625,70.22207641601562],[354.2058410644531,70.53482055664062],[353.9790344238281,70.84662628173828],[353.7511291503906,71.15779113769531],[353.5219421386719,71.4679183959961],[353.2913513183594,71.77719116210938],[353.0599060058594,72.08563995361328],[352.8272705078125,72.3933334350586],[352.5931701660156,72.6998062133789],[352.3581848144531,73.005615234375],[352.1222229003906,73.31060028076172],[351.8846130371094,73.6144790649414],[351.6462097167969,73.91769409179688],[351.4067077636719,74.22006225585938],[351.16619873046875,74.52137756347656],[350.9241027832031,74.82176971435547],[350.6811218261719,75.12120056152344],[350.4372253417969,75.42002868652344],[350.19207763671875,75.71783447265625],[349.9457702636719,76.0145492553711],[349.6983337402344,76.31045532226562],[349.44989013671875,76.60543060302734],[349.20037841796875,76.89952087402344],[348.94976806640625,77.19266510009766],[348.6979064941406,77.48489379882812],[348.4450988769531,77.77606964111328],[348.1911315917969,78.06641387939453],[347.93621826171875,78.35576629638672],[347.6801452636719,78.64425659179688],[347.423095703125,78.93169403076172],[347.16485595703125,79.21825408935547],[346.9056091308594,79.503662109375],[346.6452331542969,79.78824615478516],[346.3838806152344,80.07177734375],[346.1213684082031,80.3544692993164],[345.8578796386719,80.63606262207031],[345.59326171875,80.91675567626953],[345.3277282714844,81.19634246826172],[345.0610046386719,81.47505950927734],[344.7933654785156,81.75263977050781],[344.52459716796875,82.02932739257812],[344.2547607421875,82.3049545288086],[343.98394775390625,82.57939910888672],[343.71197509765625,82.8530044555664],[343.4390869140625,83.12545013427734],[343.1650390625,83.39694213867188],[342.8900451660156,83.66730499267578],[342.6139831542969,83.93668365478516],[342.3369445800781,84.20494079589844],[342.058837890625,84.47216796875],[341.77972412109375,84.7383041381836],[341.4995422363281,85.0033950805664],[341.2183837890625,85.26737213134766],[340.9361267089844,85.53033447265625],[340.6529541015625,85.7920913696289],[340.36871337890625,86.05279541015625],[340.08355712890625,86.31228637695312],[339.79718017578125,86.57083892822266],[339.5099182128906,86.82815551757812],[339.22161865234375,87.08436584472656],[338.9323425292969,87.33942413330078],[338.64202880859375,87.5933609008789],[338.3507995605469,87.84608459472656],[338.05841064453125,88.0978012084961],[337.7651062011719,88.34825134277344],[337.4708557128906,88.59751892089844],[337.175537109375,88.8456802368164],[336.8793029785156,89.09257507324219],[336.5820007324219,89.3382568359375],[336.28375244140625,89.58271026611328],[335.9844055175781,89.82599639892578],[335.6842041015625,90.06802368164062],[335.3829040527344,90.3089370727539],[335.0807800292969,90.5484848022461],[334.7774963378906,90.78691101074219],[334.4734191894531,91.02400970458984],[334.1682434082031,91.25996398925781],[333.8621826171875,91.49461364746094],[333.55511474609375,91.72803497314453],[333.2471618652344,91.96015930175781],[332.9382019042969,92.1910629272461],[332.6282958984375,92.42066955566406],[332.3173522949219,92.64891815185547],[332.00555419921875,92.87574005126953],[331.69268798828125,93.10137939453125],[331.3788757324219,93.32569122314453],[331.0642395019531,93.54866027832031],[330.7485656738281,93.77037048339844],[330.4320373535156,93.99071502685547],[330.1145935058594,94.20976257324219],[329.79632568359375,94.42741394042969],[329.47698974609375,94.643798828125],[329.1566467285156,94.85865020751953],[328.83544921875,95.07210540771484],[328.5133361816406,95.28421783447266],[328.1902770996094,95.49498748779297],[327.86651611328125,95.70428466796875],[327.5416259765625,95.91236114501953],[327.2160339355469,96.11894226074219],[326.8894958496094,96.32421875],[326.56201171875,96.52783203125],[326.2335205078125,96.73009490966797],[325.90423583984375,96.93089294433594],[325.5740661621094,97.13030242919922],[325.2431335449219,97.32823181152344],[324.9112854003906,97.52481079101562],[324.5786437988281,97.71996307373047],[324.2449645996094,97.91349792480469],[323.91046142578125,98.10546112060547],[323.57513427734375,98.2959976196289],[323.2389831542969,98.48511505126953],[322.902099609375,98.6727066040039],[322.564208984375,98.85897827148438],[322.2256774902344,99.04365539550781],[321.8861389160156,99.22657012939453],[321.54583740234375,99.40800476074219],[321.2046813964844,99.58799743652344],[320.8628234863281,99.76646423339844],[320.52008056640625,99.94351959228516],[320.17669677734375,100.11898803710938],[319.8323669433594,100.29264068603516],[319.4873046875,100.46475982666016],[319.141357421875,100.63544464111328],[318.7947082519531,100.80459594726562],[318.4473571777344,100.97225189208984],[318.0992736816406,101.1382064819336],[317.7502746582031,101.3023910522461],[317.400634765625,101.46501922607422],[317.0501708984375,101.6261978149414],[316.6990051269531,101.78585052490234],[316.3472595214844,101.94390869140625],[315.9944763183594,102.10005187988281],[315.64117431640625,102.25458526611328],[315.28717041015625,102.40758514404297],[314.9324951171875,102.55905151367188],[314.5771484375,102.70899963378906],[314.2210388183594,102.8569107055664],[313.8641052246094,103.0032730102539],[313.5066833496094,103.1480484008789],[313.1485290527344,103.29129791259766],[312.7898254394531,103.4329833984375],[312.43023681640625,103.57257843017578],[312.07012939453125,103.71058654785156],[311.70941162109375,103.8470458984375],[311.34814453125,103.98191833496094],[310.98614501953125,104.1151123046875],[310.62347412109375,104.24629211425781],[310.26025390625,104.37591552734375],[309.8965148925781,104.50395965576172],[309.53204345703125,104.63050842285156],[309.16705322265625,104.75495910644531],[308.8013916015625,104.87770080566406],[308.4351806640625,104.99889373779297],[308.0685729980469,105.11848449707031],[307.7012634277344,105.23632049560547],[307.33343505859375,105.35211944580078],[306.9649963378906,105.46639251708984],[306.59619140625,105.57906341552734],[306.2267761230469,105.69013214111328],[305.8569030761719,105.79895782470703],[305.4864196777344,105.90628051757812],[305.11553955078125,106.01202392578125],[304.744140625,106.11622619628906],[304.37225341796875,106.2181167602539],[303.99981689453125,106.3184585571289],[303.62701416015625,106.417236328125],[303.2537841796875,106.51448822021484],[302.8800048828125,106.6093978881836],[302.5057067871094,106.70279693603516],[302.1311950683594,106.79460906982422],[301.75616455078125,106.88485717773438],[301.3807067871094,106.97277069091797],[301.0047912597656,107.0591812133789],[300.62847900390625,107.14424133300781],[300.2519226074219,107.22724914550781],[299.8747863769531,107.30817413330078],[299.49749755859375,107.38795471191406],[299.11968994140625,107.46569061279297],[298.7416687011719,107.5416488647461],[298.3631591796875,107.61592864990234],[297.9843444824219,107.6883773803711],[297.6051330566406,107.75921630859375],[297.2257995605469,107.82809448242188],[296.84588623046875,107.89544677734375],[296.4659118652344,107.96086883544922],[296.0854797363281,108.024658203125],[295.7048645019531,108.08667755126953],[295.3238525390625,108.14693450927734],[294.9426574707031,108.20555114746094],[294.5611572265625,108.26226043701172],[294.1794738769531,108.3173828125],[293.7974853515625,108.37066650390625],[293.415283203125,108.42225646972656],[293.0328063964844,108.47217559814453],[292.6501770019531,108.52023315429688],[292.26727294921875,108.56671905517578],[291.8954772949219,108.66796875],[291.51983642578125,108.75487518310547],[291.1416015625,108.8305435180664],[290.76177978515625,108.89772033691406],[290.38079833984375,108.95796203613281],[289.9990234375,109.01236724853516],[289.6164855957031,109.0615234375],[289.2334899902344,109.10609436035156],[288.849853515625,109.14659118652344],[288.46600341796875,109.183349609375],[288.0816345214844,109.21649169921875],[287.697265625,109.24645233154297],[287.3125,109.27356719970703],[286.9275817871094,109.29766845703125],[286.54248046875,109.31929779052734],[286.1572570800781,109.33837890625],[285.7718505859375,109.35504913330078],[285.3866271972656,109.36959075927734],[285.0010681152344,109.38206481933594],[284.6156005859375,109.39230346679688],[284.2298889160156,109.40066528320312],[283.8443298339844,109.40719604492188],[283.4586486816406,109.41197204589844],[283.0728454589844,109.4150390625],[282.687255859375,109.41645812988281],[282.301513671875,109.41629028320312],[281.9158935546875,109.41458129882812],[281.53021240234375,109.41139221191406],[281.14459228515625,109.40676879882812],[280.75885009765625,109.40076446533203],[280.373291015625,109.39342498779297],[279.98773193359375,109.38480377197266],[279.60223388671875,109.37494659423828],[279.2166442871094,109.36389923095703],[278.83123779296875,109.35163879394531],[278.4456787109375,109.33806610107422],[278.0603942871094,109.32342529296875],[277.6749572753906,109.3077392578125],[277.2896728515625,109.29105377197266],[276.90435791015625,109.27337646484375],[276.5191650390625,109.25440979003906],[276.1339111328125,109.23454284667969],[275.7488708496094,109.21382904052734],[275.3637390136719,109.19225311279297],[274.9787292480469,109.16944885253906],[274.59381103515625,109.14586639404297],[274.20880126953125,109.12153625488281],[273.8240051269531,109.09619903564453],[273.439208984375,109.06995391845703],[273.0545349121094,109.04306030273438],[272.6697998046875,109.01527404785156],[272.2851867675781,108.98656463623047],[271.90057373046875,108.957275390625],[271.5161437988281,108.92711639404297],[271.1316223144531,108.8961181640625],[270.74737548828125,108.86463928222656],[270.3630065917969,108.83214569091797],[269.978759765625,108.79905700683594],[269.594482421875,108.76541137695312],[269.21038818359375,108.73076629638672],[268.82623291015625,108.69573974609375],[268.4422912597656,108.65985870361328],[268.058349609375,108.62337493896484],[267.67449951171875,108.58638000488281],[267.29058837890625,108.54847717285156],[266.9068603515625,108.51031494140625],[266.52313232421875,108.47113037109375],[266.139404296875,108.431640625],[265.7558898925781,108.39140319824219],[265.3722839355469,108.35063934326172],[264.9888916015625,108.3093490600586],[264.60546875,108.26736450195312],[264.2221984863281,108.22501373291016],[263.83880615234375,108.18184661865234],[263.4556579589844,108.13846588134766],[263.072509765625,108.09418487548828],[262.689453125,108.0497817993164],[262.30633544921875,108.00440216064453],[261.92340087890625,107.958984375],[261.5405578613281,107.91258239746094],[261.1577453613281,107.86616516113281],[260.7748107910156,107.81873321533203],[260.3921203613281,107.77132415771484],[260.0094909667969,107.72296142578125],[259.62689208984375,107.674560546875],[259.2443542480469,107.62528228759766],[258.8619079589844,107.57592010498047],[258.4794006347656,107.52574920654297],[258.0969543457031,107.47541046142578],[257.71478271484375,107.42443084716797],[257.33245849609375,107.37313842773438],[256.9503479003906,107.32135772705078],[256.5681457519531,107.26912689208984],[256.1860656738281,107.21656799316406],[255.80398559570312,107.16340637207031],[255.42205810546875,107.11012268066406],[255.04013061523438,107.05604553222656],[254.65830993652344,107.00198364257812],[254.27655029296875,106.94709777832031],[253.89488220214844,106.89212036132812],[253.51319885253906,106.83658599853516],[253.1316375732422,106.78070831298828],[252.7499542236328,106.72455596923828],[252.3685302734375,106.66778564453125],[251.98699951171875,106.61100006103516],[251.60568237304688,106.55340576171875],[251.22427368164062,106.49574279785156],[250.84312438964844,106.4376220703125],[250.46185302734375,106.37907409667969],[250.0806884765625,106.3204345703125],[249.6995391845703,106.26103210449219],[249.3184051513672,106.20162200927734],[248.93746948242188,106.14166259765625],[248.55645751953125,106.0813980102539],[248.1756134033203,106.02100372314453],[247.79473876953125,105.95989990234375],[247.41400146484375,105.89881134033203],[247.033203125,105.83715057373047],[246.652587890625,105.77522277832031],[246.2718505859375,105.71319580078125],[245.89137268066406,105.65043640136719],[245.51077270507812,105.58766174316406],[245.13038635253906,105.52449798583984],[244.7499237060547,105.46089172363281],[244.3695831298828,105.39730834960938],[243.9892120361328,105.33300018310547],[243.6090087890625,105.26860809326172],[243.22877502441406,105.20404815673828],[242.84869384765625,105.13884735107422],[242.468505859375,105.07362365722656],[242.0884246826172,105.00801086425781],[241.7083740234375,104.94200134277344],[241.3283233642578,104.87598419189453],[240.94847106933594,104.80937957763672],[240.5685577392578,104.7425765991211],[240.18875122070312,104.67578887939453],[239.80897521972656,104.60821533203125],[239.4293212890625,104.54065704345703],[239.04969787597656,104.47295379638672],[238.67018127441406,104.40461730957031],[238.29054260253906,104.33625793457031],[237.91104125976562,104.26766967773438],[237.53155517578125,104.19854736328125],[237.1521759033203,104.12944793701172],[236.77273559570312,104.05998992919922],[236.39349365234375,103.9901351928711],[236.01414489746094,103.92024993896484],[235.6349334716797,103.8499984741211],[235.25572204589844,103.77936553955078],[234.87661743164062,103.70875549316406],[234.4975128173828,103.63772583007812],[234.11854553222656,103.56636810302734],[233.73947143554688,103.49498748779297],[233.3605194091797,103.4232177734375],[232.9815673828125,103.35110473632812],[232.60263061523438,103.27898406982422],[232.2239532470703,103.20653533935547],[231.8451385498047,103.1336898803711],[231.46646118164062,103.06087493896484],[231.0877227783203,102.98771667480469],[230.7091827392578,102.91417694091797],[230.3305206298828,102.84061431884766],[229.95571899414062,102.7524642944336],[229.58860778808594,102.63408660888672],[229.22097778320312,102.5176773071289],[228.85281372070312,102.40277099609375],[228.4842071533203,102.28923797607422],[228.11520385742188,102.17684936523438],[227.74594116210938,102.0657730102539],[227.37625122070312,101.95572662353516],[227.0064239501953,101.8466796875],[226.63612365722656,101.73838806152344],[226.26565551757812,101.63139343261719],[225.89486694335938,101.52527618408203],[225.52392578125,101.41976165771484],[225.15249633789062,101.31568145751953],[224.78086853027344,101.21212005615234],[224.4091339111328,101.10960388183594],[224.0371551513672,101.00775146484375],[223.66494750976562,100.90696716308594],[223.2922821044922,100.8069839477539],[222.919677734375,100.70796203613281],[222.54660034179688,100.60973358154297],[222.17344665527344,100.51240539550781],[221.800048828125,100.41592407226562],[221.42640686035156,100.32032012939453],[221.052490234375,100.22555541992188],[220.67843627929688,100.13167572021484],[220.3041229248047,100.03863525390625],[219.9296417236328,99.94645690917969],[219.55496215820312,99.85514831542969],[219.1800079345703,99.76466369628906],[218.80482482910156,99.67501831054688],[218.42953491210938,99.5864028930664],[218.0539093017578,99.49864196777344],[217.6782684326172,99.41179656982422],[217.30221557617188,99.32574462890625],[216.92608642578125,99.24058532714844],[216.54974365234375,99.15626525878906],[216.173095703125,99.072998046875],[215.7963104248047,98.99066925048828],[215.4192657470703,98.90919494628906],[215.04222106933594,98.82862854003906],[214.664794921875,98.74888610839844],[214.28726196289062,98.67032623291016],[213.90943908691406,98.59268188476562],[213.5315399169922,98.51593780517578],[213.1532440185547,98.4400405883789],[212.7749481201172,98.36524200439453],[212.39637756347656,98.29155731201172],[212.01773071289062,98.21879577636719],[211.63870239257812,98.14688873291016],[211.2596435546875,98.07609558105469],[210.88023376464844,98.00648498535156],[210.5007781982422,97.93781280517578],[210.12103271484375,97.87004089355469],[209.74119567871094,97.80349731445312],[209.361083984375,97.73814392089844],[208.9807891845703,97.67373657226562],[208.60032653808594,97.61027526855469],[208.2197265625,97.54827880859375],[207.8387908935547,97.48733520507812],[207.45777893066406,97.4273910522461],[207.07666015625,97.36859130859375],[206.69520568847656,97.31126403808594],[206.3137664794922,97.25498962402344],[205.93199157714844,97.19970703125],[205.5501251220703,97.1459732055664],[205.16793823242188,97.09346771240234],[204.7857208251953,97.04203796386719],[204.40325927734375,96.99187469482422],[204.0207061767578,96.94336700439453],[203.63795471191406,96.89595794677734],[203.25515747070312,96.84964752197266],[202.87197875976562,96.80501556396484],[202.48876953125,96.76168060302734],[202.10533142089844,96.7198486328125],[201.72181701660156,96.6794204711914],[201.3380126953125,96.64041137695312],[200.95425415039062,96.60299682617188],[200.57020568847656,96.56696319580078],[200.18614196777344,96.53262329101562],[199.8017578125,96.49974822998047],[199.41729736328125,96.46846008300781],[199.03280639648438,96.43887329101562],[198.64805603027344,96.41080474853516],[198.263427734375,96.38461303710938],[197.87838745117188,96.3600082397461],[197.4935302734375,96.33719635009766],[197.1083221435547,96.31619262695312],[196.7232208251953,96.29688262939453],[196.3378143310547,96.27962493896484],[195.95248413085938,96.26409912109375],[195.56698608398438,96.25060272216797],[195.18157958984375,96.23904418945312],[194.7959747314453,96.22943878173828],[194.41043090820312,96.2220230102539],[194.02474975585938,96.21651458740234],[193.6390380859375,96.21338653564453],[193.2533416748047,96.21227264404297],[192.8677215576172,96.2135009765625],[192.48194885253906,96.21697235107422],[192.09642028808594,96.22277069091797],[191.71075439453125,96.23104858398438],[191.32530212402344,96.24164581298828],[190.9397430419922,96.25494384765625],[190.55430603027344,96.27057647705078],[190.1692352294922,96.28912353515625],[189.78404235839844,96.31011199951172],[189.399169921875,96.3341064453125],[189.0142822265625,96.36072540283203],[188.6298370361328,96.39044952392578],[188.2454833984375,96.42295837402344],[187.86154174804688,96.45872497558594],[187.477783203125,96.4974136352539],[187.09442138671875,96.53956604003906],[186.71139526367188,96.58477783203125],[186.32882690429688,96.63367462158203],[185.94659423828125,96.68572998046875],[185.56507873535156,96.74172973632812],[185.1840057373047,96.80111694335938],[184.80361938476562,96.86450958251953],[184.4237518310547,96.93167877197266],[184.0447540283203,97.00284576416016],[183.66644287109375,97.0782470703125],[183.2890625,97.15760803222656],[182.91265869140625,97.24171447753906],[182.53713989257812,97.33006286621094],[182.162841796875,97.42296600341797],[181.78976440429688,97.52067565917969],[181.41806030273438,97.623291015625],[181.047607421875,97.7309799194336],[180.67892456054688,97.8437271118164],[180.31167602539062,97.96184539794922],[179.94644165039062,98.08541107177734],[179.58285522460938,98.21463012695312],[179.22164916992188,98.34954071044922],[178.862548828125,98.49042510986328],[178.50601196289062,98.63729095458984],[178.15206909179688,98.79048156738281],[177.80087280273438,98.94996643066406],[177.44900512695312,99.10765838623047],[177.096435546875,99.26405334472656],[176.7467498779297,99.4267349243164],[176.39952087402344,99.59444427490234],[176.05422973632812,99.76656341552734],[175.7112579345703,99.94275665283203],[175.37014770507812,100.12273406982422],[175.03094482421875,100.30631256103516],[174.69358825683594,100.49333190917969],[174.35812377929688,100.68368530273438],[174.02471923828125,100.87740325927734],[173.69296264648438,101.07420349121094],[173.36317443847656,101.27417755126953],[173.03517150878906,101.47722625732422],[172.7093048095703,101.68321228027344],[172.38502502441406,101.89213562011719],[172.06283569335938,102.1041030883789],[171.74258422851562,102.31903839111328],[171.42430114746094,102.53678894042969],[171.10792541503906,102.75749969482422],[170.79373168945312,102.98097229003906],[170.48135375976562,103.20738983154297],[170.1711883544922,103.43658447265625],[169.8630828857422,103.66859436035156],[169.55714416503906,103.90331268310547],[169.2533416748047,104.14094543457031],[168.95169067382812,104.38131713867188],[168.65220642089844,104.62445068359375],[168.35519409179688,104.87029266357422],[168.06031799316406,105.1190185546875],[167.76779174804688,105.37042236328125],[167.47772216796875,105.62445068359375],[167.18994140625,105.88130187988281],[166.90469360351562,106.14083862304688],[166.62191772460938,106.40314483642578],[166.34170532226562,106.66815185546875],[166.0640106201172,106.93585205078125],[165.78895568847656,107.20620727539062],[165.51654052734375,107.47929382324219],[165.24688720703125,107.75495147705078],[164.97991943359375,108.03331756591797],[164.7158203125,108.31426239013672],[164.4543914794922,108.59801483154297],[164.19602966308594,108.88418579101562],[163.94039916992188,109.17316436767578],[163.6878662109375,109.46459197998047],[163.43829345703125,109.75865173339844],[163.19180297851562,110.0552749633789],[162.94850158691406,110.3545150756836],[162.70835876464844,110.65621185302734],[162.47132873535156,110.96054077148438],[162.23756408691406,111.26727294921875],[162.00704956054688,111.5765609741211],[161.77981567382812,111.88826751708984],[161.55606079101562,112.20234680175781],[161.3357696533203,112.51897430419922],[161.1190185546875,112.83783721923828],[160.9055938720703,113.15921783447266],[160.6957550048828,113.4827880859375],[160.48956298828125,113.80870056152344],[160.28712463378906,114.13693237304688],[160.08822631835938,114.46747589111328],[159.89308166503906,114.80001831054688],[159.7016143798828,115.13491821289062],[159.51416015625,115.47193908691406],[159.33041381835938,115.81100463867188],[159.15045166015625,116.15206909179688],[158.9745635986328,116.49539947509766],[158.80258178710938,116.84059143066406],[158.6343994140625,117.18773651123047],[158.47039794921875,117.5367431640625],[158.31044006347656,117.8876724243164],[158.15438842773438,118.24032592773438],[158.00253295898438,118.59492492675781],[157.8548126220703,118.95115661621094],[157.7109832763672,119.30896759033203],[157.57144165039062,119.66864013671875],[157.43614196777344,120.02970886230469],[157.30494689941406,120.3924560546875],[157.17794799804688,120.75664520263672],[157.05514526367188,121.12223815917969],[156.9366455078125,121.48917388916016],[156.82232666015625,121.85762786865234],[156.7122344970703,122.22718811035156],[156.60635375976562,122.59813690185547],[156.5047607421875,122.97005462646484],[156.40736389160156,123.34331512451172],[156.314208984375,123.71752166748047],[156.2252655029297,124.09292602539062],[156.14059448242188,124.46914672851562],[156.0601348876953,124.84630584716797],[155.98390197753906,125.2243881225586],[155.911865234375,125.603271484375],[155.84402465820312,125.98294830322266],[155.78033447265625,126.36341857910156],[155.72080993652344,126.74433135986328],[155.6654052734375,127.12613677978516],[155.61410522460938,127.50838470458984],[155.56695556640625,127.89111328125],[155.52389526367188,128.2744140625],[155.48489379882812,128.65814208984375],[155.4499053955078,129.0421905517578],[155.4188690185547,129.42657470703125],[155.39183044433594,129.8113555908203],[155.36880493164062,130.1963653564453],[155.34963989257812,130.58164978027344],[155.33432006835938,130.96693420410156],[155.32293701171875,131.3524932861328],[155.3153533935547,131.7379913330078],[155.31149291992188,132.12374877929688],[155.31149291992188,132.50936889648438],[155.31512451171875,132.8951416015625],[155.32244873046875,133.28070068359375],[155.3334503173828,133.6661834716797],[155.3479766845703,134.05154418945312],[155.3662109375,134.4368438720703],[155.40484619140625,134.82044982910156],[155.45582580566406,135.2027587890625],[155.5129852294922,135.58409118652344],[155.57540893554688,135.96473693847656],[155.64230346679688,136.3446807861328],[155.71348571777344,136.72366333007812],[155.78860473632812,137.1019744873047],[155.86744689941406,137.47947692871094],[155.94985961914062,137.85633850097656],[156.03599548339844,138.2322235107422],[156.1254425048828,138.6074676513672],[156.2180633544922,138.98175048828125],[156.31417846679688,139.3553009033203],[156.41323852539062,139.72796630859375],[156.51568603515625,140.0999298095703],[156.62109375,140.47079467773438],[156.72943115234375,140.84100341796875],[156.8411102294922,141.21014404296875],[156.95565795898438,141.5784454345703],[157.0729522705078,141.9458465576172],[157.193359375,142.312255859375],[157.31674194335938,142.6776580810547],[157.44293212890625,143.0421142578125],[157.57212829589844,143.405517578125],[157.70413208007812,143.76788330078125],[157.83901977539062,144.1293487548828],[157.97665405273438,144.489501953125],[158.1172637939453,144.8487091064453],[158.2606201171875,145.20672607421875],[158.4067840576172,145.56370544433594],[158.55572509765625,145.91941833496094],[158.70748901367188,146.2740478515625],[158.86195373535156,146.6272735595703],[159.01927185058594,146.9794921875],[159.17933654785156,147.33041381835938],[159.3422088623047,147.68003845214844],[159.50779724121094,148.02835083007812],[159.68142700195312,148.3726043701172],[159.86431884765625,148.71209716796875],[160.04727172851562,149.05169677734375],[160.23016357421875,149.39117431640625],[160.41311645507812,149.73077392578125],[160.59600830078125,150.0702667236328],[160.77894592285156,150.4098663330078],[160.9618377685547,150.74935913085938],[161.144775390625,151.08895874023438],[161.32766723632812,151.42845153808594],[161.5106201171875,151.76805114746094],[161.69357299804688,152.10765075683594],[161.87646484375,152.4471435546875],[162.0594024658203,152.7867431640625],[162.24229431152344,153.126220703125],[162.4252471923828,153.4658203125],[162.60812377929688,153.80532836914062],[162.79107666015625,154.14491271972656],[162.97396850585938,154.48440551757812],[163.15692138671875,154.82400512695312],[163.33981323242188,155.1634979248047],[163.5227508544922,155.5030975341797],[163.7056427001953,155.84259033203125],[163.8885955810547,156.18218994140625],[164.07147216796875,156.5216827392578],[164.25442504882812,156.8612823486328],[164.43731689453125,157.20077514648438],[164.62026977539062,157.54037475585938],[164.80316162109375,157.87985229492188],[164.98609924316406,158.21945190429688],[165.1689910888672,158.55894470214844],[165.35194396972656,158.89854431152344],[165.53488159179688,159.23814392089844],[165.7177734375,159.57763671875],[165.90072631835938,159.917236328125],[166.0836181640625,160.25672912597656],[166.2665557861328,160.59632873535156],[166.44944763183594,160.93582153320312],[166.6324005126953,161.27542114257812],[166.81529235839844,161.61489868164062],[166.99822998046875,161.95449829101562],[167.18112182617188,162.2939910888672],[167.36407470703125,162.6335906982422],[167.54696655273438,162.97308349609375],[167.7299041748047,163.31268310546875],[167.9127960205078,163.6521759033203],[168.0957489013672,163.9917755126953],[168.2786407470703,164.33126831054688],[168.46157836914062,164.67086791992188],[168.64447021484375,165.01036071777344],[168.82742309570312,165.34994506835938],[169.01031494140625,165.689453125],[169.19325256347656,166.029052734375],[169.3761444091797,166.3685302734375],[169.55909729003906,166.7081298828125],[169.74203491210938,167.0477294921875],[169.9249267578125,167.38722229003906],[170.10787963867188,167.72682189941406],[170.290771484375,168.06631469726562],[170.4737091064453,168.40591430664062],[170.65660095214844,168.7454071044922],[170.8395538330078,169.0850067138672],[171.02244567871094,169.42449951171875],[171.20538330078125,169.76409912109375],[171.38827514648438,170.10357666015625],[171.57122802734375,170.44317626953125],[171.75411987304688,170.7826690673828],[171.9370574951172,171.1222686767578],[172.1199493408203,171.46176147460938],[172.3029022216797,171.80136108398438],[172.4857940673828,172.14085388183594],[172.66873168945312,172.48045349121094],[172.85162353515625,172.8199462890625],[173.03457641601562,173.1595458984375],[173.21746826171875,173.4990234375],[173.40040588378906,173.838623046875],[173.58335876464844,174.17822265625],[173.76625061035156,174.51771545410156],[173.94918823242188,174.85731506347656],[174.132080078125,175.19680786132812],[174.31503295898438,175.53640747070312],[174.4979248046875,175.8759002685547],[174.68087768554688,176.2154998779297],[174.86375427246094,176.55499267578125],[175.0467071533203,176.89459228515625],[175.22959899902344,177.2340850830078],[175.41253662109375,177.57366943359375],[175.59542846679688,177.91317749023438],[175.77838134765625,178.25277709960938],[175.96127319335938,178.59225463867188],[176.14422607421875,178.93185424804688],[176.3271026611328,179.27134704589844],[176.5100555419922,179.61094665527344],[176.6929473876953,179.950439453125],[176.87588500976562,180.2900390625],[177.05877685546875,180.62953186035156],[177.24172973632812,180.96913146972656],[177.42462158203125,181.30862426757812],[177.60757446289062,181.64822387695312],[177.79051208496094,181.98782348632812],[177.97340393066406,182.32730102539062],[178.15635681152344,182.66690063476562],[178.3392333984375,183.0063934326172],[178.52218627929688,183.3459930419922],[178.705078125,183.68548583984375],[178.88803100585938,184.02508544921875],[179.0709228515625,184.3645782470703],[179.2538604736328,184.7041778564453],[179.43675231933594,185.04367065429688],[179.6197052001953,185.38327026367188],[179.80258178710938,185.72276306152344],[179.98553466796875,186.06234741210938],[180.16842651367188,186.40185546875],[180.35137939453125,186.74143981933594],[180.53427124023438,187.0809326171875],[180.7172088623047,187.4205322265625],[180.9001007080078,187.76002502441406],[181.0830535888672,188.09962463378906],[181.26593017578125,188.43911743164062],[181.44888305664062,188.77871704101562],[181.63177490234375,189.1182098388672],[181.81472778320312,189.4578094482422],[181.99766540527344,189.7974090576172],[182.18055725097656,190.13690185546875],[182.36351013183594,190.47650146484375],[182.54640197753906,190.81597900390625],[182.72933959960938,191.15557861328125],[182.9122314453125,191.4950714111328],[183.09518432617188,191.8346710205078],[183.278076171875,192.17416381835938],[183.4610137939453,192.51376342773438],[183.64390563964844,192.85325622558594],[183.8268585205078,193.19285583496094],[184.00975036621094,193.5323486328125],[184.19268798828125,193.8719482421875],[184.37557983398438,194.21142578125],[184.55853271484375,194.551025390625],[184.74142456054688,194.89051818847656],[184.9243621826172,195.23011779785156],[185.1072540283203,195.56961059570312],[185.2902069091797,195.90921020507812],[185.4730987548828,196.2487030029297],[185.65603637695312,196.5883026123047],[185.8389892578125,196.9279022216797],[186.02188110351562,197.26739501953125],[186.20481872558594,197.60699462890625],[186.38771057128906,197.9464874267578],[186.57066345214844,198.2860870361328],[186.75355529785156,198.62557983398438],[186.93649291992188,198.9651641845703],[187.119384765625,199.30465698242188],[187.30233764648438,199.64425659179688],[187.4852294921875,199.98374938964844],[187.6681671142578,200.32334899902344],[187.85105895996094,200.662841796875],[188.0340118408203,201.00244140625],[188.21690368652344,201.34193420410156],[188.39984130859375,201.68153381347656],[188.58273315429688,202.02102661132812],[188.76568603515625,202.36062622070312],[188.94857788085938,202.70010375976562],[189.1315155029297,203.03970336914062],[189.3144073486328,203.3791961669922],[189.4973602294922,203.7187957763672],[189.6802520751953,204.05828857421875],[189.86318969726562,204.39788818359375],[190.046142578125,204.73748779296875],[190.22903442382812,205.0769805908203],[190.41197204589844,205.4165802001953],[190.59486389160156,205.75607299804688],[190.77781677246094,206.09567260742188],[190.96070861816406,206.43516540527344],[191.14364624023438,206.77476501464844],[191.3265380859375,207.11424255371094],[191.50949096679688,207.45384216308594],[191.6923828125,207.7933349609375],[191.8753204345703,208.1329345703125],[192.05821228027344,208.47242736816406],[192.2411651611328,208.81202697753906],[192.42405700683594,209.15151977539062],[192.60699462890625,209.49111938476562],[192.78988647460938,209.8306121826172],[192.97283935546875,210.1702117919922],[193.15573120117188,210.50970458984375],[193.3386688232422,210.84930419921875],[193.5215606689453,211.18878173828125],[193.70626831054688,211.52711486816406],[193.96726989746094,211.81126403808594],[194.23382568359375,212.0897674560547],[194.50491333007812,212.36427307128906],[194.77947998046875,212.6349639892578],[195.05743408203125,212.90255737304688],[195.338134765625,213.1668243408203],[195.62181091308594,213.42832946777344],[195.90789794921875,213.68673706054688],[196.19686889648438,213.9422607421875],[196.4881134033203,214.19512939453125],[196.7819366455078,214.44505310058594],[197.0778045654297,214.69235229492188],[197.3762664794922,214.9366912841797],[197.6767120361328,215.17835998535156],[197.9794921875,215.41748046875],[198.284423828125,215.6534881591797],[198.59149169921875,215.88690185546875],[198.90052795410156,216.11758422851562],[199.2116241455078,216.3456268310547],[199.52481079101562,216.57057189941406],[199.8401641845703,216.79281616210938],[200.15724182128906,217.01211547851562],[200.4765167236328,217.22869873046875],[200.7977752685547,217.44223022460938],[201.12081909179688,217.65280151367188],[201.44580078125,217.86045837402344],[201.772705078125,218.0651397705078],[202.1014404296875,218.2667999267578],[202.43203735351562,218.46536254882812],[202.76458740234375,218.6609344482422],[203.0987548828125,218.85325622558594],[203.4348907470703,219.04251098632812],[203.77272033691406,219.22850036621094],[204.11241149902344,219.41134643554688],[204.4536895751953,219.59083557128906],[204.79678344726562,219.76705932617188],[205.14149475097656,219.93991088867188],[205.4879608154297,220.1094512939453],[205.8360595703125,220.2754364013672],[206.18582153320312,220.43792724609375],[206.5372314453125,220.5969696044922],[206.8902130126953,220.7524871826172],[207.24456787109375,220.90440368652344],[207.60069274902344,221.05271911621094],[207.95831298828125,221.1972198486328],[208.31736755371094,221.33804321289062],[208.67784118652344,221.47518920898438],[209.0397491455078,221.60855102539062],[209.40309143066406,221.7378692626953],[209.76771545410156,221.86338806152344],[210.1337890625,221.9851531982422],[210.50096130371094,222.10269165039062],[210.86962890625,222.21629333496094],[211.2393798828125,222.32595825195312],[211.61033630371094,222.4314422607422],[211.98239135742188,222.53271484375],[212.3556365966797,222.6300506591797],[212.72998046875,222.7230224609375],[213.1053009033203,222.81175231933594],[213.48155212402344,222.89645385742188],[213.85879516601562,222.97650146484375],[214.2369384765625,223.05242919921875],[214.6160125732422,223.1240234375],[214.99566650390625,223.19102478027344],[215.37623596191406,223.2539825439453],[215.75747680664062,223.3120880126953],[216.13941955566406,223.36599731445312],[216.52197265625,223.41531372070312],[216.90501403808594,223.4601287841797],[217.28860473632812,223.50051879882812],[217.67257690429688,223.5362091064453],[218.05711364746094,223.56756591796875],[218.44178771972656,223.5940704345703],[218.8268280029297,223.61630249023438],[219.2120819091797,223.63365173339844],[219.5976104736328,223.64674377441406],[219.98313903808594,223.6549072265625],[220.368896484375,223.6587677001953],[220.75445556640625,223.65777587890625],[221.14010620117188,223.65240478515625],[221.5255889892578,223.642333984375],[221.9111328125,223.62771606445312],[222.29620361328125,223.60861206054688],[222.6811981201172,223.58474731445312],[223.06578063964844,223.55673217773438],[223.4501953125,223.52389526367188],[223.83395385742188,223.48646545410156],[224.2174072265625,223.44476318359375],[224.60025024414062,223.39854431152344],[224.98272705078125,223.34786987304688],[225.36444091796875,223.29269409179688],[225.7454071044922,223.2332000732422],[226.12588500976562,223.1693572998047],[226.50546264648438,223.10118103027344],[226.88424682617188,223.0286865234375],[227.26222229003906,222.95199584960938],[227.63937377929688,222.87103271484375],[228.01547241210938,222.785888671875],[228.39071655273438,222.69667053222656],[228.76478576660156,222.60328674316406],[229.1381072998047,222.50582885742188],[229.51011657714844,222.40435791015625],[229.881103515625,222.2989044189453],[230.2509307861328,222.18959045410156],[230.61962890625,222.07626342773438],[230.98704528808594,221.959228515625],[231.3533477783203,221.83828735351562],[231.71823120117188,221.71368408203125],[232.08201599121094,221.58529663085938],[232.44432067871094,221.4533233642578],[232.80551147460938,221.31773376464844],[233.16526794433594,221.17848205566406],[233.52346801757812,221.03591918945312],[233.88055419921875,220.88973999023438],[234.23594665527344,220.74020385742188],[234.59007263183594,220.58734130859375],[234.9427032470703,220.43116760253906],[235.29388427734375,220.27166748046875],[235.64352416992188,220.10906982421875],[235.9918975830078,219.94326782226562],[236.3384552001953,219.77432250976562],[236.68373107910156,219.60227966308594],[237.0273895263672,219.4272918701172],[237.36964416503906,219.2493438720703],[237.71018981933594,219.06851196289062],[238.0492706298828,218.88473510742188],[238.3867645263672,218.6981658935547],[238.7228240966797,218.5087890625],[239.05731201171875,218.31671142578125],[239.3901824951172,218.1219940185547],[239.7214813232422,217.92465209960938],[240.05140686035156,217.72459411621094],[240.3795166015625,217.52212524414062],[240.70620727539062,217.31704711914062],[241.03134155273438,217.10951232910156],[241.32252502441406,216.86065673828125],[241.58924865722656,216.58200073242188],[241.85589599609375,216.3034210205078],[242.12261962890625,216.02474975585938],[242.38925170898438,215.7461700439453],[242.65597534179688,215.46751403808594],[242.92262268066406,215.18893432617188],[243.18934631347656,214.91026306152344],[243.45599365234375,214.63168334960938],[243.72271728515625,214.35302734375],[243.98936462402344,214.07444763183594],[244.25608825683594,213.79579162597656],[244.52273559570312,213.5172119140625],[244.78945922851562,213.23854064941406],[245.05609130859375,212.9599609375],[245.3228302001953,212.68130493164062],[245.58946228027344,212.40272521972656],[245.856201171875,212.12405395507812],[246.12283325195312,211.84548950195312],[246.38955688476562,211.5668182373047],[246.65628051757812,211.2881622314453],[246.9229278564453,211.00958251953125],[247.1896514892578,210.7309112548828],[247.456298828125,210.45233154296875],[247.7230224609375,210.17367553710938],[247.9896697998047,209.8950958251953],[248.2563934326172,209.61642456054688],[248.52304077148438,209.33786010742188],[248.78976440429688,209.05918884277344],[249.05641174316406,208.78060913085938],[249.32313537597656,208.501953125],[249.5897674560547,208.22337341308594],[249.85650634765625,207.9447021484375],[250.12313842773438,207.6661376953125],[250.38986206054688,207.38746643066406],[250.65650939941406,207.10888671875],[250.92323303222656,206.83023071289062],[251.18988037109375,206.55165100097656],[251.45660400390625,206.27297973632812],[251.72325134277344,205.99441528320312],[251.98997497558594,205.7157440185547],[252.25662231445312,205.43716430664062],[252.52334594726562,205.15850830078125],[252.79006958007812,204.8798370361328],[253.0567169189453,204.60125732421875],[253.3234405517578,204.32260131835938],[253.590087890625,204.0440216064453],[253.8568115234375,203.76535034179688],[254.12344360351562,203.48678588867188],[254.39016723632812,203.20811462402344],[254.6568145751953,202.92953491210938],[254.9235382080078,202.65087890625],[255.190185546875,202.37229919433594],[255.4569091796875,202.0936279296875],[255.7235565185547,201.8150634765625],[255.9902801513672,201.53639221191406],[256.2569274902344,201.2578125],[256.5236511230469,200.97915649414062],[256.790283203125,200.70057678222656],[257.0570068359375,200.42190551757812],[257.32366943359375,200.14332580566406],[257.59039306640625,199.8646697998047],[257.8570251464844,199.58609008789062],[258.1237487792969,199.3074188232422],[258.3904724121094,199.0287628173828],[258.6571350097656,198.75018310546875],[258.9238586425781,198.47152709960938],[259.19049072265625,198.1929473876953],[259.45721435546875,197.91427612304688],[259.7238464355469,197.6356964111328],[259.9906005859375,197.35704040527344],[260.2572326660156,197.07846069335938],[260.5239562988281,196.79978942871094],[260.79058837890625,196.52122497558594],[261.05731201171875,196.2425537109375],[261.323974609375,195.96397399902344],[261.5906982421875,195.68531799316406],[261.8573303222656,195.40673828125],[262.1240539550781,195.12806701660156],[262.3907165527344,194.84950256347656],[262.6574401855469,194.57083129882812],[262.924072265625,194.29225158691406],[263.1907958984375,194.0135955810547],[263.4574279785156,193.73501586914062],[263.72418212890625,193.4563446044922],[263.9908142089844,193.17776489257812],[264.2575378417969,192.89910888671875],[264.5242614746094,192.6204376220703],[264.7908935546875,192.34185791015625],[265.0576171875,192.06320190429688],[265.32427978515625,191.7846221923828],[265.59100341796875,191.50596618652344],[265.8576354980469,191.22738647460938],[266.1243591308594,190.94871520996094],[266.3910217285156,190.67013549804688],[266.6577453613281,190.3914794921875],[266.92437744140625,190.11289978027344],[267.19110107421875,189.834228515625],[267.4577331542969,189.5556640625],[267.7244873046875,189.27699279785156],[267.9911193847656,188.9984130859375],[268.2578430175781,188.71975708007812],[268.52447509765625,188.44117736816406],[268.79119873046875,188.16250610351562],[269.057861328125,187.88394165039062],[269.3245849609375,187.6052703857422],[269.5912170410156,187.32669067382812],[269.8579406738281,187.04803466796875],[270.1246643066406,186.7693634033203],[270.3913269042969,186.49078369140625],[270.6580505371094,186.21212768554688],[270.9246826171875,185.9335479736328],[271.19140625,185.65487670898438],[271.4580383300781,185.37631225585938],[271.72479248046875,185.09764099121094],[271.9914245605469,184.81906127929688],[272.2581481933594,184.5404052734375],[272.5247802734375,184.26182556152344],[272.79150390625,183.983154296875],[273.05816650390625,183.70458984375],[273.32489013671875,183.42591857910156],[273.5915222167969,183.1473388671875],[273.8582458496094,182.86868286132812],[274.1249084472656,182.59010314941406],[274.3916320800781,182.31143188476562],[274.694091796875,182.074462890625],[275.01202392578125,181.8558807373047],[275.33209228515625,181.6408233642578],[275.654052734375,181.42845153808594],[275.9775390625,181.2186279296875],[276.3026428222656,181.01083374023438],[276.6289367675781,180.80520629882812],[276.95648193359375,180.60165405273438],[277.2853088378906,180.40003967285156],[277.6152648925781,180.20034790039062],[277.9463806152344,180.00250244140625],[278.2784423828125,179.80648803710938],[278.6116027832031,179.61207580566406],[278.94561767578125,179.41934204101562],[279.2806701660156,179.22816467285156],[279.61663818359375,179.03897094726562],[279.9536437988281,178.85121154785156],[280.2914733886719,178.66529846191406],[280.6302795410156,178.48089599609375],[280.9698181152344,178.29811096191406],[281.3103942871094,178.11703491210938],[281.6516418457031,177.93753051757812],[281.993896484375,177.75942993164062],[282.33685302734375,177.58314514160156],[282.6806945800781,177.4084014892578],[283.02520751953125,177.2352294921875],[283.37060546875,177.0635223388672],[283.7167053222656,176.8934783935547],[284.063720703125,176.72503662109375],[284.4115905761719,176.55813598632812],[284.75994873046875,176.39288330078125],[285.10919189453125,176.22914123535156],[285.4591064453125,176.06700134277344],[285.8097839355469,175.90638732910156],[286.1611022949219,175.7473907470703],[286.51324462890625,175.58995056152344],[286.8660583496094,175.4342041015625],[287.2196960449219,175.28005981445312],[287.5738830566406,175.12753295898438],[287.9288330078125,174.97657775878906],[288.2843017578125,174.8273162841797],[288.640625,174.67958068847656],[288.9975280761719,174.53350830078125],[289.35516357421875,174.38902282714844],[289.71337890625,174.24623107910156],[290.0723571777344,174.10501098632812],[290.431884765625,173.9654998779297],[290.79217529296875,173.82757568359375],[291.1528625488281,173.69140625],[291.514404296875,173.5568389892578],[291.8765563964844,173.42396545410156],[292.23919677734375,173.2929229736328],[292.6026611328125,173.16351318359375],[292.96649169921875,173.03585815429688],[293.33111572265625,172.90988159179688],[293.6961364746094,172.7856903076172],[294.0618896484375,172.66314697265625],[294.4281311035156,172.54238891601562],[294.7950744628906,172.42332458496094],[295.162353515625,172.30606079101562],[295.5303649902344,172.1905059814453],[295.8988952636719,172.0767059326172],[296.2680358886719,171.96484375],[296.6376037597656,171.85487365722656],[297.00787353515625,171.7466583251953],[297.3785400390625,171.6402587890625],[297.7497863769531,171.53562927246094],[298.12152099609375,171.43283081054688],[298.49371337890625,171.33181762695312],[298.86639404296875,171.232666015625],[299.23974609375,171.13568115234375],[299.6134948730469,171.04052734375],[299.9876708984375,170.94723510742188],[300.3625183105469,170.8557586669922],[300.73748779296875,170.7661895751953],[301.1131286621094,170.67845153808594],[301.4891357421875,170.59291076660156],[301.8657531738281,170.50936889648438],[302.24261474609375,170.42776489257812],[302.62005615234375,170.3480224609375],[302.9977722167969,170.2700653076172],[303.3758850097656,170.1942901611328],[303.7544250488281,170.1207275390625],[304.13348388671875,170.0490264892578],[304.5127868652344,169.97940063476562],[304.8925476074219,169.9119110107422],[305.2725524902344,169.84637451171875],[305.65301513671875,169.7830047607422],[306.03375244140625,169.72169494628906],[306.4149475097656,169.6624298095703],[306.7963562011719,169.6053924560547],[307.1781311035156,169.5503692626953],[307.5601501464844,169.49757385253906],[307.9425048828125,169.44688415527344],[308.3252258300781,169.3983154296875],[308.7079772949219,169.35202026367188],[309.0911560058594,169.30776977539062],[309.4745788574219,169.26589965820312],[309.8582458496094,169.22605895996094],[310.24200439453125,169.1885986328125],[310.6261291503906,169.15322875976562],[311.0103454589844,169.1201934814453],[311.3948059082031,169.08938598632812],[311.7794189453125,169.06080627441406],[312.16448974609375,169.04017639160156],[312.55010986328125,169.04104614257812],[312.93585205078125,169.04190063476562],[313.32147216796875,169.04275512695312],[313.70721435546875,169.0436248779297],[314.09283447265625,169.0444793701172],[314.47857666015625,169.0453338623047],[314.86419677734375,169.04620361328125],[315.24993896484375,169.04705810546875],[315.63555908203125,169.04791259765625],[316.02130126953125,169.0487823486328],[316.40692138671875,169.0496368408203],[316.7926330566406,169.0504913330078],[317.1783752441406,169.05136108398438],[317.5639953613281,169.05221557617188],[317.9497375488281,169.05307006835938],[318.3353576660156,169.05392456054688],[318.7210998535156,169.05479431152344],[319.1067199707031,169.05564880371094],[319.4924621582031,169.05650329589844],[319.8780822753906,169.057373046875],[320.2638244628906,169.0582275390625],[320.6494445800781,169.05908203125],[321.0351867675781,169.05995178222656],[321.4208068847656,169.06080627441406],[321.8065490722656,169.06166076660156],[322.1921691894531,169.06253051757812],[322.5779113769531,169.06338500976562],[322.9635009765625,169.06423950195312],[323.3492431640625,169.0651092529297],[323.73486328125,169.0659637451172],[324.12060546875,169.0668182373047],[324.5062255859375,169.06768798828125],[324.8919677734375,169.06854248046875],[325.2777099609375,169.06939697265625],[325.663330078125,169.0702667236328],[326.049072265625,169.0711212158203],[326.4346923828125,169.0719757080078],[326.8204345703125,169.07284545898438],[327.2060546875,169.07369995117188],[327.591796875,169.07455444335938],[327.9774169921875,169.07542419433594],[328.3631591796875,169.07627868652344],[328.748779296875,169.07713317871094],[329.134521484375,169.0780029296875],[329.5201416015625,169.078857421875],[329.9058837890625,169.0797119140625],[330.29150390625,169.08058166503906],[330.67724609375,169.08143615722656],[331.0628662109375,169.08229064941406],[331.4486083984375,169.08314514160156],[331.834228515625,169.08401489257812],[332.219970703125,169.08486938476562],[332.6055908203125,169.08572387695312],[332.9913330078125,169.0865936279297],[333.376953125,169.0874481201172],[333.7626953125,169.0883026123047],[334.1484375,169.08917236328125],[334.5340576171875,169.09002685546875],[334.9197998046875,169.09088134765625],[335.305419921875,169.0917510986328],[335.691162109375,169.0926055908203],[336.0767822265625,169.0934600830078],[336.4625244140625,169.09432983398438],[336.84814453125,169.09518432617188],[337.23388671875,169.09603881835938],[337.6195068359375,169.09690856933594],[338.0052490234375,169.09776306152344],[338.390869140625,169.09861755371094],[338.776611328125,169.0994873046875],[339.1622314453125,169.100341796875],[339.5479736328125,169.1011962890625],[339.93359375,169.10206604003906],[340.3193359375,169.10292053222656],[340.7049560546875,169.10377502441406],[341.0906677246094,169.10464477539062],[341.4762878417969,169.10549926757812],[341.8620300292969,169.10635375976562],[342.2476501464844,169.1072235107422],[342.6333923339844,169.1080780029297],[343.0191345214844,169.1089324951172],[343.4047546386719,169.1097869873047],[343.7904968261719,169.11065673828125],[344.1761169433594,169.11151123046875],[344.5618591308594,169.11236572265625],[344.9474792480469,169.1132354736328],[345.3332214355469,169.1140899658203],[345.7188415527344,169.1149444580078],[346.1045837402344,169.11581420898438],[346.4902038574219,169.11666870117188],[346.8759460449219,169.11752319335938],[347.26153564453125,169.11839294433594],[347.64727783203125,169.11924743652344],[348.03289794921875,169.12010192871094],[348.41864013671875,169.1209716796875],[348.80426025390625,169.121826171875],[349.19000244140625,169.1226806640625],[349.57562255859375,169.12355041503906],[349.96136474609375,169.12440490722656],[350.34698486328125,169.12525939941406],[350.73272705078125,169.12612915039062],[351.11846923828125,169.12698364257812],[351.50408935546875,169.12783813476562],[351.88983154296875,169.1287078857422],[352.27545166015625,169.1295623779297],[352.66119384765625,169.1304168701172],[353.04681396484375,169.13128662109375],[353.43255615234375,169.13214111328125],[353.81817626953125,169.13299560546875],[354.20391845703125,169.1338653564453],[354.58953857421875,169.1347198486328],[354.97528076171875,169.1355743408203],[355.36090087890625,169.1364288330078],[355.74664306640625,169.13729858398438],[356.13226318359375,169.13815307617188],[356.51800537109375,169.13900756835938],[356.90362548828125,169.13987731933594],[357.28936767578125,169.14073181152344],[357.67498779296875,169.14158630371094],[358.06072998046875,169.1424560546875],[358.44635009765625,169.143310546875],[358.83209228515625,169.1441650390625],[359.21771240234375,169.14503479003906],[359.60345458984375,169.14588928222656],[359.98919677734375,169.14674377441406],[360.37481689453125,169.14761352539062],[360.76055908203125,169.14846801757812],[361.14617919921875,169.14932250976562],[361.53192138671875,169.1501922607422],[361.91754150390625,169.1510467529297],[362.30328369140625,169.1519012451172],[362.68890380859375,169.15277099609375],[363.07464599609375,169.15362548828125],[363.46026611328125,169.15447998046875],[363.8459777832031,169.1553497314453],[364.2315979003906,169.1562042236328],[364.6173400878906,169.1570587158203],[365.0029602050781,169.15792846679688],[365.3887023925781,169.15878295898438],[365.7743225097656,169.15963745117188],[366.1600646972656,169.16050720214844],[366.5456848144531,169.16136169433594],[366.9314270019531,169.16221618652344],[367.3170471191406,169.1630859375],[367.7027893066406,169.1639404296875],[368.0885314941406,169.164794921875],[368.4741516113281,169.1656494140625],[368.8598937988281,169.16651916503906],[369.2455139160156,169.16737365722656],[369.6312561035156,169.16822814941406],[370.0168762207031,169.16909790039062],[370.4026184082031,169.16995239257812],[370.7882385253906,169.17080688476562],[371.1739807128906,169.1716766357422],[371.5596008300781,169.1725311279297],[371.9453430175781,169.1733856201172],[372.3309631347656,169.17425537109375],[372.7167053222656,169.17510986328125],[373.102294921875,169.17596435546875],[373.488037109375,169.1768341064453],[373.8736572265625,169.1776885986328],[374.2593994140625,169.1785430908203],[374.64501953125,169.17941284179688],[375.03076171875,169.18026733398438],[375.4163818359375,169.18112182617188],[375.8021240234375,169.18199157714844],[376.187744140625,169.18284606933594],[376.573486328125,169.18370056152344],[376.959228515625,169.1845703125],[377.3448486328125,169.1854248046875],[377.7305908203125,169.186279296875],[378.1162109375,169.18714904785156],[378.501953125,169.18800354003906],[378.8875732421875,169.18885803222656],[379.2733154296875,169.18972778320312],[379.658935546875,169.19058227539062],[380.044677734375,169.19143676757812],[380.4302978515625,169.19229125976562],[380.8160400390625,169.1931610107422],[381.20166015625,169.1940155029297],[381.58740234375,169.1948699951172],[381.9730224609375,169.19573974609375],[382.3587646484375,169.19659423828125],[382.744384765625,169.19744873046875],[383.130126953125,169.1983184814453],[383.5157470703125,169.1991729736328],[383.9014892578125,169.2000274658203],[384.287109375,169.20089721679688],[384.6728515625,169.20175170898438],[385.05859375,169.20260620117188],[385.4442138671875,169.20347595214844],[385.8299560546875,169.20433044433594],[386.215576171875,169.20518493652344],[386.601318359375,169.2060546875],[386.9869384765625,169.2069091796875],[387.3726806640625,169.207763671875],[387.75830078125,169.20863342285156],[388.14404296875,169.20948791503906],[388.5296325683594,169.21034240722656],[388.9153747558594,169.21121215820312],[389.3009948730469,169.21206665039062],[389.6867370605469,169.21292114257812],[390.0723571777344,169.2137908935547],[390.4580993652344,169.2146453857422],[390.8437194824219,169.2154998779297],[391.2294616699219,169.21636962890625],[391.6150817871094,169.21722412109375],[392.0008239746094,169.21807861328125],[392.3864440917969,169.21893310546875],[392.7721862792969,169.2198028564453],[393.1578063964844,169.2206573486328],[393.5435485839844,169.2215118408203],[393.9292907714844,169.22238159179688],[394.3149108886719,169.22323608398438],[394.7006530761719,169.22409057617188],[395.0862731933594,169.22496032714844],[395.4720153808594,169.22581481933594],[395.8576354980469,169.22666931152344],[396.2433776855469,169.2275390625],[396.6289978027344,169.2283935546875],[397.0147399902344,169.229248046875],[397.40032958984375,169.23011779785156],[397.78607177734375,169.23097229003906],[398.17169189453125,169.23182678222656],[398.55743408203125,169.23269653320312],[398.94305419921875,169.23355102539062],[399.32879638671875,169.23440551757812],[399.71441650390625,169.2352752685547],[400.10015869140625,169.2361297607422],[400.48577880859375,169.2369842529297],[400.87152099609375,169.23785400390625],[401.25714111328125,169.23870849609375],[401.64288330078125,169.23956298828125],[402.02862548828125,169.2404327392578],[402.41424560546875,169.2412872314453],[402.79998779296875,169.2421417236328],[403.18560791015625,169.24301147460938],[403.57135009765625,169.24386596679688],[403.95697021484375,169.24472045898438],[404.34271240234375,169.24559020996094],[404.72833251953125,169.24644470214844],[405.11407470703125,169.24729919433594],[405.49969482421875,169.24815368652344],[405.88543701171875,169.2490234375],[406.27105712890625,169.2498779296875],[406.65679931640625,169.250732421875],[407.04241943359375,169.25160217285156],[407.42816162109375,169.25245666503906],[407.81378173828125,169.25331115722656],[408.19952392578125,169.25418090820312],[408.58514404296875,169.25503540039062],[408.97088623046875,169.25588989257812],[409.35650634765625,169.2567596435547],[409.74224853515625,169.2576141357422],[410.12786865234375,169.2584686279297],[410.51361083984375,169.25933837890625],[410.89935302734375,169.26019287109375],[411.28497314453125,169.26104736328125],[411.67071533203125,169.2619171142578],[412.05633544921875,169.2627716064453],[412.44207763671875,169.2636260986328],[412.8276672363281,169.26449584960938],[413.2134094238281,169.26535034179688],[413.5990295410156,169.26620483398438],[413.9847717285156,169.26707458496094],[414.3703918457031,169.26792907714844],[414.7561340332031,169.26878356933594],[415.1417541503906,169.2696533203125],[415.5274963378906,169.2705078125],[415.9131164550781,169.2713623046875],[416.2988586425781,169.27223205566406],[416.6844787597656,169.27308654785156],[417.0702209472656,169.27394104003906],[417.4558410644531,169.27479553222656],[417.8415832519531,169.27566528320312],[418.2272033691406,169.27651977539062],[418.6129455566406,169.27737426757812],[418.9985656738281,169.2782440185547],[419.3843078613281,169.2790985107422],[419.7700500488281,169.2799530029297],[420.1556701660156,169.28082275390625],[420.5414123535156,169.28167724609375],[420.9270324707031,169.28253173828125],[421.3127746582031,169.2834014892578],[421.6983947753906,169.2842559814453],[422.0841369628906,169.2851104736328],[422.4697570800781,169.28598022460938],[422.85546875,169.28683471679688],[423.2410888671875,169.28768920898438],[423.6268310546875,169.28855895996094],[424.012451171875,169.28941345214844],[424.398193359375,169.29026794433594],[424.7838134765625,169.2911376953125],[425.1695556640625,169.2919921875],[425.55517578125,169.2928466796875],[425.94091796875,169.29371643066406],[426.3265380859375,169.29457092285156],[426.7122802734375,169.29542541503906],[427.097900390625,169.29629516601562],[427.483642578125,169.29714965820312],[427.869384765625,169.29800415039062],[428.2550048828125,169.2988739013672],[428.6407470703125,169.2997283935547],[429.0263671875,169.3005828857422],[429.412109375,169.30145263671875],[429.7977294921875,169.30230712890625],[430.1834716796875,169.30316162109375],[430.569091796875,169.30401611328125],[430.954833984375,169.3048858642578],[431.3404541015625,169.3057403564453],[431.7261962890625,169.3065948486328],[432.11181640625,169.30746459960938],[432.49755859375,169.30831909179688],[432.8831787109375,169.30917358398438],[433.2689208984375,169.31004333496094],[433.654541015625,169.31089782714844],[434.040283203125,169.31175231933594],[434.4259033203125,169.3126220703125],[434.8116455078125,169.3134765625],[435.197265625,169.3143310546875],[435.5830078125,169.31520080566406],[435.9686279296875,169.31605529785156],[436.3543395996094,169.31690979003906],[436.7400817871094,169.31777954101562],[437.1257019042969,169.31863403320312],[437.5114440917969,169.31948852539062],[437.8970642089844,169.3203582763672],[438.2828063964844,169.3212127685547],[438.6684265136719,169.3220672607422],[439.0541687011719,169.32293701171875],[439.4397888183594,169.32379150390625],[439.8255310058594,169.32464599609375],[440.2111511230469,169.3255157470703],[440.5968933105469,169.3263702392578],[440.9825134277344,169.3272247314453],[441.3682556152344,169.32809448242188],[441.7538757324219,169.32894897460938],[442.1396179199219,169.32980346679688],[442.5252380371094,169.33065795898438],[442.9109802246094,169.33152770996094],[443.2966003417969,169.33238220214844],[443.6823425292969,169.33323669433594],[444.0679626464844,169.3341064453125],[444.4537048339844,169.3349609375],[444.8394470214844,169.3358154296875],[445.2250671386719,169.33668518066406],[445.6108093261719,169.33753967285156],[445.9964294433594,169.33839416503906],[446.3821716308594,169.33926391601562],[446.7677917480469,169.34011840820312],[447.1535339355469,169.34097290039062],[447.53912353515625,169.3418426513672],[447.92486572265625,169.3426971435547],[448.31048583984375,169.3435516357422],[448.69622802734375,169.34442138671875],[449.08184814453125,169.34527587890625],[449.46759033203125,169.34613037109375],[449.85321044921875,169.3470001220703],[450.23895263671875,169.3478546142578],[450.62457275390625,169.3487091064453],[451.01031494140625,169.34957885742188],[451.39593505859375,169.35043334960938],[451.78167724609375,169.35128784179688],[452.16729736328125,169.35215759277344],[452.55303955078125,169.35301208496094],[452.93865966796875,169.35386657714844],[453.32440185546875,169.354736328125],[453.71014404296875,169.3555908203125],[454.09576416015625,169.3564453125],[454.48150634765625,169.35731506347656],[454.86712646484375,169.35816955566406],[455.25286865234375,169.35902404785156],[455.63848876953125,169.35987854003906],[456.02423095703125,169.36074829101562],[456.40985107421875,169.36160278320312],[456.79559326171875,169.36245727539062],[457.18121337890625,169.3633270263672],[457.56695556640625,169.3641815185547],[457.95257568359375,169.3650360107422],[458.33831787109375,169.36590576171875],[458.72393798828125,169.36676025390625],[459.10968017578125,169.36761474609375],[459.49530029296875,169.3684844970703],[459.88104248046875,169.3693389892578],[460.2666320800781,169.3701934814453],[460.6523742675781,169.37106323242188],[461.0379943847656,169.37191772460938],[461.4237365722656,169.37277221679688],[461.8094787597656,169.37364196777344],[462.1950988769531,169.37449645996094],[462.5808410644531,169.37535095214844],[462.9664611816406,169.376220703125],[463.3522033691406,169.3770751953125],[463.7378234863281,169.3779296875],[464.1235656738281,169.37879943847656],[464.5091857910156,169.37965393066406],[464.8949279785156,169.38050842285156],[465.2805480957031,169.38137817382812],[465.6662902832031,169.38223266601562],[466.0519104003906,169.38308715820312],[466.4376525878906,169.3839569091797],[466.8232727050781,169.3848114013672],[467.2090148925781,169.3856658935547],[467.5946350097656,169.3865203857422],[467.9803771972656,169.38739013671875],[468.3659973144531,169.38824462890625],[468.7517395019531,169.38909912109375],[469.1373596191406,169.3899688720703],[469.5231018066406,169.3908233642578],[469.9087219238281,169.3916778564453],[470.2944641113281,169.39254760742188],[470.6802062988281,169.39340209960938],[471.0658264160156,169.39425659179688],[471.4515686035156,169.39512634277344],[471.8371887207031,169.39598083496094],[472.222900390625,169.39683532714844],[472.6085205078125,169.397705078125],[472.9942626953125,169.3985595703125],[473.3798828125,169.3994140625],[473.765625,169.40028381347656],[474.1512451171875,169.40113830566406],[474.5369873046875,169.40199279785156],[474.922607421875,169.40286254882812],[475.308349609375,169.40371704101562],[475.6939697265625,169.40457153320312],[476.0797119140625,169.4054412841797],[476.46533203125,169.4062957763672],[476.85107421875,169.4071502685547],[477.2366943359375,169.40802001953125],[477.6224365234375,169.40887451171875],[478.008056640625,169.40972900390625],[478.39373779296875,169.41014099121094],[478.77935791015625,169.4103240966797],[479.16510009765625,169.4105224609375],[479.55084228515625,169.4107208251953],[479.93646240234375,169.41090393066406],[480.32220458984375,169.41110229492188],[480.70782470703125,169.4113006591797],[481.09356689453125,169.41148376464844],[481.47918701171875,169.41168212890625],[481.86492919921875,169.41188049316406],[482.25054931640625,169.4120635986328],[482.63629150390625,169.41226196289062],[483.02191162109375,169.41246032714844],[483.40765380859375,169.4126434326172],[483.79327392578125,169.412841796875],[484.17901611328125,169.4130401611328],[484.56463623046875,169.41322326660156],[484.95037841796875,169.41342163085938],[485.33599853515625,169.4136199951172],[485.72174072265625,169.41380310058594],[486.10736083984375,169.41400146484375],[486.49310302734375,169.41419982910156],[486.87872314453125,169.4143829345703],[487.26446533203125,169.41458129882812],[487.65020751953125,169.41476440429688],[488.03582763671875,169.4149627685547],[488.42156982421875,169.4151611328125],[488.80718994140625,169.41534423828125],[489.19293212890625,169.41554260253906],[489.57855224609375,169.41574096679688],[489.96429443359375,169.41592407226562],[490.34991455078125,169.41612243652344],[490.73565673828125,169.41632080078125],[491.12127685546875,169.41650390625],[491.50701904296875,169.4167022705078],[491.89263916015625,169.41690063476562],[492.27838134765625,169.41708374023438],[492.66400146484375,169.4172821044922],[493.04974365234375,169.41748046875],[493.43536376953125,169.41766357421875],[493.82110595703125,169.41786193847656],[494.20672607421875,169.41806030273438],[494.59246826171875,169.41824340820312],[494.97808837890625,169.41844177246094],[495.36383056640625,169.41864013671875],[495.74945068359375,169.4188232421875],[496.13519287109375,169.4190216064453],[496.52093505859375,169.41921997070312],[496.90655517578125,169.41940307617188],[497.29229736328125,169.4196014404297],[497.67791748046875,169.4197998046875],[498.06365966796875,169.41998291015625],[498.44927978515625,169.42018127441406],[498.83502197265625,169.42037963867188],[499.22064208984375,169.42056274414062],[499.60638427734375,169.42076110839844],[499.99200439453125,169.42095947265625],[500.37774658203125,169.421142578125],[500.76336669921875,169.4213409423828],[501.14910888671875,169.42153930664062],[501.53472900390625,169.42172241210938],[501.92047119140625,169.4219207763672],[502.30609130859375,169.422119140625],[502.69183349609375,169.42230224609375],[503.07745361328125,169.42250061035156],[503.46319580078125,169.42269897460938],[503.84881591796875,169.42288208007812],[504.23455810546875,169.42308044433594],[504.62030029296875,169.42327880859375],[505.00592041015625,169.4234619140625],[505.39166259765625,169.4236602783203],[505.77728271484375,169.42384338378906],[506.16302490234375,169.42404174804688],[506.54864501953125,169.4242401123047],[506.93438720703125,169.42442321777344],[507.32000732421875,169.42462158203125],[507.70574951171875,169.42481994628906],[508.09136962890625,169.4250030517578],[508.47711181640625,169.42520141601562],[508.86273193359375,169.42539978027344],[509.24847412109375,169.4255828857422],[509.63409423828125,169.42578125],[510.01983642578125,169.4259796142578],[510.40545654296875,169.42616271972656],[510.79119873046875,169.42636108398438],[511.17681884765625,169.4265594482422],[511.56256103515625,169.42674255371094],[511.94818115234375,169.42694091796875],[512.3339233398438,169.42713928222656],[512.7195434570312,169.4273223876953],[513.1052856445312,169.42752075195312],[513.4910278320312,169.42771911621094],[513.8766479492188,169.4279022216797],[514.2623901367188,169.4281005859375],[514.6480102539062,169.4282989501953],[515.0337524414062,169.42848205566406],[515.4193725585938,169.42868041992188],[515.8051147460938,169.4288787841797],[516.1907348632812,169.42906188964844],[516.5764770507812,169.42926025390625],[516.9620971679688,169.42945861816406],[517.3478393554688,169.4296417236328],[517.7334594726562,169.42984008789062],[518.119140625,169.43296813964844],[518.5040893554688,169.45571899414062],[518.8884887695312,169.48779296875],[519.2720336914062,169.52734375],[519.6549682617188,169.573486328125],[520.0371704101562,169.6251678466797],[520.4185791015625,169.68272399902344],[520.7989501953125,169.74578857421875],[521.1786499023438,169.81402587890625],[521.557373046875,169.88754272460938],[521.9347534179688,169.96609497070312],[522.3114013671875,170.04966735839844],[522.6867065429688,170.1382293701172],[523.0609130859375,170.2317352294922],[523.4337768554688,170.3302001953125],[523.805419921875,170.43357849121094],[524.175537109375,170.5418701171875],[524.5442504882812,170.655029296875],[524.9114379882812,170.77308654785156],[525.2769165039062,170.89634704589844],[525.6406860351562,171.02438354492188],[526.0028076171875,171.1573028564453],[526.36279296875,171.2952880859375],[526.7210693359375,171.4384002685547],[527.0772094726562,171.586181640625],[527.43115234375,171.73944091796875],[527.7828369140625,171.89743041992188],[528.1324462890625,172.06069946289062],[528.4794311523438,172.2289581298828],[528.823974609375,172.40225219726562],[529.1657104492188,172.58079528808594],[529.5050048828125,172.76438903808594],[529.8413696289062,172.95330810546875],[530.1747436523438,173.14712524414062],[530.5050659179688,173.34616088867188],[530.8322143554688,173.5504608154297],[531.15625,173.7595977783203],[531.4767456054688,173.97402954101562],[531.7937622070312,174.19375610351562],[532.1071166992188,174.41848754882812],[532.4168701171875,174.64840698242188],[532.7227172851562,174.8832244873047],[533.0247192382812,175.12330627441406],[533.322509765625,175.3683319091797],[533.6161499023438,175.6182861328125],[533.9056396484375,175.87318420410156],[534.190673828125,176.13307189941406],[534.47119140625,176.39761352539062],[534.7471923828125,176.66705322265625],[535.0184936523438,176.94114685058594],[535.2852172851562,177.21983337402344],[535.5468139648438,177.50308227539062],[535.8037109375,177.7908477783203],[536.0554809570312,178.0831298828125],[536.3021850585938,178.37942504882812],[536.543701171875,178.68014526367188],[536.7800903320312,178.98489379882812],[537.0111694335938,179.2936553955078],[537.2369384765625,179.6062774658203],[537.4573974609375,179.92274475097656],[537.6723022460938,180.2429656982422],[537.8819580078125,180.56678771972656],[538.0861206054688,180.89389038085938],[538.2847290039062,181.22463989257812],[538.477783203125,181.5584259033203],[538.66552734375,181.89532470703125],[538.84765625,182.2353057861328],[539.0242309570312,182.57818603515625],[539.1953125,182.92384338378906],[539.3610229492188,183.27207946777344],[539.5213012695312,183.62283325195312],[539.6762084960938,183.9761962890625],[539.8004150390625,184.3402099609375],[539.899169921875,184.71310424804688],[539.9979248046875,185.0858612060547],[540.0966796875,185.458740234375],[540.1954345703125,185.83163452148438],[540.294189453125,186.20437622070312],[540.3929443359375,186.5772705078125],[540.49169921875,186.95004272460938],[540.5905151367188,187.32290649414062],[540.689208984375,187.6956787109375],[540.7880249023438,188.0685577392578],[540.88671875,188.44131469726562],[540.9855346679688,188.814208984375],[541.0842895507812,189.1869659423828],[541.1830444335938,189.55984497070312],[541.2817993164062,189.9326171875],[541.3805541992188,190.3054962158203],[541.4793090820312,190.67825317382812],[541.5780639648438,191.0511474609375],[541.6768188476562,191.4239044189453],[541.7755737304688,191.79678344726562],[541.8743286132812,192.1695556640625],[541.9730834960938,192.5424346923828],[542.0718383789062,192.91519165039062],[542.1705932617188,193.2880859375],[542.2693481445312,193.6608428955078],[542.3681640625,194.03372192382812],[542.4669189453125,194.40660095214844],[542.565673828125,194.7793731689453],[542.6644287109375,195.15225219726562],[542.76318359375,195.52500915527344],[542.8619384765625,195.89788818359375],[542.960693359375,196.27066040039062],[543.0594482421875,196.64353942871094],[543.158203125,197.01629638671875],[543.2569580078125,197.38919067382812],[543.355712890625,197.76194763183594],[543.4544677734375,198.13482666015625],[543.55322265625,198.50759887695312],[543.6519775390625,198.88047790527344],[543.750732421875,199.25323486328125],[543.8495483398438,199.62612915039062],[543.9482421875,199.99888610839844],[544.0470581054688,200.37176513671875],[544.145751953125,200.74453735351562],[544.2445678710938,201.11741638183594],[544.3433227539062,201.49017333984375],[544.4420776367188,201.86306762695312],[544.5408325195312,202.23594665527344],[544.6395874023438,202.60870361328125],[544.7383422851562,202.98158264160156],[544.8370971679688,203.35435485839844],[544.9358520507812,203.72723388671875],[545.0346069335938,204.09999084472656],[545.1334228515625,204.47286987304688],[545.2321166992188,204.84564208984375],[545.3309326171875,205.21852111816406],[545.4296264648438,205.59127807617188],[545.5284423828125,205.96417236328125],[545.627197265625,206.33692932128906],[545.7259521484375,206.70980834960938],[545.82470703125,207.08258056640625],[545.9234619140625,207.45545959472656],[546.022216796875,207.82821655273438],[546.1209716796875,208.20111083984375],[546.2197265625,208.57386779785156],[546.3184814453125,208.94674682617188],[546.417236328125,209.31951904296875],[546.5159912109375,209.69239807128906],[546.61474609375,210.06515502929688],[546.7135009765625,210.43804931640625],[546.8123168945312,210.8109130859375],[546.9110107421875,211.18368530273438],[547.0098266601562,211.5565643310547],[547.1085815429688,211.92933654785156],[547.2073364257812,212.30221557617188],[547.3060913085938,212.6749725341797],[547.4048461914062,213.0478515625],[547.5036010742188,213.42062377929688],[547.6023559570312,213.7935028076172],[547.7011108398438,214.166259765625],[547.7998657226562,214.53915405273438],[547.8986206054688,214.9119110107422],[547.9973754882812,215.2847900390625],[548.0961303710938,215.65756225585938],[548.1948852539062,216.0304412841797],[548.2936401367188,216.4031982421875],[548.3924560546875,216.77609252929688],[548.4911499023438,217.1488494873047],[548.5899658203125,217.521728515625],[548.6886596679688,217.89450073242188],[548.7874755859375,218.2673797607422],[548.88623046875,218.6402587890625],[548.9849853515625,219.01303100585938],[549.083740234375,219.38589477539062],[549.1824951171875,219.7586669921875],[549.28125,220.1315460205078],[549.3800048828125,220.5043182373047],[549.478759765625,220.877197265625],[549.5775146484375,221.2499542236328],[549.67626953125,221.62283325195312],[549.7750244140625,221.99560546875],[549.8738403320312,222.3684844970703],[549.9725341796875,222.74124145507812],[550.0713500976562,223.1141357421875],[550.1701049804688,223.4868927001953],[550.2688598632812,223.85977172851562],[550.3676147460938,224.2325439453125],[550.4663696289062,224.6054229736328],[550.5651245117188,224.97817993164062],[550.6638793945312,225.35107421875],[550.7626342773438,225.7238311767578],[550.8613891601562,226.09671020507812],[550.9601440429688,226.469482421875],[551.0588989257812,226.8423614501953],[551.15771484375,227.21524047851562],[551.2564086914062,227.58799743652344],[551.355224609375,227.9608917236328],[551.4539184570312,228.33364868164062],[551.552734375,228.70652770996094],[551.6514892578125,229.0792999267578],[551.750244140625,229.45217895507812],[551.8489990234375,229.82493591308594],[551.94775390625,230.19781494140625],[552.0465087890625,230.57058715820312],[552.145263671875,230.94346618652344],[552.2440185546875,231.31622314453125],[552.3427734375,231.68911743164062],[552.4415283203125,232.06187438964844],[552.540283203125,232.43475341796875],[552.6390380859375,232.80752563476562],[552.73779296875,233.18040466308594],[552.8365478515625,233.55316162109375],[552.9353637695312,233.92605590820312],[553.0340576171875,234.29881286621094],[553.1328735351562,234.67169189453125],[553.2316284179688,235.04457092285156],[553.3303833007812,235.41734313964844],[553.4291381835938,235.79022216796875],[553.5278930664062,236.16297912597656],[553.6266479492188,236.53585815429688],[553.7254028320312,236.90863037109375],[553.8241577148438,237.28150939941406],[553.9229125976562,237.65428161621094],[554.0216674804688,238.02716064453125],[554.1204223632812,238.39991760253906],[554.2191772460938,238.77279663085938],[554.3179321289062,239.14556884765625],[554.416748046875,239.51844787597656],[554.5154418945312,239.89120483398438],[554.6142578125,240.26409912109375],[554.7129516601562,240.63685607910156],[554.811767578125,241.00973510742188],[554.9105224609375,241.38250732421875],[555.00927734375,241.75538635253906],[555.1080322265625,242.12814331054688],[555.206787109375,242.50103759765625],[555.3055419921875,242.87379455566406],[555.404296875,243.24667358398438],[555.5030517578125,243.6195526123047],[555.601806640625,243.99232482910156],[555.7006225585938,244.36520385742188],[555.79931640625,244.7379608154297],[555.8981323242188,245.11083984375],[555.996826171875,245.48361206054688],[556.0956420898438,245.8564910888672],[556.1943969726562,246.22926330566406],[556.2931518554688,246.60214233398438],[556.3919067382812,246.9748992919922],[556.4906616210938,247.3477783203125],[556.5894165039062,247.72055053710938],[556.6881713867188,248.0934295654297],[556.7869262695312,248.4661865234375],[556.8856811523438,248.83908081054688],[556.9844360351562,249.2118377685547],[557.0831909179688,249.584716796875],[557.1819458007812,249.95748901367188],[557.2807006835938,250.3303680419922],[557.3794555664062,250.703125],[557.4782104492188,251.0760040283203],[557.5769653320312,251.4487762451172],[557.67578125,251.8216552734375],[557.7745361328125,252.1945343017578],[557.873291015625,252.5673065185547],[557.9720458984375,252.940185546875],[558.0709838867188,253.31285095214844],[558.1871948242188,253.6806640625],[558.2890014648438,254.05259704589844],[558.3798828125,254.42745971679688],[558.4607543945312,254.80450439453125],[558.5325927734375,255.1834259033203],[558.5950927734375,255.5639190673828],[558.648681640625,255.9458770751953],[558.6934204101562,256.3289794921875],[558.7291870117188,256.7130432128906],[558.7560424804688,257.09765625],[558.7740478515625,257.4830017089844],[558.7825927734375,257.86846923828125],[558.7822875976562,258.25421142578125],[558.7723999023438,258.63970947265625],[558.753173828125,259.0249328613281],[558.7244262695312,259.4095153808594],[558.6860961914062,259.79327392578125],[558.637939453125,260.176025390625],[558.5796508789062,260.55718994140625],[558.5114135742188,260.93682861328125],[558.4332885742188,261.314453125],[558.3449096679688,261.68988037109375],[558.246337890625,262.0626220703125],[558.1373291015625,262.4327087402344],[558.0182495117188,262.7994384765625],[557.8887939453125,263.162841796875],[557.7491455078125,263.5222473144531],[557.5993041992188,263.8777160644531],[557.4395751953125,264.2286071777344],[557.2697143554688,264.5749206542969],[557.0901489257812,264.9161682128906],[556.90087890625,265.2523498535156],[556.7023315429688,265.58282470703125],[556.4944458007812,265.90777587890625],[556.27783203125,266.2266845703125],[556.0521850585938,266.5395812988281],[555.8182373046875,266.8460998535156],[555.5761108398438,267.1463623046875],[555.326171875,267.4399719238281],[555.0685424804688,267.7271423339844],[554.8037109375,268.007568359375],[554.5320434570312,268.2812194824219],[554.2536010742188,268.5481262207031],[553.9688720703125,268.80828857421875],[553.6781005859375,269.06170654296875],[553.3817138671875,269.308349609375],[553.079833984375,269.5484313964844],[552.7728881835938,269.7818908691406],[552.4608764648438,270.0087585449219],[552.14453125,270.22918701171875],[551.82373046875,270.4432373046875],[551.498779296875,270.6510925292969],[551.1700439453125,270.852783203125],[550.8377075195312,271.04833984375],[550.5018310546875,271.2380065917969],[550.1629028320312,271.4219055175781],[549.8206787109375,271.6000061035156],[549.475830078125,271.77252197265625],[549.1281127929688,271.9393615722656],[548.7801513671875,272.10552978515625],[548.4320678710938,272.2717590332031],[548.083984375,272.43798828125],[547.7359619140625,272.6041564941406],[547.3878784179688,272.7703857421875],[547.0399169921875,272.9365539550781],[546.6918334960938,273.102783203125],[546.3438720703125,273.2689514160156],[545.9957885742188,273.4351806640625],[545.6477661132812,273.6013488769531],[545.2996826171875,273.767578125],[544.9517211914062,273.9337463378906],[544.6036376953125,274.0999755859375],[544.255615234375,274.2661437988281],[543.9075317382812,274.432373046875],[543.5595703125,274.5985412597656],[543.2114868164062,274.7647705078125],[542.863525390625,274.9309387207031],[542.5154418945312,275.09716796875],[542.1674194335938,275.2633361816406],[541.8193359375,275.4295654296875],[541.4713745117188,275.5957336425781],[541.123291015625,275.761962890625],[540.7753295898438,275.9281311035156],[540.42724609375,276.0943603515625],[540.0791015625,276.2605895996094],[539.7311401367188,276.4267578125],[539.383056640625,276.5929870605469],[539.0350952148438,276.7591552734375],[538.68701171875,276.9253845214844],[538.3389892578125,277.091552734375],[537.9909057617188,277.2577819824219],[537.6429443359375,277.4239501953125],[537.2948608398438,277.5901794433594],[536.9468994140625,277.75634765625],[536.5987548828125,277.9225769042969],[536.2507934570312,278.0887451171875],[535.9027099609375,278.2549743652344],[535.5547485351562,278.421142578125],[535.2066650390625,278.5873718261719],[534.858642578125,278.7535400390625],[534.5105590820312,278.9197692871094],[534.16259765625,279.0859375],[533.8145141601562,279.2521667480469],[533.466552734375,279.4183654785156],[533.1184692382812,279.5845642089844],[532.7703247070312,279.75079345703125],[532.42236328125,279.9169616699219],[532.0742797851562,280.08319091796875],[531.726318359375,280.2493591308594],[531.3782348632812,280.41558837890625],[531.0302124023438,280.581787109375],[530.68212890625,280.74798583984375],[530.3341674804688,280.9141845703125],[529.986083984375,281.08038330078125],[529.6381225585938,281.24658203125],[529.2900390625,281.41278076171875],[528.9420166015625,281.5789794921875],[528.5939331054688,281.74517822265625],[528.2459716796875,281.911376953125],[527.8978881835938,282.07757568359375],[527.5499267578125,282.2437744140625],[527.2017822265625,282.40997314453125],[526.8538208007812,282.576171875],[526.5057373046875,282.7424011230469],[526.1577758789062,282.9085693359375],[525.8096923828125,283.0747985839844],[525.461669921875,283.240966796875],[525.1135864257812,283.4071960449219],[524.7655029296875,283.5733947753906],[524.4175415039062,283.7395935058594],[524.0694580078125,283.90582275390625],[523.721435546875,284.0719909667969],[523.3733520507812,284.23822021484375],[523.025390625,284.4043884277344],[522.6773071289062,284.57061767578125],[522.329345703125,284.7367858886719],[521.9812622070312,284.90301513671875],[521.6332397460938,285.0691833496094],[521.28515625,285.23541259765625],[520.9371948242188,285.4015808105469],[520.589111328125,285.56781005859375],[520.2411499023438,285.7339782714844],[519.8930053710938,285.90020751953125],[519.5450439453125,286.0663757324219],[519.1969604492188,286.23260498046875],[518.8489990234375,286.3987731933594],[518.5009155273438,286.56500244140625],[518.1528930664062,286.7311706542969],[517.8048095703125,286.89739990234375],[517.4567260742188,287.0636291503906],[517.1087646484375,287.22979736328125],[516.7606811523438,287.3960266113281],[516.4127197265625,287.56219482421875],[516.0645751953125,287.7284240722656],[515.7166137695312,287.89459228515625],[515.3685302734375,288.0608215332031],[515.0205688476562,288.22698974609375],[514.6724853515625,288.3932189941406],[514.324462890625,288.55938720703125],[513.9763793945312,288.7256164550781],[513.62841796875,288.89178466796875],[513.2803344726562,289.0580139160156],[512.932373046875,289.22418212890625],[512.5842895507812,289.3904113769531],[512.2362670898438,289.55657958984375],[511.88818359375,289.7228088378906],[511.54022216796875,289.88897705078125],[511.192138671875,290.0552062988281],[510.8441467285156,290.22137451171875],[510.4960632324219,290.3876037597656],[510.1480712890625,290.55377197265625]], bounds=3000, full_zoom=0.25, max_episode_steps=1500 ) Portugal = RaceTrack( name='Portugal', xy=[[446.6735015869141,299.1495071411133],[446.12645263671874,299.1492889404297],[445.57936401367186,299.1490509033203],[445.0323150634766,299.14883270263675],[444.4852661132813,299.14859466552736],[443.93821716308594,299.14837646484375],[443.39112854003906,299.1481384277344],[442.8440795898438,299.1479202270508],[442.2970306396484,299.1476821899414],[441.74994201660155,299.1474639892578],[441.20289306640626,299.14724578857425],[440.655844116211,299.14700775146486],[440.1087554931641,299.14678955078125],[439.56170654296875,299.1465515136719],[439.01465759277346,299.1463333129883],[438.4676086425781,299.1460952758789],[437.92052001953124,299.1458770751953],[437.37347106933595,299.14563903808596],[436.82642211914066,299.14542083740236],[436.2793334960938,299.14520263671875],[435.73228454589844,299.1449645996094],[435.18523559570315,299.1447463989258],[434.6381866455078,299.1445083618164],[434.0910980224609,299.1442901611328],[433.54404907226564,299.14405212402346],[432.99700012207035,299.14383392333986],[432.4499114990235,299.14359588623046],[431.9028625488281,299.1433776855469],[431.35581359863284,299.1431594848633],[430.8087646484375,299.1425247192383],[430.2616760253906,299.1418701171875],[429.7146270751953,299.1412155151367],[429.16757812500003,299.14056091308595],[428.62048950195316,299.1399261474609],[428.0734405517578,299.13927154541017],[427.5263916015625,299.1386169433594],[426.9793426513672,299.1379623413086],[426.4322540283203,299.13730773925784],[425.885205078125,299.1366729736328],[425.3381561279297,299.13601837158205],[424.79106750488285,299.13536376953124],[424.2440185546875,299.1347091674805],[423.6969696044922,299.13407440185546],[423.14992065429686,299.1334197998047],[422.60283203125,299.13276519775394],[422.0557830810547,299.1321105957031],[421.5087341308594,299.13145599365237],[420.96164550781253,299.13082122802734],[420.4145965576172,299.1301666259766],[419.8675476074219,299.12951202392577],[419.32049865722655,299.128857421875],[418.7734100341797,299.12820281982425],[418.2263610839844,299.12756805419923],[417.6793121337891,299.1269134521485],[417.1322235107422,299.12625885009766],[416.5851745605469,299.1256042480469],[416.0381256103516,299.1249496459961],[415.49107666015624,299.1241760253906],[414.94398803710936,299.12314453125003],[414.3969390869141,299.1221130371094],[413.8498901367188,299.12108154296874],[413.30284118652344,299.12003021240236],[412.75575256347656,299.1189987182617],[412.2087036132813,299.1179672241211],[411.6616546630859,299.11693572998047],[411.11460571289064,299.1159042358399],[410.56751708984376,299.11487274169923],[410.0204681396485,299.1138412475586],[409.4734191894531,299.1127899169922],[408.92633056640625,299.11175842285155],[408.37928161621096,299.11072692871096],[407.8322326660156,299.1096954345703],[407.2851837158203,299.1086639404297],[406.73809509277345,299.1076324462891],[406.19104614257816,299.1066009521484],[405.6439971923828,299.10556945800784],[405.0969482421875,299.1045181274414],[404.54985961914065,299.1034866333008],[404.0028106689453,299.10245513916016],[403.45576171875,299.10142364501957],[402.90867309570314,299.1003921508789],[402.36162414550785,299.09936065673827],[401.8145751953125,299.0983291625977],[401.2675262451172,299.09727783203124],[400.72043762207034,299.09624633789065],[400.173388671875,299.09521484375],[399.6263397216797,299.0940841674805],[399.0792907714844,299.09271545410155],[398.53220214843753,299.09132690429686],[397.9851531982422,299.0899383544922],[397.4381042480469,299.0885696411133],[396.89105529785155,299.0871810913086],[396.3439666748047,299.0857925415039],[395.7969177246094,299.084423828125],[395.2498687744141,299.0830352783203],[394.70281982421875,299.08164672851564],[394.1557312011719,299.08025817871095],[393.6086822509766,299.07888946533205],[393.06163330078124,299.07750091552737],[392.51458435058595,299.0761123657227],[391.9674957275391,299.0747436523438],[391.4204467773438,299.0733551025391],[390.87339782714844,299.0719665527344],[390.32634887695315,299.07059783935546],[389.7792602539063,299.06920928955077],[389.2322113037109,299.0678207397461],[388.68516235351564,299.0664520263672],[388.13811340332035,299.0650634765625],[387.5910247802735,299.0636749267578],[387.0439758300781,299.0622863769531],[386.49692687988284,299.06091766357423],[385.9498779296875,299.05952911376954],[385.4027893066406,299.05814056396486],[384.8557403564453,299.05677185058596],[384.30869140625003,299.0553833007813],[383.7616424560547,299.0539947509766],[383.2145538330078,299.0523681640625],[382.6675048828125,299.0506622314453],[382.1204559326172,299.04895629882816],[381.5734069824219,299.04725036621096],[381.026318359375,299.04556427001955],[380.4792694091797,299.04385833740236],[379.9322204589844,299.04215240478516],[379.3851715087891,299.04046630859375],[378.83812255859374,299.03876037597655],[378.29103393554686,299.0370544433594],[377.7439849853516,299.0353485107422],[377.1969360351563,299.0336624145508],[376.64988708496094,299.0319564819336],[376.10279846191406,299.0302505493164],[375.5557495117188,299.0285446166992],[375.0087005615234,299.0268585205078],[374.46165161132814,299.02515258789066],[373.91460266113285,299.02344665527346],[373.367514038086,299.02176055908205],[372.8204650878906,299.02005462646486],[372.27341613769534,299.01834869384766],[371.7263671875,299.01664276123046],[371.1792785644531,299.01495666503905],[370.6322296142578,299.0132507324219],[370.08518066406253,299.0115447998047],[369.5381317138672,299.0098388671875],[368.9910827636719,299.0081527709961],[368.443994140625,299.0064468383789],[367.8969451904297,299.0047409057617],[367.3498962402344,299.00303497314457],[366.8028472900391,299.00103149414065],[366.2557586669922,298.9990478515625],[365.7087097167969,298.9970443725586],[365.1616607666016,298.9950607299805],[364.61461181640624,298.99307708740236],[364.06756286621095,298.99107360839844],[363.5204742431641,298.9890899658203],[362.9734252929688,298.9870864868164],[362.42637634277344,298.98510284423827],[361.87932739257815,298.9830993652344],[361.3322784423828,298.9811157226563],[360.7851898193359,298.97913208007816],[360.23814086914064,298.97712860107424],[359.69109191894535,298.9751449584961],[359.14404296875,298.9731414794922],[358.5969543457031,298.9711578369141],[358.04990539550784,298.96915435791016],[357.5028564453125,298.96717071533203],[356.9558074951172,298.9651870727539],[356.4087585449219,298.96318359375],[355.86170959472656,298.96119995117186],[355.3146209716797,298.959196472168],[354.7675720214844,298.9572128295899],[354.22052307128905,298.95522918701175],[353.67347412109376,298.95322570800784],[353.1264251708985,298.9512420654297],[352.5793365478516,298.9492385864258],[352.03228759765625,298.94725494384767],[351.48523864746096,298.94525146484375],[350.9381896972656,298.9432281494141],[350.3911407470703,298.9409866333008],[349.84405212402345,298.93872528076173],[349.29700317382816,298.9364639282227],[348.7499542236328,298.9342025756836],[348.2029052734375,298.9319412231445],[347.6558563232422,298.92967987060547],[347.1088073730469,298.9274185180664],[346.56171875,298.92515716552737],[346.0146697998047,298.9228958129883],[345.4676208496094,298.9206344604492],[344.9205718994141,298.91837310791016],[344.37352294921874,298.9161315917969],[343.82647399902345,298.91387023925785],[343.2793853759766,298.91160888671874],[342.7323364257813,298.9093475341797],[342.18528747558594,298.90708618164064],[341.63823852539065,298.9048248291016],[341.0911895751953,298.90256347656253],[340.5441009521484,298.9003021240234],[339.99705200195314,298.8980407714844],[339.45000305175785,298.8957794189453],[338.9029541015625,298.8935180664063],[338.3559051513672,298.89127655029296],[337.80885620117186,298.8890151977539],[337.261767578125,298.88675384521486],[336.7147186279297,298.8844924926758],[336.1676696777344,298.88223114013675],[335.62062072753906,298.87996978759764],[335.0735717773438,298.8777084350586],[334.5264831542969,298.87542724609375],[333.97943420410155,298.8729278564453],[333.43238525390626,298.8704086303711],[332.885336303711,298.86790924072267],[332.3382873535156,298.8654098510742],[331.79121856689454,298.86289062500003],[331.24416961669925,298.8603912353516],[330.6971008300781,298.85787200927734],[330.1500518798828,298.8553726196289],[329.60300292968753,298.8528732299805],[329.0559539794922,298.85035400390626],[328.5089050292969,298.8478546142578],[327.9618362426758,298.8453353881836],[327.41478729248047,298.8428359985352],[326.8677185058594,298.84033660888673],[326.3206695556641,298.8378173828125],[325.77362060546875,298.8353179931641],[325.22657165527346,298.83279876708986],[324.6795028686524,298.8302993774414],[324.13245391845703,298.8277801513672],[323.58540496826174,298.8252807617188],[323.03833618164066,298.8227813720703],[322.4912872314453,298.8202621459961],[321.94423828125,298.8177627563477],[321.39716949462894,298.81524353027345],[320.8501205444336,298.812744140625],[320.3030715942383,298.81024475097655],[319.75602264404296,298.80772552490237],[319.2089538574219,298.8052261352539],[318.6619049072266,298.8027069091797],[318.11485595703124,298.8002075195313],[317.56780700683595,298.79747009277344],[317.02073822021487,298.79473266601565],[316.4736892700195,298.7919952392578],[315.92664031982423,298.7892578125],[315.37957153320315,298.7865203857422],[314.8325225830078,298.7837829589844],[314.2854736328125,298.7810455322266],[313.7384246826172,298.77830810546874],[313.1913757324219,298.77557067871095],[312.6443069458008,298.77283325195316],[312.0972579956055,298.7700958251953],[311.55020904541016,298.7673583984375],[311.00316009521487,298.7646209716797],[310.4560913085938,298.7618835449219],[309.90904235839844,298.7591461181641],[309.36199340820315,298.75642852783204],[308.8149444580078,298.75369110107425],[308.2678756713867,298.7509536743164],[307.72082672119143,298.7482162475586],[307.1737777709961,298.74547882080077],[306.6267288208008,298.742741394043],[306.0796600341797,298.7400039672852],[305.53261108398436,298.73726654052734],[304.9855621337891,298.73452911376955],[304.4385131835938,298.7317916870117],[303.89146423339844,298.7290542602539],[303.34439544677736,298.7263168334961],[302.79734649658207,298.7235794067383],[302.2502975463867,298.7208419799805],[301.70324859619143,298.71810455322264],[301.15617980957035,298.71514892578125],[300.609130859375,298.71219329833986],[300.0620819091797,298.70925750732425],[299.51503295898436,298.7063018798828],[298.9679840087891,298.7033462524414],[298.420915222168,298.7004104614258],[297.87386627197264,298.6974548339844],[297.32681732177736,298.69449920654296],[296.77976837158207,298.69154357910156],[296.2327194213867,298.68860778808596],[295.68565063476564,298.68565216064457],[295.13860168457035,298.6826965332031],[294.591552734375,298.6797607421875],[294.0445037841797,298.6768051147461],[293.49745483398436,298.6738494873047],[292.9503860473633,298.67089385986327],[292.403337097168,298.66795806884767],[291.85628814697264,298.6650024414063],[291.30923919677736,298.6620468139649],[290.76219024658207,298.6591110229492],[290.2151214599609,298.6561553955078],[289.66807250976564,298.65319976806643],[289.12102355957035,298.65024414062503],[288.573974609375,298.6473083496094],[288.0269256591797,298.644352722168],[287.4798568725586,298.6413970947266],[286.9328079223633,298.6384613037109],[286.385758972168,298.63550567626953],[285.83871002197264,298.63255004882814],[285.29166107177736,298.62957458496095],[284.7445922851563,298.62642059326174],[284.1975433349609,298.62326660156253],[283.65049438476564,298.62013244628906],[283.10344543457035,298.61697845458986],[282.556396484375,298.61382446289065],[282.0093475341797,298.61067047119144],[281.46229858398436,298.60753631591797],[280.9152496337891,298.60438232421876],[280.3682006835938,298.60122833251955],[279.82113189697264,298.5980941772461],[279.27410278320315,298.5949401855469],[278.72703399658207,298.59178619384767],[278.1800048828125,298.58865203857425],[277.63293609619143,298.585498046875],[277.08586730957035,298.5823440551758],[276.5388381958008,298.5791900634766],[275.9917694091797,298.57605590820316],[275.44474029541016,298.5729019165039],[274.8976715087891,298.5697479248047],[274.3506423950195,298.5666137695313],[273.80357360839844,298.56345977783207],[273.25652465820315,298.5603057861328],[272.7094757080078,298.5571716308594],[272.1624267578125,298.5540176391602],[271.6153778076172,298.550863647461],[271.0683090209961,298.5477096557617],[270.5212600708008,298.5445755004883],[269.9742111206055,298.5414215087891],[269.42716217041016,298.5382675170899],[268.88011322021487,298.5350143432617],[268.3330642700195,298.5316818237305],[267.78599548339844,298.52834930419925],[267.23896636962894,298.52501678466797],[266.6918975830078,298.52168426513674],[266.1448684692383,298.51835174560546],[265.5977996826172,298.51501922607423],[265.05077056884767,298.511686706543],[264.5037017822266,298.5083541870117],[263.95665283203124,298.5050216674805],[263.40960388183595,298.5016891479492],[262.86255493164066,298.498356628418],[262.3155059814453,298.49502410888675],[261.76845703125,298.49169158935547],[261.2214080810547,298.48835906982424],[260.6743591308594,298.48502655029296],[260.1273101806641,298.48167419433594],[259.58026123046875,298.4783416748047],[259.03321228027346,298.4750091552734],[258.4861434936524,298.4716766357422],[257.9391143798828,298.468344116211],[257.39204559326174,298.4650115966797],[256.8450164794922,298.46167907714846],[256.2979476928711,298.4583465576172],[255.75091857910158,298.45501403808595],[255.20384979248047,298.4516815185547],[254.65680084228518,298.44834899902344],[254.10975189208986,298.4450164794922],[253.56270294189454,298.4416839599609],[253.01565399169922,298.4382919311524],[252.46858520507814,298.4347808837891],[251.92153625488282,298.43126983642577],[251.3745071411133,298.4277587890625],[250.8274383544922,298.4242477416992],[250.28040924072266,298.4207565307617],[249.73334045410158,298.41724548339846],[249.18629150390626,298.41373443603516],[248.63924255371094,298.4102233886719],[248.09219360351562,298.4067321777344],[247.5451644897461,298.4032211303711],[246.99809570312502,298.39971008300785],[246.4510467529297,298.39619903564454],[245.90399780273438,298.39270782470703],[245.35694885253906,298.3891967773438],[244.80989990234374,298.3856857299805],[244.26285095214845,298.3821746826172],[243.7158218383789,298.37866363525393],[243.16875305175782,298.3751724243164],[242.6217041015625,298.3716613769531],[242.07465515136718,298.36815032958987],[241.5276062011719,298.36463928222656],[240.98055725097657,298.36114807128905],[240.43350830078126,298.3576370239258],[239.88645935058594,298.3541259765625],[239.33941040039062,298.35061492919925],[238.79236145019533,298.34712371826174],[238.2453125,298.34361267089844],[237.6982635498047,298.3401016235352],[237.1511947631836,298.336491394043],[236.60416564941406,298.33282165527345],[236.05709686279297,298.3291519165039],[235.51006774902345,298.3254821777344],[234.96299896240234,298.32181243896486],[234.4159698486328,298.3181427001953],[233.8689208984375,298.3144927978516],[233.3218521118164,298.31082305908205],[232.7748229980469,298.3071533203125],[232.22775421142578,298.303483581543],[231.68072509765625,298.29981384277346],[231.13367614746093,298.29614410400393],[230.58660736083985,298.2924743652344],[230.03957824707032,298.28880462646487],[229.492529296875,298.28513488769534],[228.9454803466797,298.2814651489258],[228.39843139648437,298.2777954101563],[227.8513626098633,298.27412567138674],[227.30433349609376,298.2704559326172],[226.75728454589844,298.2667861938477],[226.21023559570312,298.26311645507815],[225.6631866455078,298.2594467163086],[225.11613769531252,298.2557769775391],[224.5690887451172,298.25210723876955],[224.02203979492188,298.2484375],[223.47499084472656,298.2447677612305],[222.92794189453124,298.24109802246096],[222.38091278076172,298.23742828369143],[221.8338638305664,298.2337188720703],[221.28679504394532,298.22989044189455],[220.7397659301758,298.22608184814453],[220.19271697998047,298.2222534179688],[219.64566802978516,298.21842498779296],[219.09861907958984,298.2145965576172],[218.55157012939455,298.2107879638672],[218.00452117919923,298.2069595336914],[217.4574722290039,298.20313110351566],[216.9104431152344,298.19932250976564],[216.36337432861328,298.1954940795899],[215.81634521484375,298.19166564941406],[215.26929626464843,298.1878570556641],[214.72222747802735,298.1840286254883],[214.17519836425782,298.1802001953125],[213.6281494140625,298.1763916015625],[213.0811004638672,298.17256317138674],[212.53405151367187,298.1687347412109],[211.98700256347658,298.16492614746096],[211.43995361328126,298.16109771728514],[210.89290466308594,298.1572692871094],[210.34587554931642,298.15346069335936],[209.7988067626953,298.1496322631836],[209.25175781250002,298.14580383300785],[208.70472869873046,298.1419952392578],[208.15765991210938,298.13816680908207],[207.61063079833986,298.13433837890625],[207.06358184814454,298.1305099487305],[206.516552734375,298.12660217285156],[205.9695037841797,298.1226348876953],[205.4224349975586,298.11866760253906],[204.87540588378906,298.1147003173828],[204.32835693359377,298.11073303222656],[203.7813278198242,298.1067657470703],[203.23425903320313,298.10281829833986],[202.6872100830078,298.0988510131836],[202.1401809692383,298.09488372802736],[201.5931121826172,298.0909164428711],[201.04608306884765,298.08694915771486],[200.49903411865236,298.0829818725586],[199.95198516845704,298.07901458740236],[199.40493621826172,298.0750473022461],[198.8578872680664,298.07109985351565],[198.31085815429688,298.0671325683594],[197.76380920410156,298.06316528320315],[197.21676025390624,298.0591979980469],[196.66971130371095,298.05523071289065],[196.12266235351564,298.0512634277344],[195.57561340332032,298.04729614257815],[195.028564453125,298.0433288574219],[194.48153533935547,298.03938140869144],[193.93448638916016,298.0354141235352],[193.38741760253907,298.03144683837894],[192.84038848876955,298.0274795532227],[192.29333953857423,298.02351226806644],[191.7463104248047,298.0194061279297],[191.1992614746094,298.01524047851564],[190.65221252441407,298.0110748291016],[190.10516357421875,298.0069091796875],[189.55811462402343,298.00274353027345],[189.0110855102539,297.9985778808594],[188.4640365600586,297.9944122314453],[187.9169876098633,297.99024658203126],[187.36995849609374,297.986100769043],[186.82288970947266,297.98193511962893],[186.27586059570314,297.97776947021487],[185.72881164550782,297.9736038208008],[185.1817825317383,297.96943817138674],[184.63471374511718,297.9652725219727],[184.0876647949219,297.9611068725586],[183.54063568115234,297.95696105957035],[182.99358673095705,297.9527954101563],[182.4465576171875,297.9486297607422],[181.8994888305664,297.94446411132816],[181.3524398803711,297.9402984619141],[180.80541076660157,297.93613281250003],[180.25836181640625,297.931967163086],[179.71133270263672,297.92782135009764],[179.16426391601564,297.9236557006836],[178.61721496582032,297.9194900512695],[178.0701858520508,297.91532440185546],[177.52313690185548,297.9111587524414],[176.97610778808595,297.90699310302733],[176.42903900146484,297.90282745361327],[175.88200988769532,297.8986618041992],[175.3349609375,297.89451599121094],[174.78791198730468,297.8903503417969],[174.24088287353516,297.8861846923828],[173.69381408691407,297.88201904296875],[173.14678497314455,297.8778533935547],[172.59973602294923,297.8736877441406],[172.0526870727539,297.86952209472656],[171.5056579589844,297.8653762817383],[170.95858917236328,297.86121063232423],[170.41156005859375,297.85704498291017],[169.86451110839843,297.8528793334961],[169.31746215820314,297.84871368408204],[168.7704330444336,297.844548034668],[168.2233642578125,297.8403823852539],[167.67633514404298,297.83623657226565],[167.12928619384766,297.8320709228516],[166.58225708007814,297.8279052734375],[166.03519821166992,297.82373962402346],[165.4881492614746,297.8195739746094],[164.94111022949218,297.81540832519534],[164.3940612792969,297.8112426757813],[163.84702224731447,297.80701751708983],[163.29997329711915,297.80267333984375],[162.75292434692383,297.7983093261719],[162.2058952331543,297.7939651489258],[161.6588363647461,297.7896209716797],[161.11180725097657,297.78525695800784],[160.56475830078125,297.78091278076175],[160.01770935058593,297.7765686035156],[159.4706703186035,297.77222442626953],[158.92362136840822,297.76786041259766],[158.37659225463867,297.7635162353516],[157.82954330444338,297.7591720581055],[157.28250427246095,297.7548278808594],[156.73545532226564,297.75046386718753],[156.18840637207032,297.7461196899414],[155.6413772583008,297.7417755126953],[155.09431838989258,297.73743133544923],[154.54728927612305,297.73306732177736],[154.00024032592773,297.7287231445313],[153.45318145751955,297.7243789672852],[152.90615234375,297.7200149536133],[152.3591033935547,297.7156707763672],[151.81207427978515,297.7113265991211],[151.26501541137696,297.706982421875],[150.71797637939454,297.70261840820314],[150.17094726562502,297.69815521240236],[149.6238883972168,297.6936920166016],[149.07685928344728,297.6892288208008],[148.52981033325196,297.684765625],[147.98278121948243,297.68030242919923],[147.43573226928712,297.67583923339845],[146.8886833190918,297.67137603759767],[146.34164428710938,297.6669128417969],[145.79459533691406,297.6624496459961],[145.24756622314453,297.6579864501953],[144.7005172729492,297.65352325439454],[144.15346832275392,297.64904022216797],[143.60643920898437,297.6445770263672],[143.05938034057618,297.6401138305664],[142.51235122680666,297.6356506347656],[141.96530227661134,297.63118743896484],[141.41825332641602,297.62672424316406],[140.8712242126465,297.6222610473633],[140.32417526245118,297.6177978515625],[139.77713623046876,297.6133346557617],[139.23008728027344,297.60887145996094],[138.6830581665039,297.60440826416016],[138.1360092163086,297.5999450683594],[137.58896026611328,297.59534301757816],[137.04193115234375,297.5907211303711],[136.49488220214843,297.5860992431641],[135.9478530883789,297.581477355957],[135.4008041381836,297.57685546875],[134.8537551879883,297.572233581543],[134.30671615600588,297.56761169433594],[133.75966720581056,297.56298980712893],[133.21263809204103,297.55836791992186],[132.66558914184571,297.55374603271486],[132.1185401916504,297.54912414550785],[131.57151107788087,297.5445022583008],[131.02446212768555,297.5398803710938],[130.47743301391603,297.5352584838867],[129.9303840637207,297.5306365966797],[129.3833351135254,297.5260147094727],[128.83630599975587,297.5213928222656],[128.28925704956055,297.5167709350586],[127.74222793579102,297.51214904785155],[127.1951789855957,297.50752716064454],[126.64814987182618,297.50290527343753],[126.10110092163086,297.49828338623047],[125.55405197143556,297.49366149902346],[125.00702285766602,297.4890396118164],[124.45997390747071,297.4844177246094],[123.91294479370117,297.4797958374024],[123.36589584350587,297.4751739501953],[122.81884689331055,297.4705520629883],[122.27181777954102,297.46593017578124],[121.7247688293457,297.46130828857423],[121.17773971557618,297.4566864013672],[120.63069076538086,297.45206451416016],[120.08364181518554,297.44744262695315],[119.53661270141602,297.4428405761719],[118.9895637512207,297.43821868896487],[118.44253463745117,297.4335968017578],[117.89547576904297,297.4289749145508],[117.34844665527343,297.4243530273438],[116.80139770507813,297.4197311401367],[116.25434875488281,297.4151092529297],[115.70731964111329,297.41048736572264],[115.16027069091797,297.40586547851564],[114.61326141357422,297.40120391845704],[114.0662124633789,297.3963836669922],[113.51919326782227,297.39156341552734],[112.97212448120118,297.3867630004883],[112.42509536743164,297.38194274902344],[111.87806625366211,297.3771224975586],[111.33103713989259,297.37230224609374],[110.78396835327149,297.3674819946289],[110.23694915771485,297.3626617431641],[109.68992004394532,297.357861328125],[109.14285125732422,297.3530410766602],[108.59582214355468,297.3482208251953],[108.04879302978516,297.3434005737305],[107.50172424316406,297.3385803222656],[106.95469512939454,297.3337600708008],[106.407666015625,297.328939819336],[105.86064682006837,297.3241394042969],[105.31357803344727,297.31931915283207],[104.76654891967773,297.3144989013672],[104.2195198059082,297.30967864990237],[103.67245101928711,297.3048583984375],[103.12542190551758,297.30003814697267],[102.57839279174804,297.29521789550785],[102.03137359619141,297.29041748046876],[101.48430480957032,297.28559722900394],[100.93727569580078,297.28077697753906],[100.39024658203125,297.27595672607424],[99.84317779541016,297.27113647460936],[99.29614868164063,297.26631622314454],[98.74911956787109,297.2614959716797],[98.20205078125001,297.25669555664064],[97.65503158569337,297.2518753051758],[97.10800247192383,297.24705505371094],[96.5609733581543,297.2422348022461],[96.0139045715332,297.23741455078124],[95.46687545776368,297.2325942993164],[94.91984634399414,297.22779388427733],[94.37277755737306,297.2229736328125],[93.8257682800293,297.2179550170899],[93.27873916625977,297.21289672851566],[92.73171997070312,297.20783843994144],[92.18465118408203,297.20276031494143],[91.6376220703125,297.1977020263672],[91.09060287475586,297.192643737793],[90.54353408813476,297.1875854492188],[89.99651489257813,297.18250732421876],[89.4494857788086,297.17744903564454],[88.9024169921875,297.1723907470703],[88.35538787841797,297.1673126220703],[87.80836868286133,297.1622543334961],[87.2613395690918,297.1571960449219],[86.7142807006836,297.15211791992186],[86.16725158691406,297.14705963134764],[85.62022247314454,297.1420013427734],[85.07316360473634,297.1369232177735],[84.5261344909668,297.13186492919925],[83.97911529541015,297.12680664062503],[83.43208618164063,297.1217483520508],[82.88501739501953,297.1166702270508],[82.33799324035645,297.1116119384766],[81.79096908569336,297.10655364990237],[81.24390029907227,297.10147552490236],[80.69687614440919,297.09641723632814],[80.1498519897461,297.0913589477539],[79.60278816223145,297.0862808227539],[79.05576400756836,297.0812225341797],[78.50873489379883,297.07616424560547],[77.96171073913574,297.07108612060546],[77.41464691162109,297.06602783203124],[76.86761779785157,297.060969543457],[76.32059364318847,297.05589141845707],[75.77352981567383,297.05083312988285],[75.2265007019043,297.0457748413086],[74.67947654724121,297.0407165527344],[74.13245239257813,297.0356384277344],[73.58538856506348,297.0305801391602],[73.03836441040039,297.02552185058596],[72.49133529663087,297.02044372558595],[71.94427146911622,297.01538543701173],[71.39724731445312,297.0103271484375],[70.8502182006836,297.0052490234375],[70.30315437316895,297.0001907348633],[69.75613021850586,296.99513244628906],[69.20910606384278,296.99005432128905],[68.66207695007324,296.98499603271483],[68.1150131225586,296.9799377441406],[67.56798896789552,296.9748794555664],[67.02096481323242,296.96980133056644],[66.47389602661133,296.9647430419922],[65.92687187194825,296.959684753418],[65.37984771728516,296.954606628418],[64.83281860351563,296.9495483398438],[64.28575477600099,296.94449005126955],[63.73873062133789,296.93941192626954],[63.191721343994146,296.9340957641602],[62.6446575164795,296.928759765625],[62.097633361816406,296.92342376708984],[61.55061416625977,296.9180877685547],[61.00355033874512,296.91275177001955],[60.45652618408203,296.9074157714844],[59.90950698852539,296.9020797729492],[59.36248283386231,296.89674377441406],[58.81541900634766,296.8914077758789],[58.26839485168457,296.8860717773438],[57.721370697021484,296.8807357788086],[57.174311828613284,296.8753997802734],[56.6272876739502,296.8700637817383],[56.08026351928711,296.86472778320314],[55.53324432373047,296.859391784668],[54.98618049621582,296.85405578613285],[54.43915634155274,296.84871978759764],[53.89213218688965,296.8433837890625],[53.345068359375,296.83804779052736],[52.79804916381836,296.8327117919922],[52.25102500915528,296.82737579345707],[51.70396118164063,296.82203979492186],[51.156941986083986,296.8167037963867],[50.6099178314209,296.8113677978516],[50.06289367675782,296.80603179931643],[49.51726799011231,296.828923034668],[48.972852325439455,296.88244171142577],[48.427588653564456,296.92681579589845],[47.88166542053223,296.9618865966797],[47.335211563110356,296.98741607666017],[46.788400650024414,297.0037612915039],[46.24137649536133,297.0106643676758],[45.6943473815918,297.00891876220703],[45.147392654418944,296.9990600585938],[44.60066108703614,296.98065185546875],[44.054276657104495,296.9533172607422],[43.508452606201175,296.9168975830078],[42.963278198242186,296.8715316772461],[42.41894683837891,296.81698150634764],[41.87568168640137,296.75269165039066],[41.33363151550293,296.6789001464844],[40.79300708770752,296.59548797607425],[40.25397205352783,296.5019195556641],[39.716851234436035,296.3983139038086],[39.18174629211426,296.2846908569336],[38.649006843566895,296.16023712158204],[38.11879901885987,296.02556762695315],[37.5915096282959,295.8800277709961],[37.067205619812015,295.72373657226564],[36.54639034271241,295.5564758300781],[36.02924976348877,295.37812652587894],[35.51610126495361,295.1886291503906],[35.00714817047119,294.98790435791017],[34.50300045013428,294.7755950927735],[34.00371761322022,294.5521377563477],[33.509748458862305,294.316976928711],[33.021479797363284,294.07035064697266],[32.53926868438721,293.812060546875],[32.06343002319336,293.5422058105469],[31.59429111480713,293.2607666015625],[31.1322660446167,292.9678421020508],[30.677781295776366,292.6633926391602],[30.231126976013183,292.3474975585938],[29.792702293395998,292.0203552246094],[29.3628568649292,291.68204498291016],[28.94194278717041,291.3325866699219],[28.530299758911134,290.97229766845703],[28.128255081176757,290.60137634277345],[27.736180686950686,290.2198822021484],[27.354277420043946,289.8281524658203],[26.98288745880127,289.42652435302733],[26.622375297546387,289.01513671875],[26.27280788421631,288.594287109375],[25.93450508117676,288.1644317626953],[25.607719802856447,287.72570953369143],[25.2925537109375,287.27859649658205],[24.989130783081055,286.8233901977539],[24.697644424438476,286.3604675292969],[24.418258285522462,285.89014587402346],[24.150937652587892,285.412841796875],[23.89578170776367,284.9289916992188],[23.652815246582033,284.4388732910156],[23.422033309936523,283.94286346435547],[23.197363471984865,283.4440368652344],[23.0338493347168,282.9236282348633],[22.894694328308105,282.3945709228516],[22.755529403686523,281.86549377441406],[22.616374397277834,281.33643646240233],[22.47721939086914,280.80737915039066],[22.33805446624756,280.27828216552734],[22.198899459838866,279.7492248535156],[22.059744453430177,279.2201873779297],[21.920589447021484,278.6911102294922],[21.781424522399902,278.1620330810547],[21.642269515991213,277.63297576904296],[21.50311450958252,277.1039184570313],[21.363949584960938,276.57482147216797],[21.224794578552245,276.04576416015624],[21.085639572143556,275.5167266845703],[20.946474647521974,274.98762969970704],[20.80731964111328,274.4585723876953],[20.6681658744812,273.9295150756836],[20.52901086807251,273.4004577636719],[20.38984594345093,272.8713806152344],[20.250690937042236,272.34232330322266],[20.111535930633547,271.8132659912109],[19.972371006011965,271.28416900634767],[19.833215999603272,270.75511169433594],[19.69406099319458,270.2260543823242],[19.554907226562502,269.69699707031253],[19.41574230194092,269.167919921875],[19.276587295532227,268.6388626098633],[19.137432289123534,268.10980529785155],[18.998267364501952,267.5807083129883],[18.859112358093263,267.05165100097656],[18.71995735168457,266.5226135253906],[18.58079242706299,265.99351654052737],[18.4416374206543,265.46445922851564],[18.302482414245606,264.9354019165039],[18.163327407836913,264.4063446044922],[18.02416248321533,263.8772674560547],[17.885007476806642,263.3481903076172],[17.74585371017456,262.81915283203125],[17.606687545776367,262.290055847168],[17.467533779144286,261.76099853515626],[17.328378772735597,261.23194122314453],[17.189223766326904,260.7028839111328],[17.050058841705322,260.17380676269534],[16.910903835296633,259.6447494506836],[16.77174882888794,259.1156921386719],[16.632583904266358,258.5865951538086],[16.493428897857665,258.0575378417969],[16.354273891448976,257.52850036621095],[16.215108966827394,256.9994033813477],[16.0759539604187,256.47034606933596],[15.93679895401001,255.94128875732423],[15.797645187377931,255.4122314453125],[15.658480262756349,254.88313446044924],[15.519325256347656,254.3540771484375],[15.380170249938965,253.82503967285157],[15.241005325317383,253.2959426879883],[15.101850318908692,252.76688537597659],[14.962695312500001,252.23782806396486],[14.823540306091308,251.70877075195312],[14.684375381469726,251.17969360351563],[14.545220375061035,250.65063629150393],[14.406065368652344,250.1215789794922],[14.266900444030762,249.5924819946289],[14.127745437622071,249.06342468261718],[13.98859043121338,248.53436737060548],[13.849425506591798,248.0052703857422],[13.710271739959717,247.47623291015626],[13.571116733551026,246.94717559814453],[13.431961727142335,246.41811828613282],[13.292796802520753,245.88902130126954],[13.15364179611206,245.3599639892578],[13.01448678970337,244.83092651367187],[12.875321865081787,244.3018295288086],[12.736166858673096,243.77277221679688],[12.597011852264405,243.24371490478515],[12.457856845855714,242.71465759277345],[12.318691921234132,242.18558044433595],[12.179536914825439,241.65650329589843],[12.04038314819336,241.1274658203125],[11.901216983795166,240.59836883544924],[11.762063217163087,240.0693115234375],[11.622908210754394,239.54025421142578],[11.483743286132812,239.01115722656252],[11.344588279724121,238.48211975097658],[11.20543327331543,237.95306243896485],[11.066278266906739,237.42400512695312],[10.927113342285157,236.89490814208986],[10.787958335876466,236.36585083007813],[10.648803329467773,235.8367935180664],[10.509638404846191,235.3077163696289],[10.370484018325806,234.7786590576172],[10.231329011917115,234.24960174560547],[10.092174005508424,233.72054443359374],[9.953009080886842,233.1914474487305],[9.813854074478149,232.66239013671876],[9.674699068069458,232.13335266113282],[9.535534143447876,231.60425567626953],[9.396379756927491,231.07519836425783],[9.2572247505188,230.5461410522461],[9.118059825897218,230.0170440673828],[8.978904819488525,229.48800659179688],[8.839749813079834,228.95894927978517],[8.700595426559449,228.42989196777344],[8.561429882049561,227.90079498291016],[8.422275495529176,227.37173767089845],[8.283120489120483,226.84268035888672],[8.143955564498901,226.31358337402344],[8.00480055809021,225.7845458984375],[7.865645551681519,225.2554885864258],[7.726491165161133,224.72643127441407],[7.587325620651245,224.19733428955078],[7.44817123413086,223.66827697753908],[7.309016227722168,223.13923950195314],[7.169851303100586,222.61014251708986],[7.030696296691895,222.08108520507812],[6.891541290283203,221.55202789306642],[6.752376365661621,221.02293090820314],[6.613221979141236,220.4938735961914],[6.474066972732544,219.9648162841797],[6.334911966323853,219.43577880859377],[6.195747041702271,218.90668182373048],[6.056592035293579,218.37762451171875],[5.917437028884888,217.84856719970705],[5.778272104263306,217.31947021484376],[5.63911771774292,216.79043273925782],[5.499962711334229,216.2613754272461],[5.360807704925537,215.7323181152344],[5.221642780303955,215.2032211303711],[5.082487773895264,214.67416381835938],[4.943333077430725,214.14510650634767],[4.804168152809143,213.61602935791015],[4.665013146400452,213.08697204589845],[4.525858449935913,212.55791473388672],[4.386693525314331,212.02881774902343],[4.24753851890564,211.49976043701173],[4.108383512496949,210.970703125],[3.96922881603241,210.44166564941406],[3.830063891410828,209.91256866455078],[3.6909088850021363,209.38351135253907],[3.551754188537598,208.85445404052734],[3.412589263916016,208.32535705566406],[3.2734342575073243,207.79629974365236],[3.134279561042786,207.26726226806642],[2.9951245546340943,206.7382049560547],[2.8559596300125123,206.2091079711914],[2.716804623603821,205.6800506591797],[2.5776499271392823,205.15099334716797],[2.438484847545624,204.62189636230468],[2.299329996109009,204.09285888671874],[2.160175144672394,203.56380157470704],[2.0210102200508118,203.03470458984376],[1.8818553686141968,202.50564727783203],[1.7427005171775818,201.97658996582032],[1.6035456657409668,201.4475326538086],[1.4643807411193848,200.9184555053711],[1.3252257347106935,200.38939819335937],[1.1860709607601165,199.86034088134767],[1.0469059586524965,199.33124389648438],[0.9077511072158814,198.80218658447265],[0.7685962557792664,198.2731491088867],[0.6294312924146652,197.74405212402345],[0.49027644097805023,197.21499481201172],[0.35112155079841617,196.6859375],[0.21196669936180115,196.1568801879883],[0.0728017408400774,195.627783203125],[2.894478701165326e-8,195.09017639160157],[5.032518757275284e-9,194.54312744140626],[0.004389762645587325,193.99607849121094],[0.020156209450215103,193.44926757812502],[0.04546490386128426,192.90281372070314],[0.07918339408934116,192.35681610107423],[0.12096481025218964,191.81133422851562],[0.17034147083759307,191.26650695800782],[0.22742072790861131,190.7224334716797],[0.2917009174823761,190.1791534423828],[0.3635675132274628,189.63684539794923],[0.4429171681404114,189.09560852050782],[0.5297764599323272,188.5554428100586],[0.624154531955719,188.01660614013673],[0.7262997269630432,187.47917785644532],[0.836156564950943,186.94327697753906],[0.9540863633155823,186.40904235839844],[1.0800137281417848,185.87671203613283],[1.214172124862671,185.34636535644532],[1.3569080710411072,184.8182601928711],[1.5082607746124268,184.2925552368164],[1.668443787097931,183.76948852539064],[1.8376794934272767,183.24929809570312],[2.0162352204322818,182.73216247558594],[2.2042916655540465,182.2184783935547],[2.402136301994324,181.70844421386718],[2.610018014907837,181.2024169921875],[2.8281582593917847,180.70077362060547],[3.056841254234314,180.2038314819336],[3.2963223934173587,179.7119873046875],[3.5466655254364015,179.22557830810547],[3.808446216583252,178.7452590942383],[4.081755900382996,178.27136688232423],[4.366691279411316,177.80433807373046],[4.653297877311707,177.3384201049805],[4.936250543594361,176.87022094726564],[5.217279386520386,176.40079193115236],[5.496783924102783,175.93054962158203],[5.775464010238648,175.4598114013672],[6.053484535217286,174.98869628906252],[6.3309601783752445,174.5171844482422],[6.60796160697937,174.0454345703125],[6.884499359130859,173.57342681884765],[7.160866641998291,173.10130004882814],[7.4366816043853765,172.62887573242188],[7.712497186660767,172.15645141601564],[7.987895584106446,171.68370971679687],[8.263132190704345,171.21094818115236],[8.538291931152344,170.73814697265627],[8.812850379943848,170.2649887084961],[9.087428045272828,169.7917907714844],[9.36198649406433,169.31863250732422],[9.636544322967529,168.84547424316406],[9.911122608184815,168.37227630615234],[10.1855149269104,167.89903869628907],[10.459390258789062,167.42548370361328],[10.733265590667726,166.9519287109375],[11.007160758972168,166.47833404541015],[11.281037330627441,166.0047790527344],[11.554912662506103,165.5312240600586],[11.828807830810547,165.05763931274416],[12.102303791046143,164.58386611938477],[12.375667095184326,164.11001358032226],[12.64904899597168,163.6361312866211],[12.922412300109864,163.1622787475586],[13.195775604248047,162.6884262084961],[13.46913766860962,162.2145736694336],[13.742520809173584,161.74068145751954],[14.015590286254882,161.26664047241212],[14.288550662994385,160.79255981445314],[14.561530876159669,160.31843948364258],[14.83449125289917,159.8443588256836],[15.107451629638673,159.37027816772462],[15.380412006378174,158.89619750976564],[15.653392219543457,158.42207717895508],[15.92617530822754,157.9478874206543],[16.19866828918457,157.4735290527344],[16.471181106567382,156.9991409301758],[16.743672847747803,156.52479248046876],[17.016164588928223,156.05043411254883],[17.288677406311034,155.57604598999023],[17.561170387268067,155.1016975402832],[17.833662128448488,154.6273490905762],[18.106155109405517,154.15299072265626],[18.37866668701172,153.67860260009766],[18.651159667968752,153.20425415039062],[18.92365140914917,152.72989578247072],[19.196164226531984,152.255517578125],[19.468655967712404,151.7811592102051],[19.741148948669434,151.30681076049805],[20.013640689849854,150.83245239257812],[20.285665035247803,150.3578063964844],[20.557673263549805,149.8831802368164],[20.82968273162842,149.40854415893554],[21.101712036132813,148.93387832641602],[21.373721504211428,148.45925216674806],[21.64573097229004,147.9846260070801],[21.91775779724121,147.50996017456055],[22.189767265319826,147.0353240966797],[22.461776733398438,146.56069793701172],[22.733786201477052,146.08607177734376],[23.005815505981445,145.6114059448242],[23.27782497406006,145.13676986694335],[23.54983196258545,144.6621437072754],[23.821861267089844,144.18747787475587],[24.09387073516846,143.7128517150879],[24.365676879882812,143.23808670043945],[24.637287139892578,142.76323242187502],[24.908917236328126,142.288338470459],[25.18052749633789,141.81347427368163],[25.452137756347657,141.3386199951172],[25.723767852783205,140.86372604370118],[25.99537811279297,140.3888717651367],[26.266988372802736,139.91400756835938],[26.538618469238283,139.43911361694336],[26.81022872924805,138.96425933837892],[27.081838989257815,138.48940505981446],[27.35344924926758,138.01454086303713],[27.625079345703124,137.5396469116211],[27.89668960571289,137.06479263305664],[28.168299865722656,136.5899383544922],[28.43956050872803,136.11484603881837],[28.710781478881838,135.63977355957033],[28.982004928588868,135.1646911621094],[29.253228378295898,134.68960876464845],[29.52446918487549,134.21449661254883],[29.79569263458252,133.7394142150879],[30.066916084289552,133.26434173583985],[30.33815689086914,132.78921966552736],[30.609380340576173,132.3141471862793],[30.880601310729983,131.83906478881838],[31.151844596862794,131.36395263671875],[31.423068046569824,130.8888702392578],[31.694132804870605,130.41369857788087],[31.964441299438477,129.9381004333496],[32.267951011657715,129.48823013305665],[32.66155776977539,129.10831298828126],[33.055667877197266,128.72894134521485],[33.45644550323487,128.35653228759767],[33.86417083740235,127.99184951782227],[34.27801570892334,127.63406982421876],[34.697496604919436,127.28294525146485],[35.12232341766357,126.93825759887696],[35.55234241485596,126.60007629394532],[35.98733043670654,126.26838150024415],[36.427294921875,125.9432228088379],[36.87211933135986,125.62481842041016],[37.321724319458006,125.31314849853516],[37.776156997680665,125.00856018066406],[38.23526859283447,124.7111328125],[38.69916820526123,124.42122344970703],[39.16779384613037,124.13903045654297],[39.641185188293456,123.86475219726563],[40.119203376770024,123.59878540039062],[40.601912879943846,123.34142761230468],[41.08936080932617,123.0930061340332],[41.58138847351074,122.85395736694336],[42.077998352050784,122.62451934814453],[42.579175567626955,122.40533676147462],[43.08493995666504,122.19667739868164],[43.59504852294922,121.99916610717774],[44.10950622558594,121.81315994262695],[44.62817916870117,121.63918457031251],[45.15084915161133,121.47780532836914],[45.67743682861328,121.32959747314453],[46.207709121704106,121.19501724243165],[46.74132881164551,121.07474899291992],[47.278102493286134,120.9692985534668],[47.817653274536134,120.87923126220703],[48.35969848632813,120.80520172119141],[48.903682708740234,120.74767608642578],[49.44922409057617,120.70725936889649],[49.99578704833984,120.68437805175782],[50.54282112121582,120.67956771850587],[51.089666748046874,120.69311599731445],[51.63572883605957,120.72531051635742],[52.18045196533203,120.77594299316407],[52.72304267883301,120.84544982910157],[53.2628662109375,120.93389053344727],[53.799238204956055,121.04139404296875],[54.33138999938965,121.16804962158203],[54.85859756469727,121.31402587890625],[55.38007736206055,121.47923355102539],[55.8950855255127,121.66365280151368],[56.40280380249023,121.86722412109376],[56.902532958984374,122.08971939086915],[57.39355392456055,122.33092041015625],[57.8751277923584,122.59034118652345],[58.34661979675293,122.86771392822266],[58.80749435424805,123.16238403320312],[59.25716133117676,123.4738655090332],[59.69517936706543,123.80156326293945],[60.121131896972656,124.14476318359375],[60.534746170043945,124.50280075073242],[60.935784149169926,124.87483291625978],[61.32405242919922,125.26016540527344],[61.69951629638672,125.65805435180664],[62.0620418548584,126.06771621704102],[62.41172332763672,126.48834762573243],[62.74870948791504,126.91933364868164],[63.073015213012695,127.35984115600587],[63.38488845825196,127.80926513671875],[63.68456726074219,128.26691131591798],[63.972145843505864,128.732283782959],[64.24808044433594,129.20461883544922],[64.51248016357422,129.68352966308595],[64.76578140258789,130.1684112548828],[65.00823211669922,130.658797454834],[65.24005546569825,131.15430145263673],[65.46166305541992,131.65448684692385],[65.67332763671875,132.15889739990234],[65.87535667419434,132.66727523803712],[66.06801300048828,133.17927322387695],[66.25167846679688,133.69457397460937],[66.4267002105713,134.21288986206056],[66.59311294555664,134.733992767334],[66.7514820098877,135.2576446533203],[66.90183219909669,135.78361740112305],[67.0447437286377,136.31166305541993],[67.18540878295899,136.84032363891603],[67.32727890014648,137.3686866760254],[67.4702995300293,137.8967025756836],[67.6144458770752,138.42445068359376],[67.75966339111328,138.9519012451172],[67.90600166320802,139.47900466918946],[68.05335159301758,140.00583038330078],[68.20168342590333,140.53242797851564],[68.35108642578125,141.0586685180664],[68.50127296447754,141.5847007751465],[68.65235214233398,142.1104751586914],[68.80415534973145,142.6360809326172],[68.95703468322755,143.1613395690918],[69.11035537719727,143.68646926879885],[69.26493072509766,144.21127166748047],[69.41970443725586,144.73596496582033],[69.57585182189942,145.26026153564453],[69.73216285705567,145.78447875976562],[69.88965911865235,146.30840835571288],[70.0474479675293,146.83220901489258],[70.20619888305664,147.35572204589843],[70.36538619995117,147.8791259765625],[70.52534713745118,148.40226211547852],[70.68584861755372,148.92524948120118],[70.8469799041748,149.44806823730468],[71.00874099731446,149.9706787109375],[71.17097320556641,150.49312057495118],[71.33392448425293,151.01533432006838],[71.49723777770997,151.5374885559082],[71.66132469177246,152.05931549072267],[71.82564964294434,152.58110275268555],[71.99085731506348,153.10266189575196],[72.15616416931152,153.62413177490234],[72.32242317199707,154.1453239440918],[72.48876647949218,154.66643676757812],[72.65594291687012,155.18736114501954],[72.82332267761231,155.7082061767578],[72.99136695861817,156.22880325317382],[73.15972366333008,156.74932098388672],[73.32861099243165,157.2696502685547],[73.49790496826172,157.7898406982422],[73.66761550903321,158.30994186401367],[73.83783683776856,158.82985458374023],[74.0083309173584,159.34965820312502],[74.17942504882812,159.86923370361328],[74.35068778991699,160.38881912231446],[74.5226547241211,160.9081169128418],[74.6947853088379,161.42742462158205],[74.86746635437012,161.94646453857422],[75.04043502807617,162.46549453735352],[75.21382522583008,162.98437576293946],[75.38759727478028,163.5030387878418],[75.56165199279785,164.02170181274414],[75.7362720489502,164.54020614624025],[75.91107063293457,165.05852203369142],[76.08668746948243,165.57665939331056],[76.2622844696045,166.09471740722657],[76.43790130615234,166.6128646850586],[76.61439590454101,167.13069458007814],[76.79116325378418,167.64836578369142],[76.96795043945313,168.16609649658204],[77.14526329040528,168.6836883544922],[77.32312660217285,169.20096282958986],[77.5010196685791,169.71831665039062],[77.67923011779786,170.2355911254883],[77.85813484191895,170.75252838134767],[78.03706436157226,171.26952514648437],[78.2162368774414,171.78638305664063],[78.39611854553223,172.30296325683594],[78.57602996826172,172.8196228027344],[78.75628852844238,173.33616333007814],[78.93709259033203,173.85242614746093],[79.11792640686035,174.3687484741211],[79.29931564331055,174.88485260009767],[79.4810272216797,175.4008972167969],[79.66279335021973,175.91686248779297],[79.84530830383301,176.43253021240236],[80.02784805297851,176.94827728271486],[80.21093330383302,177.46380615234375],[80.3942367553711,177.97917633056642],[80.5779468536377,178.4945266723633],[80.76202392578125,179.0097183227539],[80.94643821716309,179.52471160888672],[81.13121452331544,180.03966522216797],[81.3167049407959,180.5543411254883],[81.50241355895996,181.06885833740236],[81.68814697265626,181.58345489501954],[81.87490692138672,182.0976348876953],[82.06184043884278,182.61177520751954],[82.22784652709962,183.13236236572266],[82.36256065368653,183.66251068115236],[82.53305473327637,184.18214569091796],[82.73082885742188,184.6922592163086],[82.9480972290039,185.19421997070313],[83.18278694152832,185.68834533691407],[83.43343505859376,186.17459564208986],[83.69916381835938,186.65271301269533],[83.97926406860351,187.12261810302735],[84.27332916259766,187.58391418457032],[84.58091278076172,188.03626403808593],[84.90155868530273,188.47950897216796],[85.23489990234376,188.91329193115234],[85.58050003051758,189.3372360229492],[85.9381607055664,189.75116271972658],[86.30748519897462,190.15479431152343],[86.68805694580078,190.5476547241211],[87.07960815429688,190.92970428466796],[87.48167266845704,191.30058593750002],[87.894002532959,191.66016082763673],[88.31607208251954,192.00823059082032],[88.74754409790039,192.3443389892578],[89.1880714416504,192.6687438964844],[89.63722763061524,192.98110809326172],[90.09442749023438,193.28143157958985],[90.55948257446289,193.56949615478516],[91.0318473815918,193.84540100097658],[91.5110954284668,194.10914611816406],[91.99691925048829,194.36073150634766],[92.48879318237304,194.6001968383789],[92.98624114990234,194.82758178710938],[93.48909454345703,195.04312438964845],[93.99687728881837,195.24666595458984],[94.50913314819336,195.43854370117188],[95.02553482055664,195.61895599365235],[95.54582443237305,195.78782348632814],[96.06964492797852,195.9457015991211],[96.59668884277345,196.09251098632814],[97.12649993896484,196.22845001220705],[97.65898895263672,196.35389556884766],[98.19385833740235,196.46900634765626],[98.7307113647461,196.57382202148438],[99.26943893432617,196.6687789916992],[99.80990219116211,196.75405578613282],[100.35154571533204,196.8299301147461],[100.89455795288086,196.89660034179687],[101.43864135742187,196.95428466796875],[101.9834487915039,197.00316162109377],[102.52904968261718,197.04344940185547],[103.0751564025879,197.0754852294922],[103.62164001464843,197.0994873046875],[104.16846084594727,197.11553497314455],[104.71546020507813,197.12390594482423],[105.26250915527343,197.12549285888673],[105.80959777832031,197.12549285888673],[106.35660705566407,197.12549285888673],[106.90369567871095,197.12549285888673],[107.45078430175782,197.12549285888673],[107.99779357910157,197.12549285888673],[108.54488220214844,197.12549285888673],[109.09197082519532,197.12549285888673],[109.63898010253907,197.12549285888673],[110.18606872558594,197.12549285888673],[110.73315734863282,197.12549285888673],[111.28016662597656,197.12549285888673],[111.82725524902344,197.12549285888673],[112.37434387207031,197.12549285888673],[112.92135314941406,197.12549285888673],[113.46844177246093,197.12549285888673],[114.0154510498047,197.12549285888673],[114.56253967285157,197.12549285888673],[115.10962829589845,197.12549285888673],[115.6566375732422,197.12549285888673],[116.20372619628907,197.12549285888673],[116.75081481933594,197.12549285888673],[117.29782409667969,197.12549285888673],[117.84491271972657,197.12549285888673],[118.39200134277344,197.12549285888673],[118.93901062011719,197.12549285888673],[119.48609924316406,197.12549285888673],[120.03318786621094,197.12549285888673],[120.58019714355468,197.12549285888673],[121.12728576660156,197.12549285888673],[121.67437438964843,197.12549285888673],[122.2213836669922,197.12549285888673],[122.76847229003907,197.12549285888673],[123.31548156738282,197.12549285888673],[123.8625701904297,197.12549285888673],[124.40965881347657,197.12549285888673],[124.95666809082032,197.12549285888673],[125.50375671386719,197.12549285888673],[126.05084533691407,197.12549285888673],[126.59785461425781,197.12549285888673],[127.14494323730469,197.12549285888673],[127.69203186035156,197.12549285888673],[128.23904113769532,197.12549285888673],[128.7861297607422,197.12549285888673],[129.33321838378907,197.12549285888673],[129.8802276611328,197.12549285888673],[130.42731628417968,197.12549285888673],[130.97440490722656,197.12549285888673],[131.52141418457032,197.12549285888673],[132.0685028076172,197.12549285888673],[132.61551208496095,197.12549285888673],[133.16260070800783,197.12549285888673],[133.7096893310547,197.12549285888673],[134.25669860839844,197.12549285888673],[134.8037872314453,197.12549285888673],[135.3508758544922,197.12549285888673],[135.89788513183595,197.12549285888673],[136.44497375488282,197.12549285888673],[136.9920623779297,197.12549285888673],[137.53907165527343,197.12549285888673],[138.0861602783203,197.12549285888673],[138.63324890136718,197.12549285888673],[139.18025817871094,197.12549285888673],[139.72734680175782,197.12549285888673],[140.2744354248047,197.12549285888673],[140.82144470214845,197.12549285888673],[141.36853332519533,197.12549285888673],[141.91554260253906,197.12549285888673],[142.46263122558594,197.12549285888673],[143.0097198486328,197.12549285888673],[143.55672912597657,197.12549285888673],[144.10381774902345,197.12549285888673],[144.65090637207032,197.12549285888673],[145.19791564941406,197.12549285888673],[145.74500427246093,197.12549285888673],[146.2920928955078,197.12549285888673],[146.83910217285157,197.12549285888673],[147.38619079589844,197.12549285888673],[147.93327941894532,197.12549285888673],[148.48028869628908,197.12549285888673],[149.02737731933595,197.12549285888673],[149.57446594238283,197.12549285888673],[150.12147521972656,197.12549285888673],[150.66856384277344,197.12549285888673],[151.2155731201172,197.12549285888673],[151.76266174316407,197.12549285888673],[152.30975036621095,197.12549285888673],[152.85675964355468,197.12549285888673],[153.40384826660156,197.12549285888673],[153.95093688964843,197.12549285888673],[154.4979461669922,197.12549285888673],[155.04503479003907,197.12549285888673],[155.59212341308594,197.12549285888673],[156.1391326904297,197.12549285888673],[156.68622131347658,197.12549285888673],[157.23330993652345,197.12549285888673],[157.7803192138672,197.12549285888673],[158.32740783691406,197.12549285888673],[158.87449645996094,197.12549285888673],[159.4215057373047,197.12549285888673],[159.96859436035157,197.12549285888673],[160.5156036376953,197.12549285888673],[161.06269226074218,197.12549285888673],[161.60978088378906,197.12549285888673],[162.15679016113282,197.12549285888673],[162.7038787841797,197.12549285888673],[163.25096740722657,197.12549285888673],[163.79797668457033,197.12549285888673],[164.3450653076172,197.12549285888673],[164.89215393066408,197.12549285888673],[165.4391632080078,197.12549285888673],[165.9862518310547,197.12549285888673],[166.53334045410156,197.12549285888673],[167.08034973144532,197.12549285888673],[167.6274383544922,197.12549285888673],[168.17452697753907,197.12549285888673],[168.7215362548828,197.12549285888673],[169.26862487792968,197.12549285888673],[169.81563415527344,197.12549285888673],[170.36272277832032,197.12549285888673],[170.9098114013672,197.12549285888673],[171.45682067871095,197.12549285888673],[172.00390930175783,197.12549285888673],[172.5509979248047,197.12549285888673],[173.09800720214844,197.12549285888673],[173.6450958251953,197.12549285888673],[174.1921844482422,197.12549285888673],[174.73919372558595,197.12549285888673],[175.28628234863282,197.12549285888673],[175.8333709716797,197.12549285888673],[176.38038024902343,197.12549285888673],[176.9274688720703,197.12549285888673],[177.47455749511718,197.12549285888673],[178.02156677246094,197.12549285888673],[178.56865539550782,197.12549285888673],[179.11566467285158,197.12549285888673],[179.66275329589845,197.12549285888673],[180.20984191894533,197.12549285888673],[180.75685119628906,197.12549285888673],[181.30393981933594,197.12549285888673],[181.8510284423828,197.12549285888673],[182.39803771972657,197.12549285888673],[182.94512634277345,197.12549285888673],[183.49221496582032,197.12549285888673],[184.03922424316406,197.12549285888673],[184.58631286621093,197.12549285888673],[185.1334014892578,197.12549285888673],[185.68041076660157,197.12549285888673],[186.22749938964844,197.12549285888673],[186.77458801269532,197.12549285888673],[187.32159729003908,197.12549285888673],[187.86868591308595,197.12549285888673],[188.41577453613283,197.12549285888673],[188.96278381347656,197.12549285888673],[189.50987243652344,197.12549285888673],[190.0568817138672,197.12549285888673],[190.60397033691407,197.12549285888673],[191.15105895996095,197.12549285888673],[191.69806823730468,197.12549285888673],[192.24515686035156,197.12549285888673],[192.79224548339843,197.12549285888673],[193.3392547607422,197.12549285888673],[193.88634338378907,197.12549285888673],[194.43343200683594,197.12549285888673],[194.9804412841797,197.12549285888673],[195.52752990722658,197.12549285888673],[196.07461853027345,197.12549285888673],[196.6216278076172,197.12549285888673],[197.16871643066406,197.12549285888673],[197.71580505371094,197.12549285888673],[198.2628143310547,197.12549285888673],[198.80990295410157,197.12549285888673],[199.3569122314453,197.12549285888673],[199.90400085449218,197.12549285888673],[200.45108947753906,197.12549285888673],[200.99809875488282,197.12549285888673],[201.5451873779297,197.12549285888673],[202.09227600097657,197.12549285888673],[202.63928527832033,197.12549285888673],[203.1863739013672,197.12549285888673],[203.73346252441408,197.12549285888673],[204.2804718017578,197.12549285888673],[204.8275604248047,197.12549285888673],[205.37464904785156,197.12549285888673],[205.92165832519532,197.12549285888673],[206.4687469482422,197.12549285888673],[207.01583557128907,197.12549285888673],[207.5628448486328,197.12549285888673],[208.10993347167968,197.12549285888673],[208.65694274902344,197.12549285888673],[209.20403137207032,197.12549285888673],[209.7511199951172,197.12549285888673],[210.29812927246095,197.12549285888673],[210.84521789550783,197.12549285888673],[211.3923065185547,197.12549285888673],[211.93931579589844,197.12549285888673],[212.4864044189453,197.12549285888673],[213.0334930419922,197.12549285888673],[213.58050231933595,197.12549285888673],[214.12759094238282,197.12549285888673],[214.6746795654297,197.12549285888673],[215.22168884277343,197.12549285888673],[215.7687774658203,197.12549285888673],[216.31586608886718,197.12549285888673],[216.86287536621094,197.12549285888673],[217.40996398925782,197.12549285888673],[217.95697326660158,197.12549285888673],[218.50406188964845,197.12549285888673],[219.05115051269533,197.12549285888673],[219.59815979003906,197.12549285888673],[220.14524841308594,197.12549285888673],[220.6923370361328,197.12549285888673],[221.23934631347657,197.12549285888673],[221.78643493652345,197.12549285888673],[222.33352355957032,197.12549285888673],[222.88053283691406,197.12549285888673],[223.42762145996093,197.12549285888673],[223.9747100830078,197.12549285888673],[224.52171936035157,197.12549285888673],[225.06880798339844,197.12549285888673],[225.61589660644532,197.12549285888673],[226.16290588378908,197.12549285888673],[226.70999450683595,197.12549285888673],[227.2570037841797,197.12549285888673],[227.80409240722656,197.12549285888673],[228.35118103027344,197.12549285888673],[228.8981903076172,197.12549285888673],[229.44527893066407,197.12549285888673],[229.99236755371095,197.12549285888673],[230.53937683105468,197.12549285888673],[231.08646545410156,197.12549285888673],[231.63355407714843,197.12549285888673],[232.1805633544922,197.12549285888673],[232.72765197753907,197.12549285888673],[233.27474060058594,197.12549285888673],[233.8217498779297,197.12549285888673],[234.36883850097658,197.12549285888673],[234.91592712402345,197.12549285888673],[235.4629364013672,197.12549285888673],[236.01002502441406,197.12549285888673],[236.55703430175782,197.12549285888673],[237.1041229248047,197.12549285888673],[237.65121154785157,197.12549285888673],[238.1982208251953,197.12549285888673],[238.74530944824218,197.12549285888673],[239.29239807128906,197.12549285888673],[239.83940734863282,197.12549285888673],[240.3864959716797,197.12549285888673],[240.93358459472657,197.12549285888673],[241.48059387207033,197.12549285888673],[242.0276824951172,197.12549285888673],[242.57477111816408,197.12549285888673],[243.1217803955078,197.12549285888673],[243.6688690185547,197.12549285888673],[244.21595764160156,197.12549285888673],[244.76296691894532,197.12549285888673],[245.3100555419922,197.12549285888673],[245.85706481933593,197.12549285888673],[246.4041534423828,197.12549285888673],[246.95124206542968,197.12549285888673],[247.49825134277344,197.12549285888673],[248.04533996582032,197.12549285888673],[248.5924285888672,197.12549285888673],[249.13943786621095,197.12549285888673],[249.68652648925783,197.12549285888673],[250.2336151123047,197.12549285888673],[250.78062438964844,197.12549285888673],[251.3277130126953,197.12549285888673],[251.8748016357422,197.12549285888673],[252.42181091308595,197.12549285888673],[252.96889953613282,197.12549285888673],[253.5159881591797,197.12549285888673],[254.06299743652346,197.12549285888673],[254.61008605957034,197.12549285888673],[255.15709533691407,197.12549285888673],[255.70418395996094,197.12549285888673],[256.25127258300785,197.12549285888673],[256.79828186035155,197.12549285888673],[257.3453704833984,197.12549285888673],[257.8924591064453,197.12549285888673],[258.43946838378906,197.12549285888673],[258.98655700683594,197.12549285888673],[259.5336456298828,197.12549285888673],[260.0806549072266,197.12549285888673],[260.62774353027345,197.12549285888673],[261.1748321533203,197.12549285888673],[261.7218414306641,197.12549285888673],[262.26893005371096,197.12549285888673],[262.81601867675784,197.12549285888673],[263.3630279541016,197.12549285888673],[263.9101165771485,197.12549285888673],[264.4571258544922,197.12549285888673],[265.00421447753905,197.12549285888673],[265.5513031005859,197.12549285888673],[266.0983123779297,197.12549285888673],[266.64540100097656,197.12549285888673],[267.19248962402344,197.12549285888673],[267.7394989013672,197.12549285888673],[268.2865875244141,197.12549285888673],[268.83367614746095,197.12549285888673],[269.3806854248047,197.12549285888673],[269.9277740478516,197.12549285888673],[270.47486267089846,197.12549285888673],[271.0218719482422,197.12549285888673],[271.5689605712891,197.12549285888673],[272.116049194336,197.12549285888673],[272.6630584716797,197.12549285888673],[273.21014709472655,197.12549285888673],[273.7571563720703,197.12549285888673],[274.3042449951172,197.12549285888673],[274.85133361816406,197.12549285888673],[275.3983428955078,197.12549285888673],[275.9454315185547,197.12549285888673],[276.4925201416016,197.12549285888673],[277.03952941894534,197.12549285888673],[277.5866180419922,197.12549285888673],[278.1337066650391,197.12549285888673],[278.68071594238285,197.12549285888673],[279.2278045654297,197.12549285888673],[279.7748931884766,197.12549285888673],[280.3219024658203,197.12549285888673],[280.8689910888672,197.12549285888673],[281.41607971191405,197.12549285888673],[281.9630889892578,197.12549285888673],[282.5101776123047,197.12549285888673],[283.05718688964845,197.12549285888673],[283.6042755126953,197.12549285888673],[284.1513641357422,197.12549285888673],[284.69837341308596,197.12549285888673],[285.24546203613284,197.12549285888673],[285.7925506591797,197.12549285888673],[286.3395599365235,197.12549285888673],[286.88664855957035,197.12549285888673],[287.4337371826172,197.12549285888673],[287.9807464599609,197.12549285888673],[288.5278350830078,197.12549285888673],[289.0749237060547,197.12549285888673],[289.62193298339844,197.12549285888673],[290.1690216064453,197.12549285888673],[290.7161102294922,197.12549285888673],[291.26311950683595,197.12549285888673],[291.8102081298828,197.12549285888673],[292.3572174072266,197.12549285888673],[292.90430603027346,197.12549285888673],[293.45139465332034,197.12549285888673],[293.9984039306641,197.12549285888673],[294.545492553711,197.12549285888673],[295.09258117675785,197.12549285888673],[295.63959045410155,197.12549285888673],[296.1866790771484,197.12549285888673],[296.7337677001953,197.12549285888673],[297.28077697753906,197.12549285888673],[297.82786560058594,197.12549285888673],[298.3749542236328,197.12549285888673],[298.9219635009766,197.12549285888673],[299.46905212402345,197.12549285888673],[300.0161407470703,197.12549285888673],[300.5631500244141,197.12549285888673],[301.11023864746096,197.12549285888673],[301.6572479248047,197.12549285888673],[302.2043365478516,197.12549285888673],[302.7514251708985,197.12549285888673],[303.2984344482422,197.12549285888673],[303.84552307128905,197.12549285888673],[304.3926116943359,197.12549285888673],[304.9396209716797,197.12549285888673],[305.48670959472656,197.12549285888673],[306.03379821777344,197.12549285888673],[306.5808074951172,197.12549285888673],[307.1278961181641,197.12549285888673],[307.67498474121095,197.12549285888673],[308.2219940185547,197.12549285888673],[308.7690826416016,197.12549285888673],[309.31617126464846,197.12549285888673],[309.8631805419922,197.12549285888673],[310.4102691650391,197.12549285888673],[310.9572784423828,197.12549285888673],[311.5043670654297,197.12549285888673],[312.05145568847655,197.12549285888673],[312.5984649658203,197.12549285888673],[313.1455535888672,197.12549285888673],[313.69264221191406,197.12549285888673],[314.2396514892578,197.12549285888673],[314.7867401123047,197.12549285888673],[315.3338287353516,197.12549285888673],[315.88083801269534,197.12549285888673],[316.4279266357422,197.12549285888673],[316.9750152587891,197.12549285888673],[317.52202453613285,197.12549285888673],[318.0691131591797,197.12549285888673],[318.6162017822266,197.12549285888673],[319.1632110595703,197.12549285888673],[319.7102996826172,197.12549285888673],[320.25730895996094,197.12549285888673],[320.8043975830078,197.12549285888673],[321.3514862060547,197.12549285888673],[321.89849548339845,197.12549285888673],[322.4455841064453,197.12549285888673],[322.9926727294922,197.12549285888673],[323.53968200683596,197.12549285888673],[324.08677062988284,197.12549285888673],[324.6338592529297,197.12549285888673],[325.1808685302735,197.12549285888673],[325.72795715332035,197.12549285888673],[326.2750457763672,197.12549285888673],[326.8220550537109,197.12549285888673],[327.3691436767578,197.12549285888673],[327.9162322998047,197.12549285888673],[328.46324157714844,197.12549285888673],[329.0103302001953,197.12549285888673],[329.5573394775391,197.12549285888673],[330.10442810058595,197.12549285888673],[330.6515167236328,197.12549285888673],[331.1985260009766,197.12549285888673],[331.74561462402346,197.12549285888673],[332.29270324707034,197.12549285888673],[332.8397125244141,197.12549285888673],[333.386801147461,197.12549285888673],[333.93388977050785,197.12549285888673],[334.48089904785155,197.12549285888673],[335.0279876708984,197.12549285888673],[335.5750762939453,197.12549285888673],[336.12208557128906,197.12549285888673],[336.66917419433594,197.12549285888673],[337.2162628173828,197.12549285888673],[337.7632720947266,197.12549285888673],[338.31036071777345,197.12549285888673],[338.8573699951172,197.12549285888673],[339.4044586181641,197.12549285888673],[339.95154724121096,197.12549285888673],[340.4985565185547,197.12549285888673],[341.0456451416016,197.12549285888673],[341.5927337646485,197.12549285888673],[342.1397430419922,197.12549285888673],[342.68683166503905,197.12549285888673],[343.2339202880859,197.12549285888673],[343.7809295654297,197.12549285888673],[344.32801818847656,197.12549285888673],[344.87510681152344,197.12549285888673],[345.4221160888672,197.12549285888673],[345.9692047119141,197.12549285888673],[346.51629333496095,197.12549285888673],[347.0633026123047,197.12549285888673],[347.6103912353516,197.12549285888673],[348.15740051269535,197.12549285888673],[348.7044891357422,197.12549285888673],[349.2515777587891,197.12549285888673],[349.7985870361328,197.12549285888673],[350.3456756591797,197.12549285888673],[350.89276428222655,197.12549285888673],[351.4397735595703,197.12549285888673],[351.9868621826172,197.12549285888673],[352.53395080566406,197.12549285888673],[353.0809600830078,197.12549285888673],[353.6280487060547,197.12549285888673],[354.1751373291016,197.12549285888673],[354.72214660644534,197.12549285888673],[355.2692352294922,197.12549285888673],[355.8163238525391,197.12549285888673],[356.36333312988285,197.12549285888673],[356.9104217529297,197.12549285888673],[357.4574310302734,197.12549285888673],[358.0045196533203,197.12549285888673],[358.5516082763672,197.12549285888673],[359.09861755371094,197.12549285888673],[359.6457061767578,197.12549285888673],[360.1927947998047,197.12549285888673],[360.73980407714845,197.12549285888673],[361.2868927001953,197.12549285888673],[361.8339813232422,197.12549285888673],[362.38099060058596,197.12549285888673],[362.92807922363284,197.12549285888673],[363.4751678466797,197.12549285888673],[364.0221771240235,197.12549285888673],[364.56926574707035,197.12549285888673],[365.1163543701172,197.12549285888673],[365.6633636474609,197.12549285888673],[366.2104522705078,197.12549285888673],[366.75746154785156,197.12549285888673],[367.30455017089844,197.12549285888673],[367.8516387939453,197.12549285888673],[368.3986480712891,197.12549285888673],[368.94573669433595,197.12549285888673],[369.4928253173828,197.12549285888673],[370.0398345947266,197.12549285888673],[370.58692321777346,197.12549285888673],[371.13401184082034,197.12549285888673],[371.6810211181641,197.12549285888673],[372.228109741211,197.12549285888673],[372.77519836425785,197.12549285888673],[373.32220764160155,197.12549285888673],[373.8692962646484,197.12549285888673],[374.4163848876953,197.12549285888673],[374.96339416503906,197.12549285888673],[375.51048278808594,197.12549285888673],[376.0574920654297,197.12549285888673],[376.6045806884766,197.12549285888673],[377.15166931152345,197.12549285888673],[377.6986785888672,197.12549285888673],[378.2457672119141,197.12549285888673],[378.79285583496096,197.12549285888673],[379.3398651123047,197.12549285888673],[379.8869537353516,197.12549285888673],[380.4340423583985,197.12549285888673],[380.9810516357422,197.12549285888673],[381.52814025878905,197.12549285888673],[382.0752288818359,197.12549285888673],[382.6222381591797,197.12549285888673],[383.16932678222656,197.12549285888673],[383.71641540527344,197.12549285888673],[384.2634246826172,197.12549285888673],[384.8105133056641,197.12549285888673],[385.35752258300784,197.12549285888673],[385.9046112060547,197.12549285888673],[386.4516998291016,197.12549285888673],[386.99870910644535,197.12549285888673],[387.5457977294922,197.12549285888673],[388.0928863525391,197.12549285888673],[388.6398956298828,197.12549285888673],[389.1869842529297,197.12549285888673],[389.73407287597655,197.12549285888673],[390.2810821533203,197.12549285888673],[390.8281707763672,197.12549285888673],[391.37525939941406,197.12549285888673],[391.9222686767578,197.12549285888673],[392.4693572998047,197.12549285888673],[393.0164459228516,197.12549285888673],[393.56345520019534,197.12549285888673],[394.1105438232422,197.12549285888673],[394.657553100586,197.12549285888673],[395.20464172363285,197.12549285888673],[395.7517303466797,197.12549285888673],[396.2987396240234,197.12549285888673],[396.8458282470703,197.12549285888673],[397.3929168701172,197.12549285888673],[397.93992614746094,197.12549285888673],[398.4870147705078,197.12549285888673],[399.0341033935547,197.12549285888673],[399.58111267089845,197.12549285888673],[400.1282012939453,197.12549285888673],[400.6752899169922,197.12549285888673],[401.22229919433596,197.12549285888673],[401.76938781738284,197.12549285888673],[402.3164764404297,197.12549285888673],[402.8634857177735,197.12549285888673],[403.41057434082035,197.12549285888673],[403.95758361816405,197.12549285888673],[404.5046722412109,197.12549285888673],[405.0517608642578,197.12549285888673],[405.59877014160156,197.12549285888673],[406.14585876464844,197.12549285888673],[406.6929473876953,197.12549285888673],[407.2399566650391,197.12549285888673],[407.78704528808595,197.12549285888673],[408.2507019042969,196.90183715820314],[408.69769592285155,196.58687438964844],[409.16480407714846,196.30216217041016],[409.63837890625,196.02818145751954],[410.1095733642578,195.75049133300783],[410.5690643310547,195.45359954833984],[411.00395812988285,195.12205352783204],[411.3933868408203,194.7386947631836],[411.7038269042969,194.289697265625],[411.89393920898436,193.77847290039062],[411.94360961914066,193.23507385253907],[411.9263916015625,192.68836212158203],[411.87025451660156,192.1444076538086],[411.7557586669922,191.60989532470703],[411.5629089355469,191.09857177734375],[411.28345336914066,190.62928161621093],[410.9280639648438,190.21400604248046],[410.5185211181641,189.85177307128907],[410.0741851806641,189.5330810546875],[409.60767211914066,189.24741668701174],[409.1269165039063,188.9864288330078],[408.6369171142578,188.74341278076173],[408.1402923583984,188.51384582519532],[407.6391845703125,188.2945343017578],[407.13462524414064,188.08313751220703],[406.6275665283203,187.87769165039063],[406.1187225341797,187.67684783935547],[405.60845031738285,187.47977294921876],[405.1107940673828,187.2527053833008],[404.601156616211,187.05440063476564],[404.0901306152344,186.8590316772461],[403.5791046142578,186.66366271972657],[403.0682373046875,186.46815490722656],[402.5574096679688,186.27232971191407],[402.0465423583984,186.07648468017578],[401.5357940673828,185.88067932128908],[401.02496643066405,185.6848342895508],[400.51413879394534,185.4890090942383],[400.00335083007815,185.29318389892578],[399.49256286621096,185.09725952148438],[398.9817749023438,184.90123596191407],[398.4711059570313,184.70523223876953],[397.9603179931641,184.50920867919922],[397.44956970214844,184.3131851196289],[396.93886108398436,184.11720123291016],[396.42811279296876,183.92117767333986],[395.9174041748047,183.7251739501953],[395.4066558837891,183.529150390625],[394.8958679199219,183.3331268310547],[394.3851989746094,183.13714294433595],[393.8744110107422,182.94111938476564],[393.36366271972656,182.7450958251953],[392.8529541015625,182.5490921020508],[392.3422058105469,182.3530685424805],[391.8314178466797,182.15704498291015],[391.3207489013672,181.9610610961914],[390.8099609375,181.7650375366211],[390.29921264648436,181.5690139770508],[389.7885437011719,181.37301025390624],[389.2777557373047,181.17698669433594],[388.7670074462891,180.98096313476563],[388.2563385009766,180.78488006591797],[387.7456298828125,180.58875732421876],[387.23496093750003,180.3926544189453],[386.72425231933596,180.1965118408203],[386.2135437011719,180.0003890991211],[385.7028747558594,179.80426635742188],[385.1921661376953,179.60814361572267],[384.68145751953125,179.41200103759766],[384.17078857421876,179.2158981323242],[383.6600799560547,179.019775390625],[383.1493713378906,178.8236328125],[382.6387023925781,178.62752990722657],[382.12799377441405,178.43138732910157],[381.61724548339845,178.23526458740236],[381.1066162109375,178.0391616821289],[380.5958679199219,177.8430191040039],[380.0851593017578,177.6468963623047],[379.5745300292969,177.45077362060547],[379.06378173828125,177.25465087890626],[378.55315246582035,177.0585479736328],[378.0424041748047,176.8624053955078],[377.5316955566406,176.6662826538086],[377.0210662841797,176.47015991210938],[376.51031799316405,176.27403717041017],[375.99960937500003,176.07789459228516],[375.4889404296875,175.8817916870117],[374.9782318115235,175.6856689453125],[374.4675231933594,175.4895263671875],[373.9568542480469,175.29342346191407],[373.44614562988284,175.09728088378907],[372.93543701171876,174.90115814208986],[372.4247680664063,174.7050552368164],[371.9140594482422,174.5089126586914],[371.4033111572266,174.31277008056642],[370.89268188476564,174.11666717529297],[370.38197326660156,173.92054443359376],[369.8713043212891,173.7244415283203],[369.360595703125,173.5282989501953],[368.8498474121094,173.33215637207033],[368.33921813964844,173.13605346679688],[367.82850952148436,172.93993072509767],[367.31776123046876,172.74378814697266],[366.8071319580078,172.5476852416992],[366.2963836669922,172.3515625],[365.7856750488281,172.155419921875],[365.2750457763672,171.95931701660157],[364.76429748535156,171.76317443847657],[364.2535888671875,171.56705169677736],[363.742919921875,171.3709487915039],[363.2322113037109,171.1748062133789],[362.7215026855469,170.97866363525392],[362.21083374023436,170.78256072998047],[361.70012512207035,170.58643798828126],[361.1894561767578,170.3903350830078],[360.6787475585938,170.1941925048828],[360.1680389404297,169.99804992675783],[359.6573699951172,169.80194702148438],[359.14666137695315,169.60582427978517],[358.6359527587891,169.40968170166016],[358.1252838134766,169.2135787963867],[357.6145751953125,169.01743621826174],[357.1038269042969,168.8213134765625],[356.59315795898436,168.62517089843752],[356.08244934082035,168.42900848388672],[355.5717407226563,168.23282623291016],[355.0611114501953,168.03668365478515],[354.55040283203124,167.84052124023438],[354.0396942138672,167.64433898925782],[353.52906494140626,167.4481964111328],[353.0183563232422,167.25201416015625],[352.5077270507813,167.05587158203124],[351.9970184326172,166.85970916748047],[351.48630981445314,166.6635269165039],[350.9756805419922,166.4673843383789],[350.46497192382816,166.27121200561524],[349.9542633056641,166.07503967285157],[349.4436340332031,165.87889709472657],[348.93292541503905,165.6827247619629],[348.42221679687503,165.48655242919924],[347.9115478515625,165.29040985107423],[347.4008392333985,165.09422760009767],[346.8901702880859,164.898055267334],[346.37950134277344,164.701912689209],[345.86879272460936,164.50574035644533],[345.35808410644535,164.30956802368163],[344.8474548339844,164.11342544555666],[344.3367462158203,163.91725311279296],[343.8261169433594,163.721110534668],[343.31540832519534,163.52492828369142],[342.80469970703126,163.32875595092773],[342.2940704345703,163.13261337280275],[341.7833618164063,162.93644104003906],[341.2726531982422,162.7402687072754],[340.76202392578125,162.54412612915038],[340.2513153076172,162.34795379638672],[339.74060668945316,162.15178146362305],[339.2300170898438,161.95563888549805],[338.7193084716797,161.75945663452148],[338.20859985351564,161.56327438354492],[337.69801025390626,161.36712188720705],[337.1873016357422,161.1709396362305],[336.6765930175781,160.97475738525392],[336.1659637451172,160.77860488891602],[335.65525512695314,160.58241271972656],[335.1446258544922,160.3862602233887],[334.63391723632816,160.19007797241213],[334.1232086181641,159.99389572143556],[333.6125793457031,159.79774322509766],[333.10187072753905,159.6015609741211],[332.59118194580077,159.40537872314454],[332.08055267333987,159.20921630859377],[331.5698440551758,159.0130340576172],[331.0591354370117,158.81685180664064],[330.5485061645508,158.62069931030274],[330.03779754638674,158.42451705932618],[329.52710876464846,158.22833480834962],[329.0164794921875,158.0321823120117],[328.5057708740234,157.83599014282228],[327.9950622558594,157.63980789184572],[327.48443298339845,157.44365539550782],[326.9737243652344,157.24747314453126],[326.4630950927735,157.05132064819335],[325.9524063110352,156.8551383972168],[325.4416976928711,156.65895614624023],[324.93106842041016,156.46279373168946],[324.4203598022461,156.2666114807129],[323.90965118408207,156.07043914794923],[323.3990219116211,155.87429656982422],[322.88831329345703,155.67813415527345],[322.37760467529296,155.48196182250976],[321.86695556640626,155.28581924438478],[321.3562469482422,155.08965682983398],[320.8455383300781,154.89348449707032],[320.3349090576172,154.6973419189453],[319.82420043945314,154.50117950439454],[319.31349182128906,154.30500717163088],[318.80286254882816,154.10887451171877],[318.2921539306641,153.91270217895507],[317.78150482177733,153.7165596008301],[317.2707962036133,153.5203971862793],[316.76008758544924,153.32422485351563],[316.2494583129883,153.12808227539062],[315.7387496948242,152.93191986083986],[315.2280410766602,152.7357475280762],[314.71741180419923,152.53960494995118],[314.20670318603516,152.34344253540038],[313.6959945678711,152.14727020263672],[313.1853454589844,151.9511276245117],[312.6746368408203,151.75496520996094],[312.16392822265624,151.55879287719728],[311.65329895019534,151.36265029907227],[311.14259033203126,151.1664878845215],[310.6318817138672,150.9703155517578],[310.1212524414063,150.77417297363283],[309.6105438232422,150.57801055908203],[309.09989471435546,150.38186798095703],[308.58918609619144,150.18570556640626],[308.07847747802737,149.9895332336426],[307.5678482055664,149.79339065551758],[307.05713958740233,149.5972282409668],[306.5464309692383,149.40105590820312],[306.03580169677736,149.20491333007814],[305.5146987915039,149.04534912109375],[304.9767150878906,148.9462661743164],[304.438037109375,148.8507537841797],[303.8987442016602,148.7588020324707],[303.3588562011719,148.67074813842774],[302.8183532714844,148.58642349243163],[302.2772750854492,148.50568923950195],[301.73560180664066,148.42853546142578],[301.1936309814453,148.3550018310547],[300.65098571777344,148.28504867553713],[300.1080230712891,148.21905288696288],[299.56444549560547,148.15677642822266],[299.0205108642578,148.0981002807617],[298.4763381958008,148.04305419921874],[297.93166961669925,147.9915985107422],[297.38668365478514,147.9437728881836],[296.84143981933596,147.89991455078126],[296.29575958251957,147.8597755432129],[295.7499801635742,147.8232666015625],[295.2039428710938,147.79038772583007],[294.65760803222656,147.76111907958986],[294.11109466552733,147.73549041748046],[293.5645217895508,147.71384887695314],[293.0177505493164,147.69593658447266],[292.47086029052736,147.68164443969727],[291.9239898681641,147.67099227905274],[291.376921081543,147.6639602661133],[290.82991180419924,147.6605682373047],[290.28284301757816,147.65850524902345],[289.7357940673828,147.6611930847168],[289.18880462646484,147.6692367553711],[288.6419143676758,147.68251724243166],[288.09510345458983,147.7007667541504],[287.5486297607422,147.72461013793946],[287.00225524902345,147.75322418212892],[286.4562973022461,147.78749160766603],[285.9107162475586,147.826668548584],[285.365412902832,147.8711120605469],[284.82054595947267,147.92085189819338],[284.27627410888675,147.97544174194337],[283.7325576782227,148.03571472167968],[283.1893768310547,148.10070877075196],[282.6469299316406,148.1712272644043],[282.10503845214845,148.24674453735352],[281.56401977539065,148.3273597717285],[281.0237747192383,148.41333084106446],[280.4842239379883,148.50404281616213],[279.9457641601563,148.60045776367187],[279.408137512207,148.70155410766603],[278.8714828491211,148.80804595947265],[278.3365142822266,148.92208557128907],[277.80237884521483,149.04048919677734],[277.26826324462894,149.1589027404785],[276.7343063354492,149.27783203125],[276.20034942626955,149.3969497680664],[275.66639251708983,149.5160774230957],[275.1325942993164,149.6355422973633],[274.59879608154296,149.75536422729493],[274.0649978637695,149.87518615722658],[273.53125915527346,149.99499816894533],[272.9974609375,150.11482009887695],[272.4637222290039,150.23462219238283],[271.92992401123047,150.35445404052734],[271.39612579345703,150.474275970459],[270.8625259399414,150.59472274780273],[270.32890625,150.71533813476563],[269.79526672363284,150.83595352172853],[269.26172637939453,150.95654907226563],[268.7281066894531,151.07717437744142],[268.19446716308596,151.1977897644043],[267.66092681884766,151.31838531494142],[267.1272872924805,151.4390007019043],[266.5936676025391,151.5596160888672],[266.0601272583008,151.6802116394043],[265.5264877319336,151.8008270263672],[264.9928680419922,151.92144241333008],[264.4593078613281,152.04204788208008],[263.92568817138675,152.16266326904298],[263.39214782714845,152.28325881958008],[262.85850830078124,152.40387420654298],[262.3248886108399,152.52448959350588],[261.7913284301758,152.64509506225588],[261.25770874023436,152.76571044921874],[260.7241485595703,152.88651428222656],[260.1907272338867,153.00765533447267],[259.6572265625,153.12882614135742],[259.1237258911133,153.2499870300293],[258.5903045654297,153.3711280822754],[258.05680389404296,153.49229888916017],[257.52330322265624,153.61345977783205],[256.9898620605469,153.73460083007814],[256.4563613891602,153.85576171875002],[255.92286071777346,153.97693252563477],[255.38943939208986,154.09807357788085],[254.85593872070314,154.21923446655273],[254.32251739501953,154.34038543701172],[253.78899688720705,154.4615463256836],[253.25549621582033,154.58270721435548],[252.72207489013672,154.70385818481446],[252.18857421875,154.82501907348635],[251.6550735473633,154.9461799621582],[251.1216522216797,155.06733093261718],[250.588151550293,155.18849182128906],[250.05463104248048,155.30965270996094],[249.52120971679688,155.43080368041993],[248.98770904541016,155.5519645690918],[248.454248046875,155.67324447631836],[247.92090606689453,155.79469299316406],[247.38746490478516,155.91617126464845],[246.8540237426758,156.03763961791992],[246.32068176269533,156.15908813476562],[245.78724060058593,156.28056640625002],[245.2538787841797,156.40201492309572],[244.7204574584961,156.5234832763672],[244.18701629638673,156.64495162963868],[243.65367431640627,156.76641006469728],[243.12023315429687,156.88787841796875],[242.5867919921875,157.00934677124025],[242.05345001220704,157.13080520629885],[241.52000885009767,157.2522735595703],[240.9865676879883,157.3737419128418],[240.4532257080078,157.4952003479004],[239.91978454589844,157.61666870117188],[239.38636322021486,157.73813705444337],[238.8530014038086,157.85959548950197],[238.31956024169924,157.98106384277344],[237.78613891601563,158.10253219604493],[237.25277709960938,158.22399063110353],[236.7193359375,158.345458984375],[236.18599395751954,158.4669075012207],[235.65253295898438,158.58843536376955],[235.11915130615236,158.71016159057618],[234.58584899902345,158.83186798095704],[234.0524871826172,158.95360412597657],[233.51910552978515,159.0753303527832],[232.98580322265624,159.19703674316406],[232.45244140625002,159.3187728881836],[231.91905975341797,159.44049911499025],[231.38575744628906,159.5622055053711],[230.8523956298828,159.68394165039064],[230.3190139770508,159.80566787719727],[229.78571166992188,159.92737426757813],[229.25234985351562,160.04911041259766],[228.7189682006836,160.1708366394043],[228.1856658935547,160.29254302978515],[227.65230407714844,160.4142791748047],[227.11900177001954,160.53598556518554],[226.58562011718752,160.6577117919922],[226.05225830078126,160.77944793701172],[225.51895599365236,160.9011543273926],[224.9855743408203,161.02288055419922],[224.45221252441408,161.14461669921874],[223.91891021728517,161.2663230895996],[223.38552856445312,161.38804931640627],[222.85216674804687,161.5097755432129],[222.31886444091796,161.63149185180666],[221.78548278808594,161.7532180786133],[221.2521209716797,161.87494430541992],[220.71881866455078,161.99666061401368],[220.18543701171876,162.1183868408203],[219.6520751953125,162.24011306762696],[219.1187728881836,162.3618293762207],[218.58539123535158,162.48355560302736],[218.05210876464844,162.6052719116211],[217.51872711181642,162.72699813842775],[216.98534545898437,162.84872436523438],[216.45206298828126,162.97044067382814],[215.91868133544924,163.09216690063477],[215.3852996826172,163.21389312744142],[214.85201721191407,163.33560943603516],[214.31863555908203,163.4573356628418],[213.7852737426758,163.57906188964844],[213.2519714355469,163.7007781982422],[212.71858978271484,163.82250442504883],[212.18530731201173,163.94436950683595],[211.65204467773438,164.06625442504884],[211.11872253417968,164.18816909790038],[210.58538055419922,164.31007385253906],[210.05213775634766,164.43196868896484],[209.5187957763672,164.55387344360352],[208.98553314208985,164.6757682800293],[208.45221099853515,164.79767303466798],[207.9188690185547,164.91957778930666],[207.38562622070313,165.04147262573244],[206.85228424072267,165.1633773803711],[206.31896209716797,165.28529205322266],[205.78569946289062,165.40717697143555],[205.25235748291016,165.52909164428712],[204.7190353393555,165.6509963989258],[204.18577270507814,165.77289123535158],[203.65245056152344,165.89479598999023],[203.11910858154297,166.0167106628418],[202.58584594726562,166.1385955810547],[202.05252380371095,166.26051025390626],[201.51918182373046,166.38241500854494],[200.98663330078125,166.50737457275392],[200.45565185546874,166.63910827636718],[199.92395629882813,166.76737060546876],[199.3912094116211,166.89212188720703],[198.85782775878906,167.01354064941407],[198.32369232177734,167.13162689208986],[197.78868408203127,167.24606323242188],[197.25298156738282,167.3571273803711],[196.71676330566407,167.4648193359375],[196.17967224121094,167.56900024414062],[195.6418869018555,167.66967010498047],[195.10358581542968,167.7669677734375],[194.56461029052736,167.86085357666016],[194.0250198364258,167.95108947753906],[193.48499298095703,168.0379135131836],[192.9443115234375,168.12136535644532],[192.4030944824219,168.2012664794922],[191.86138153076172,168.27763671875002],[191.3192321777344,168.35059509277343],[190.77654724121095,168.4201217651367],[190.233544921875,168.48597869873046],[189.69000701904298,168.54844360351564],[189.14619140625,168.60747680664062],[188.60193939208986,168.66289978027345],[188.05729064941406,168.71479187011718],[187.51248321533203,168.76329193115234],[186.9672393798828,168.80832061767578],[186.42173767089844,168.84965972900392],[185.8759979248047,168.88758697509766],[185.33003997802734,168.92210235595704],[184.78382415771486,168.95294799804688],[184.2374496459961,168.98028259277345],[183.6908966064453,169.0042251586914],[183.1441848754883,169.02461700439454],[182.59749298095704,169.0413589477539],[182.05052337646484,169.05466918945314],[181.50359344482422,169.06458740234376],[180.9565841674805,169.0707962036133],[180.40947570800782,169.06968536376954],[179.86256561279296,169.0636749267578],[179.31553649902344,169.0532012939453],[178.76868591308593,169.0381057739258],[178.22205352783203,169.01817016601564],[177.67550048828124,168.99339447021484],[177.1292251586914,168.9636993408203],[176.5833267211914,168.92896575927736],[176.03764648437502,168.88909454345705],[175.49248199462892,168.8439468383789],[174.9477737426758,168.79340362548828],[174.40358123779296,168.7373458862305],[173.8599639892578,168.675634765625],[173.3171798706055,168.60817108154296],[172.7750701904297,168.53477630615234],[172.23375396728517,168.45533142089843],[171.69346923828127,168.36977691650392],[171.1541961669922,168.27789459228515],[170.61609344482423,168.1795654296875],[170.07918090820314,168.07469024658204],[169.5435577392578,167.9631103515625],[169.009521484375,167.84470672607424],[168.47699279785158,167.71930084228515],[167.9461898803711,167.5868133544922],[167.41744995117188,167.44690704345703],[166.8905746459961,167.2995620727539],[166.36586151123046,167.14471893310548],[165.84350891113283,166.98225860595704],[165.32357635498047,166.811962890625],[164.80645065307618,166.6334945678711],[164.29221115112304,166.44703216552736],[163.78093719482422,166.2524070739746],[163.27296600341796,166.0493911743164],[162.76849594116212,165.83779602050782],[162.267586517334,165.6177505493164],[161.77074356079103,165.38907623291016],[161.27793731689454,165.15141601562502],[160.78944549560546,164.905126953125],[160.30571441650392,164.64976272583007],[159.82671432495118,164.38556137084962],[159.35283203125002,164.112215423584],[158.8842956542969,163.82979431152344],[158.4214324951172,163.53824844360352],[157.96437149047853,163.23758773803712],[157.51351928710938,162.92787170410156],[157.0689453125,162.60903091430666],[156.63098678588867,162.28116455078126],[156.19999084472656,161.9443817138672],[155.77598724365234,161.59861297607424],[155.35939254760743,161.24408645629885],[154.9503356933594,160.88087158203126],[154.54901504516602,160.50903778076173],[154.15577774047853,160.12889251708984],[153.770613861084,159.7403663635254],[153.39381103515626,159.34376678466796],[153.0255081176758,158.93925247192382],[152.6658836364746,158.5270217895508],[152.31495742797853,158.1073127746582],[151.96834564208984,157.68413238525392],[151.62222976684572,157.26045608520508],[151.27666931152345,156.8363235473633],[150.93202133178713,156.41156616210938],[150.58758163452148,155.9864517211914],[150.24396514892578,155.56073226928712],[149.90079498291016,155.13482437133788],[149.55802154541016,154.70843048095705],[149.21576385498048,154.28161010742187],[148.87383346557618,153.85464096069336],[148.53247833251953,153.42712631225587],[148.19127197265627,152.99958190917968],[147.8506706237793,152.5714126586914],[147.51017837524415,152.14322357177736],[147.17029113769533,151.7146179199219],[146.83044357299806,151.28586349487304],[146.4911018371582,150.85674209594728],[146.15190887451172,150.42755126953125],[145.81312255859376,149.99797363281252],[145.47447509765627,149.5683364868164],[145.13625411987306,149.13842163085937],[144.79813232421876,148.70829849243165],[144.46058578491213,148.27775878906252],[144.12308883666992,147.8472785949707],[143.7855422973633,147.41672897338867],[143.44810485839844,146.98610992431642],[143.11148071289062,146.55494537353516],[142.77480697631836,146.12372131347658],[142.43818283081055,145.69255676269532],[142.10150909423828,145.26133270263674],[141.76561889648437,144.82956314086914],[141.42976837158204,144.39779357910157],[141.09387817382813,143.96595458984376],[140.75797805786132,143.53412551879885],[140.42259368896484,143.10190963745117],[140.0873878479004,142.66952514648438],[139.75219192504883,142.23715057373047],[139.41704559326172,141.8048454284668],[139.08215713500977,141.37228240966797],[138.74759597778322,140.93942184448244],[138.4130844116211,140.50661087036133],[138.07852325439453,140.0737503051758],[137.74402160644533,139.64079055786132],[137.41008529663085,139.20753326416016],[137.07609939575195,138.77422637939455],[136.7421630859375,138.34097900390626],[136.4081771850586,137.90766220092775],[136.0746276855469,137.47399826049806],[135.74121704101563,137.04034423828125],[135.40775680541992,136.60663070678712],[135.0742965698242,136.17291717529298],[134.74121322631837,135.7391342163086],[134.4082389831543,135.3050437927246],[134.07526473999025,134.87096328735353],[133.74228057861328,134.43687286376954],[133.4094253540039,134.00266342163087],[133.0769371032715,133.56829528808595],[132.74435958862304,133.13380813598633],[132.41187133789063,132.6994400024414],[132.07946243286133,132.26510162353517],[131.7472915649414,131.83028717041017],[131.41521987915038,131.39561157226564],[131.0831481933594,130.9609260559082],[130.75097732543946,130.5261215209961],[130.41944122314453,130.09106903076173],[130.0879249572754,129.6559669494629],[129.75630950927734,129.2207359313965],[129.4247833251953,128.78563385009767],[129.09326705932617,128.35053176879885],[128.76175079345703,127.91542968750001],[128.4301254272461,127.48020858764649],[128.09860916137697,127.04510650634766],[127.76771774291993,126.6095085144043],[127.43675689697267,126.17378158569336],[127.1058952331543,125.73818359375001],[126.77503356933595,125.30257568359376],[126.44407272338867,124.86684875488282],[126.11321105957032,124.43125076293946],[125.78234939575196,123.9956428527832],[125.45164642333985,123.55966796875],[125.12136001586914,123.12362365722656],[124.79107360839843,122.68758926391602],[124.46069793701172,122.251416015625],[124.13041152954102,121.81538162231446],[123.80012512207031,121.37933731079102],[123.46973953247071,120.9431739807129],[123.13976058959962,120.50683212280273],[122.80998001098634,120.07040100097656],[122.48011016845703,119.6338508605957],[122.15033950805665,119.19742965698242],[121.82055892944337,118.76099853515625],[121.49068908691406,118.32444839477539],[121.16128540039062,117.88790817260742],[120.83196105957032,117.45112991333008],[120.50254745483399,117.01423263549805],[120.17323303222656,116.5774642944336],[119.84390869140626,116.14069595336915],[119.51466369628906,115.70352096557617],[119.18576583862306,115.26643524169923],[118.85685806274414,114.82934951782227],[118.52786102294922,114.39213485717774],[118.19933013916015,113.95484085083008],[117.87096786499023,113.51734848022461],[117.54260559082032,113.07985610961914],[117.21415405273437,112.6422348022461],[116.88561325073242,112.20485153198243],[116.55698318481446,111.76756744384765],[116.25556869506836,111.31654663085938],[116.10564498901367,110.79048461914063],[115.95572128295899,110.26442260742188],[115.80867385864258,109.73739852905274],[115.67289352416992,109.20754776000977],[115.54632720947266,108.67543563842774],[115.42819137573242,108.1411117553711],[115.31778182983399,107.60540924072266],[115.21484069824218,107.06808013916016],[115.1189811706543,106.52948150634766],[115.0302230834961,105.98970260620118],[114.94848709106445,105.44887237548828],[114.87373352050781,104.90675277709961],[114.80595245361329,104.36399841308594],[114.74504470825195,103.82033157348633],[114.69141693115235,103.27579193115234],[114.6447021484375,102.73084564208985],[114.60539627075195,102.1853141784668],[114.57317199707032,101.63904876708985],[114.54849548339844,101.09252548217773],[114.5311782836914,100.54593276977539],[114.5216766357422,99.99881439208984],[114.51986160278321,99.45178527832032],[114.52604064941407,98.90488510131836],[114.54027328491212,98.35787582397461],[114.56269836425781,97.81133270263672],[114.59356384277343,97.26519622802735],[114.63300857543946,96.71944656372071],[114.68117141723633,96.1745101928711],[114.73821105957032,95.63059539794922],[114.80438537597657,95.08745422363282],[114.87980346679687,94.54563217163086],[114.96470336914062,94.0051887512207],[115.0592140197754,93.46647109985352],[115.16360321044922,92.92939987182618],[115.2779899597168,92.3944709777832],[115.40254287719726,91.86190261840821],[115.53750991821289,91.33165512084962],[115.68299026489258,90.80424423217774],[115.8391227722168,90.2799774169922],[116.00609588623047,89.75900344848633],[116.18414764404297,89.24169921875],[116.37325820922852,88.7284912109375],[116.57362594604493,88.21942901611328],[116.78523101806641,87.71502838134766],[117.00829162597657,87.21547775268554],[117.2429069519043,86.7212631225586],[117.48892822265626,86.23264236450196],[117.74631576538086,85.7500816345215],[118.01551589965821,85.27363052368165],[118.29596328735352,84.80401306152343],[118.58770751953125,84.34137802124023],[118.89099655151368,83.88600311279298],[119.20529479980469,83.43816604614258],[119.53062210083009,82.99853630065918],[119.86716690063477,82.56704940795899],[120.21479034423828,82.14478645324708],[120.57324447631837,81.73166809082032],[120.94236068725586,81.32783813476563],[121.32174224853516,80.93368339538574],[121.71121063232422,80.54959564208984],[122.11054763793946,80.17547073364258],[122.51899948120118,79.81176490783692],[122.93684387207031,79.45866165161134],[123.36338653564454,79.11599731445312],[123.79837951660157,78.78438682556153],[124.24156494140625,78.46370124816895],[124.69238739013672,78.15411911010743],[125.15097579956056,77.8555461883545],[125.61648712158204,77.56824531555176],[126.0886833190918,77.29222145080567],[126.56748504638672,77.02730598449708],[127.05213851928711,76.77375679016113],[127.54250488281251,76.53141021728516],[128.03834609985353,76.30013732910156],[128.53903732299804,76.07999267578126],[129.0444694519043,75.87091674804688],[129.55452346801758,75.6725227355957],[130.0683563232422,75.48512802124024],[130.58591842651367,75.30832099914551],[131.10718002319337,75.1419231414795],[131.6314468383789,74.9859245300293],[132.15868911743163,74.84009704589845],[132.68874816894532,74.70425224304199],[133.22098922729492,74.57829093933105],[133.7555908203125,74.46193046569825],[134.29209671020507,74.35498733520508],[134.8303581237793,74.25734252929688],[135.37006759643555,74.1687728881836],[135.91143341064455,74.08900566101075],[136.45384063720704,74.01793670654297],[136.99720993041993,73.95536766052247],[137.54163055419923,73.9010108947754],[138.08667602539063,73.85473251342773],[138.63235626220703,73.81638870239259],[139.1787307739258,73.78572158813476],[139.72519454956054,73.76255760192872],[140.27194595336914,73.7467082977295],[140.81902465820312,73.7379852294922],[141.36604385375978,73.73742980957032],[141.9129539489746,73.74602890014648],[142.45984420776367,73.76002349853516],[143.0066749572754,73.77948303222657],[143.55305938720704,73.80443229675294],[144.09929504394532,73.8347671508789],[144.64519348144532,73.8704776763916],[145.1906951904297,73.91155891418457],[145.73578033447265,73.95801086425782],[146.28046875,74.01002197265625],[146.8243835449219,74.06737899780273],[147.36776275634767,74.13010177612306],[147.91069564819335,74.1981903076172],[148.45282516479492,74.27161483764648],[148.99404220581056,74.35041999816895],[149.53521957397462,74.4310848236084],[150.07646636962892,74.51025199890137],[150.6177230834961,74.58942413330078],[151.15911865234375,74.66820449829102],[151.70047454833986,74.74666748046876],[152.24182052612306,74.82513046264648],[152.78346405029296,74.90334053039551],[153.32493896484377,74.98094062805175],[153.86641387939454,75.05854072570801],[154.40804748535157,75.13616561889648],[154.94952239990235,75.21377067565918],[155.49100723266602,75.29137077331544],[156.03264083862305,75.3689956665039],[156.57419509887697,75.44639739990235],[157.1157989501953,75.52310981750489],[157.65756149291994,75.5998420715332],[158.19916534423828,75.67655448913574],[158.74076919555665,75.75326690673829],[159.28253173828125,75.8299991607666],[159.82413558959962,75.90671157836914],[160.36573944091796,75.98342399597168],[160.90732345581054,76.0598934173584],[161.44917526245118,76.13594627380371],[161.99087829589845,76.21196937561035],[162.5325813293457,76.28799743652344],[163.07443313598634,76.36404533386231],[163.6161361694336,76.4400733947754],[164.15783920288087,76.51610145568849],[164.6996910095215,76.59214935302735],[165.24139404296875,76.66817741394043],[165.78310699462892,76.74380874633789],[166.32503814697267,76.81931114196777],[166.86681060791017,76.89479370117188],[167.40858306884766,76.97027130126953],[167.9505340576172,77.04577369689942],[168.4923065185547,77.12125625610352],[169.0340789794922,77.19673881530763],[169.57601013183594,77.27224121093751],[170.11778259277344,77.3477237701416],[170.65965423583984,77.42302284240724],[171.20164489746094,77.49808387756347],[171.74347686767578,77.5731201171875],[172.28530883789062,77.64816131591797],[172.82731933593752,77.72322235107423],[173.36915130615236,77.79825859069824],[173.9109832763672,77.87329978942871],[174.45299377441407,77.94836082458497],[174.9948257446289,78.023397064209],[175.53665771484376,78.09843826293945],[176.07872772216797,78.17321166992188],[176.62063903808595,78.2477222442627],[177.1625503540039,78.32223777770996],[177.70462036132812,78.396773147583],[178.2465316772461,78.47128868103027],[178.78844299316407,78.5457992553711],[179.33035430908203,78.62031478881836],[179.87242431640627,78.69485015869141],[180.41433563232422,78.76936073303223],[180.95624694824218,78.8438762664795],[181.49831695556642,78.91841163635254],[182.04022827148438,78.99292221069337],[182.58213958740234,79.06743774414063],[183.1241897583008,79.14197311401368],[183.66610107421874,79.2164836883545],[184.20801239013673,79.29099922180175],[184.75008239746094,79.3655345916748],[185.2919937133789,79.44004516601562],[185.8339050292969,79.51456069946289],[186.3759750366211,79.58909606933594],[186.91788635253906,79.66360664367676],[187.4598175048828,79.73796348571777],[188.00196685791016,79.81196823120118],[188.54393768310547,79.88594818115234],[189.08592834472657,79.95992813110352],[189.62807769775392,80.03393287658692],[190.17004852294923,80.10791282653808],[190.71203918457033,80.18189773559571],[191.2541687011719,80.25589752197266],[191.79615936279296,80.32988243103027],[192.33815002441406,80.40386238098145],[192.88027954101562,80.47786712646484],[193.42227020263672,80.55184707641602],[193.96426086425782,80.62582702636719],[194.5063903808594,80.69983177185058],[195.0483810424805,80.77381172180176],[195.5903518676758,80.84779167175293],[196.13250122070312,80.92179641723634],[196.67447204589845,80.9957763671875],[197.21646270751953,81.06976127624512],[197.75845336914062,81.1437412261963],[198.3005828857422,81.21774597167969],[198.8425735473633,81.29172592163086],[199.3845642089844,81.36570587158204],[199.92669372558595,81.43950729370117],[200.4687240600586,81.51309051513672],[201.01075439453126,81.58666877746582],[201.55296325683594,81.66027183532715],[202.0949935913086,81.73385505676269],[202.63702392578125,81.8074333190918],[203.17923278808595,81.88103637695313],[203.7212631225586,81.95461959838867],[204.26329345703127,82.02819786071778],[204.80550231933594,82.1018009185791],[205.3475326538086,82.17538414001466],[205.88958282470705,82.24896240234375],[206.43177185058593,82.32256546020508],[206.9738021850586,82.39614372253418],[207.51585235595704,82.46972694396973],[208.05804138183595,82.54333000183105],[208.6000717163086,82.61690826416016],[209.14212188720703,82.6904914855957],[209.68431091308594,82.76409454345703],[210.2263412475586,82.83767280578614],[210.76839141845704,82.91125602722168],[211.31058044433595,82.98485908508302],[211.8526107788086,83.05843734741211],[212.39466094970703,83.13202056884766],[212.9369094848633,83.20541534423829],[213.4789993286133,83.27868118286133],[214.0210693359375,83.35194702148438],[214.56331787109374,83.4252426147461],[215.105387878418,83.49850845336914],[215.64747772216796,83.57177429199218],[216.1895477294922,83.64504013061524],[216.73179626464844,83.71833572387696],[217.27386627197265,83.7916015625],[217.81595611572266,83.86486740112305],[218.35818481445312,83.93816299438477],[218.90027465820313,84.01142883300781],[219.44234466552734,84.08469467163086],[219.9845733642578,84.15799026489258],[220.52666320800782,84.23125610351563],[221.06873321533203,84.30452194213868],[221.6109817504883,84.3778076171875],[222.1530517578125,84.45108337402344],[222.6951416015625,84.52434921264648],[223.23737030029298,84.59763488769532],[223.779460144043,84.67091064453125],[224.3215301513672,84.7441764831543],[224.86377868652343,84.81746215820313],[225.40584869384767,84.89073791503907],[225.94795837402344,84.9639045715332],[226.49022674560547,85.03694229125976],[227.03233642578127,85.10996017456056],[227.57446594238283,85.18297805786133],[228.11673431396486,85.25601577758789],[228.65884399414062,85.32903366088867],[229.20095367431642,85.40205154418946],[229.74322204589845,85.47508926391602],[230.28533172607422,85.5481071472168],[230.82746124267578,85.62112503051758],[231.3697296142578,85.69416275024415],[231.9118392944336,85.76718063354492],[232.45394897460938,85.8401985168457],[232.9962173461914,85.91323623657227],[233.53834686279296,85.98625411987305],[234.08045654296876,86.05927200317383],[234.62256622314453,86.13228988647461],[235.16483459472656,86.20532760620118],[235.70694427490236,86.27834548950196],[236.24907379150392,86.35136337280274],[236.79134216308594,86.4244010925293],[237.3334518432617,86.49741897583009],[237.8755615234375,86.57043685913087],[238.41782989501954,86.64347457885742],[238.9598602294922,86.71642303466797],[239.50200958251955,86.78914337158203],[240.04431762695313,86.86189346313476],[240.58648681640625,86.93462371826172],[241.1286361694336,87.00734405517578],[241.6709442138672,87.08009414672851],[242.21309356689454,87.15282440185547],[242.75524291992187,87.22555465698242],[243.29755096435548,87.29830474853516],[243.8397201538086,87.37102508544922],[244.38186950683595,87.44375534057617],[244.92417755126954,87.51650543212891],[245.4663269042969,87.58922576904297],[246.00847625732422,87.66195602416992],[246.55078430175783,87.73470611572266],[247.09295349121095,87.80743637084962],[247.63510284423828,87.88015670776367],[248.1774108886719,87.95290679931641],[248.7195602416992,88.02563705444337],[249.26170959472657,88.09836730957032],[249.80401763916018,88.17110748291016],[250.3461669921875,88.24383773803712],[250.88833618164062,88.31656799316407],[251.43064422607424,88.3893180847168],[251.97279357910156,88.46203842163087],[252.51494293212892,88.53476867675782],[253.05709228515627,88.60749893188476],[253.59940032958986,88.6802490234375],[254.14156951904297,88.75296936035157],[254.68371887207033,88.82569961547851],[255.2260269165039,88.89844970703125],[255.76817626953127,88.9711799621582],[256.3103256225586,89.04390029907226],[256.8526336669922,89.116650390625],[257.3948028564453,89.18938064575195],[257.9369522094727,89.26211090087891],[258.47926025390626,89.33485107421875],[259.0214096069336,89.4075813293457],[259.563558959961,89.48031158447266],[260.10586700439455,89.5530616760254],[260.64803619384764,89.62578201293945],[261.190185546875,89.69851226806641],[261.7324935913086,89.77126235961914],[262.27464294433594,89.8439926147461],[262.8167922973633,89.91671295166016],[263.3591003417969,89.9894630432129],[263.9012893676758,90.0621337890625],[264.4434783935547,90.13456649780274],[264.98582611083987,90.20701904296875],[265.52801513671875,90.27945175170899],[266.0702041625977,90.35188446044923],[266.6125518798828,90.42433700561524],[267.15476074218753,90.49676971435547],[267.6969497680664,90.5692024230957],[268.2392974853516,90.64165496826172],[268.78148651123047,90.71408767700196],[269.3236755371094,90.7865203857422],[269.8660232543945,90.85898284912109],[270.40821228027346,90.93141555786133],[270.95042114257814,91.00384826660157],[271.492610168457,91.0762809753418],[272.0349578857422,91.14873352050782],[272.5771469116211,91.22116622924806],[273.1193359375,91.29359893798828],[273.6616836547852,91.3660514831543],[274.20387268066406,91.43848419189453],[274.74608154296874,91.51091690063477],[275.2884292602539,91.58336944580078],[275.83061828613285,91.65580215454102],[276.37280731201173,91.72823486328126],[276.9151550292969,91.80069732666016],[277.4573440551758,91.8731300354004],[277.9995330810547,91.94556274414063],[278.5419006347656,92.01801528930665],[279.08408966064457,92.09044799804688],[279.62627868652345,92.1628807067871],[280.1686264038086,92.23533325195312],[280.7108154296875,92.30776596069336],[281.25300445556644,92.3801986694336],[281.79535217285155,92.45265121459961],[282.3375610351563,92.52508392333985],[282.87975006103517,92.59751663208009],[283.42209777832034,92.66997909545898],[283.9642868041992,92.74241180419922],[284.50647583007816,92.81484451293946],[285.04890289306644,92.8872772216797],[285.5911315917969,92.95944213867188],[286.1333602905274,93.03159713745117],[286.6757476806641,93.10377197265625],[287.21797637939454,93.17593688964844],[287.760205078125,93.24809188842774],[288.3025924682617,93.32026672363281],[288.8448211669922,93.392431640625],[289.38704986572264,93.4645866394043],[289.9292785644531,93.5367416381836],[290.47166595458987,93.60892639160157],[291.01389465332034,93.68108139038087],[291.5561233520508,93.75323638916016],[292.0985107421875,93.82542114257812],[292.64073944091797,93.89757614135742],[293.18296813964844,93.96973114013672],[293.7253555297852,94.04191589355469],[294.26758422851566,94.11407089233398],[294.8098129272461,94.18622589111328],[295.3522003173828,94.25841064453125],[295.8944290161133,94.33056564331055],[296.43665771484376,94.40272064208985],[296.97904510498046,94.47490539550782],[297.5212738037109,94.54706039428712],[298.0635025024414,94.6192253112793],[298.60588989257815,94.69140014648438],[299.1481185913086,94.76355514526368],[299.6903472900391,94.83572006225586],[300.2327346801758,94.90789489746093],[300.77496337890625,94.98004989624023],[301.3171920776367,95.05221481323242],[301.8595794677735,95.1243896484375],[302.40180816650394,95.1965446472168],[302.9440368652344,95.26870956420899],[303.4864242553711,95.34088439941407],[304.0286529541016,95.41303939819336],[304.57088165283204,95.48520431518556],[305.11326904296874,95.55737915039063],[305.6554977416992,95.62953414916993],[306.1977264404297,95.7016990661621],[306.74011383056643,95.7738739013672],[307.2847625732422,95.82383193969727],[307.83042297363284,95.86136245727539],[308.37653961181644,95.89327926635742],[308.9228942871094,95.9204948425293],[309.4695266723633,95.94257278442383],[310.01621856689457,95.96056442260742],[310.56314849853516,95.97447967529297],[311.1100982666016,95.98438796997071],[311.6571472167969,95.99015045166016],[312.20417633056644,95.99195556640625],[312.7511657714844,95.9895851135254],[313.2981948852539,95.98357467651367],[313.8453033447266,95.97317047119141],[314.39209442138673,95.9591163635254],[314.938786315918,95.94140243530273],[315.4855178833008,95.9198699951172],[316.0319519042969,95.89433059692384],[316.5781478881836,95.8651611328125],[317.1243240356445,95.83230209350586],[317.6701629638672,95.79615020751953],[318.21570434570316,95.75589218139649],[318.7610076904297,95.711865234375],[319.3060333251953,95.66409912109376],[319.8505035400391,95.61261367797852],[320.3949935913086,95.55727996826172],[320.9387893676758,95.49810791015625],[321.48212890625,95.43504791259765],[322.0250915527344,95.36806030273438],[322.5675384521484,95.29719467163086],[323.1094696044922,95.2223518371582],[323.6508453369141,95.1435317993164],[324.19150695800784,95.0605857849121],[324.731494140625,94.97343444824219],[325.27098541259767,94.88214721679688],[325.8097427368164,94.78673400878907],[326.3475677490234,94.68691711425781],[326.88465881347656,94.58267669677734],[327.42081756591796,94.47415161132812],[327.9560043334961,94.3611831665039],[328.49011993408203,94.24347381591797],[329.0234817504883,94.12126159667969],[329.5556335449219,93.99438781738282],[330.0865158081055,93.86255493164063],[330.6164260864258,93.72607040405273],[331.1448089599609,93.58454742431641],[331.6717239379883,93.43801574707031],[332.19752807617186,93.28660430908204],[332.7216064453125,93.12960891723633],[333.2440979003906,92.96761474609376],[333.7648834228516,92.80025482177734],[334.2838836669922,92.62725143432617],[334.8010986328125,92.44907073974609],[335.3162109375,92.2647705078125],[335.8293395996094,92.07502517700196],[336.340087890625,91.87943801879884],[336.84873352050784,91.67773132324218],[337.35484008789064,91.47043075561524],[337.8583679199219,91.25670318603515],[338.35943603515625,91.03656845092773],[338.8573699951172,90.81023483276367],[339.3523284912109,90.57749404907227],[339.8443511962891,90.33811798095704],[340.3330017089844,90.09217605590821],[340.8182403564453,89.83948974609375],[341.29978942871094,89.57994995117188],[341.77752990722655,89.31340789794922],[342.2512237548828,89.03990325927735],[342.7209106445313,88.75918807983399],[343.1861145019531,88.47140121459961],[343.64671630859374,88.17631454467774],[344.10259704589845,87.87390823364258],[344.55347900390626,87.5640235900879],[344.99892578125,87.24675979614258],[345.4390563964844,86.92182922363281],[345.87359313964845,86.58926162719727],[346.30205993652345,86.2492156982422],[346.72421875000003,85.90159225463867],[347.1403076171875,85.54605407714844],[347.54945373535156,85.18315658569337],[347.9517364501953,84.81250305175782],[348.3469573974609,84.43418273925782],[348.73475952148436,84.04821548461915],[349.1195068359375,83.65939178466797],[349.50437316894534,83.27044906616212],[349.8891204833985,82.88162040710449],[350.27386779785155,82.49279174804688],[350.6590911865234,82.10411682128907],[351.0442749023438,81.71574440002442],[351.42949829101565,81.32736701965332],[351.81480102539064,80.93888053894044],[352.2000244140625,80.55050315856934],[352.5856842041016,80.16258201599122],[352.9715026855469,79.77459144592285],[353.3572021484375,79.38671989440918],[353.74290161132814,78.99884338378907],[354.12872009277345,78.61085281372071],[354.51445922851565,78.2229763031006],[354.90015869140626,77.83509979248048],[355.2859771728516,77.44711418151856],[355.6716766357422,77.05923767089844],[356.0573760986328,76.67136116027832],[356.4431945800781,76.28351440429688],[356.8293701171875,75.89610404968262],[357.2155456542969,75.50869369506836],[357.6018402099609,75.12117424011231],[357.98801574707034,74.73376388549805],[358.3741912841797,74.34635353088379],[358.7603668212891,73.95894317626953],[359.14666137695315,73.57141876220703],[359.5328369140625,73.18400840759277],[359.9190124511719,72.79659805297852],[360.3052673339844,72.40907363891601],[360.6914428710938,72.02166328430177],[361.07761840820314,71.6342529296875],[361.4642700195313,71.24700622558593],[361.8508026123047,70.85992813110352],[362.2372955322266,70.47284507751465],[362.62390747070316,70.085652923584],[363.01044006347655,69.69857482910156],[363.3969329833985,69.31149673461914],[363.78354492187503,68.92430458068849],[364.1700775146484,68.53722152709962],[364.55657043457035,68.15014343261718],[364.9431823730469,67.76295127868653],[365.3297149658203,67.37586822509766],[365.7162078857422,66.98879013061524],[366.1028198242188,66.60159797668457],[366.4895904541016,66.21475791931152],[366.87644042968753,65.82802200317383],[367.26340942382814,65.4411720275879],[367.6502593994141,65.0544361114502],[368.037109375,64.6677001953125],[368.42407836914066,64.28085021972656],[368.81092834472656,63.89410934448242],[369.1977783203125,63.50737342834473],[369.5847473144531,63.12052345275879],[369.9715972900391,62.733787536621094],[370.358447265625,62.34704666137696],[370.74541625976565,61.96019668579102],[371.13226623535155,61.57346076965332],[371.5191162109375,61.18672485351563],[371.9059661865235,60.79998893737793],[372.2929351806641,60.413138961791994],[372.67978515625003,60.02639808654785],[373.06663513183594,59.639662170410155],[373.453564453125,59.25281219482422],[373.840414428711,58.86607627868653],[374.2272644042969,58.47934036254883],[374.61423339843753,58.09249038696289],[375.00108337402344,57.70574951171875],[375.3879333496094,57.319013595581055],[375.77490234375,56.932163619995116],[376.16175231933596,56.54542770385742],[376.54860229492186,56.158691787719725],[376.9355712890625,55.77184181213379],[377.3225799560547,55.38518028259278],[377.7097076416016,54.99875183105469],[378.0969940185547,54.61220932006836],[378.4841613769531,54.22578086853027],[378.8712890625,53.83935241699219],[379.2585754394531,53.45280990600586],[379.6457427978516,53.06638145446777],[380.03291015625,52.679953002929686],[380.4201568603516,52.29341049194336],[380.80732421875,51.906982040405275],[381.1944915771484,51.52055358886719],[381.58173828125,51.134011077880864],[381.9689056396484,50.747582626342776],[382.3560729980469,50.36115417480469],[382.743359375,49.97461166381836],[383.1304870605469,49.58818321228028],[383.5176544189453,49.20175476074219],[383.9049407958984,48.81521224975586],[384.2921081542969,48.42878379821777],[384.6792358398438,48.042350387573244],[385.0664031982422,47.655921936035156],[385.4536895751953,47.26938438415527],[385.8408172607422,46.882950973510745],[386.2279846191406,46.49652252197266],[386.6152709960938,46.10998001098633],[387.0024383544922,45.72355155944825],[387.3895660400391,45.33712310791016],[387.7768524169922,44.95058059692383],[388.1640197753906,44.56415214538574],[388.5512268066406,44.177842712402345],[388.9387115478516,43.79151840209961],[389.3261169433594,43.405303192138675],[389.71348266601564,43.01908798217774],[390.10096740722656,42.632758712768556],[390.48833312988285,42.24654846191407],[390.8756988525391,41.86033325195313],[391.26318359375,41.47400398254395],[391.6505493164063,41.08778877258301],[392.0379150390625,40.70157356262207],[392.42539978027344,40.315246772766116],[392.81280517578125,39.92903156280518],[393.20017089843753,39.542818832397465],[393.58765563964846,39.156489562988284],[393.9750213623047,38.77027435302735],[394.362387084961,38.38406162261963],[394.7498718261719,37.997734832763676],[395.1372375488281,37.61151962280274],[395.5246032714844,37.2253044128418],[395.91208801269534,36.838977622985844],[396.29945373535156,36.45276241302491],[396.6868591308594,36.06654720306397],[397.0743438720703,35.68022041320801],[397.4617095947266,35.294005203247075],[397.8490753173828,34.90778999328614],[398.2364410400391,34.5215747833252],[398.62392578125,34.13524799346924],[399.01137084960936,33.749139404296876],[399.3988952636719,33.363087844848636],[399.7865386962891,32.97692718505859],[400.1741027832031,32.59087562561035],[400.56162719726564,32.20482406616211],[400.94927062988285,31.81866092681885],[401.3367950439453,31.432609367370606],[401.7243591308594,31.046557807922365],[402.11200256347655,30.6603946685791],[402.49952697753906,30.27434310913086],[402.8870513916016,29.888291549682616],[403.2746948242188,29.502128410339356],[403.6622589111328,29.116076850891115],[404.04978332519534,28.730027770996095],[404.4374267578125,28.34386215209961],[404.824951171875,27.95781307220459],[405.2124755859375,27.57176151275635],[405.60015869140625,27.185598373413086],[405.98768310546876,26.799546813964845],[406.3752075195313,26.4134952545166],[406.7628509521484,26.02733211517334],[407.1504150390625,25.6412805557251],[407.53797912597656,25.255216598510742],[407.92578125,24.869207191467286],[408.31346435546874,24.48330936431885],[408.70114746093753,24.097414016723633],[409.088949584961,23.711404609680176],[409.4766326904297,23.32550678253174],[409.86431579589845,22.939608955383303],[410.2521179199219,22.553599548339843],[410.6398010253906,22.16770420074463],[411.02752380371095,21.781806373596194],[411.4152069091797,21.395911026000977],[411.8030090332031,21.00990161895752],[412.19069213867186,20.624003791809084],[412.57837524414066,20.238107204437256],[412.9661773681641,19.8520977973938],[413.35386047363284,19.466201210021975],[413.74158325195316,19.080469512939455],[414.1295440673828,18.694627475738525],[414.51738586425785,18.308897018432617],[414.9052673339844,17.92316780090332],[415.29326782226565,17.537391471862794],[415.6813873291016,17.151837062835693],[416.08684387207035,16.785365295410156],[416.50721740722656,16.435078811645507],[416.9412384033203,16.10250997543335],[417.385336303711,15.783196830749512],[417.832846069336,15.46836919784546],[418.28289489746095,15.157331562042236],[418.7348083496094,14.849316501617432],[419.1893005371094,14.544522380828857],[419.6453796386719,14.242641735076905],[420.1033630371094,13.943332386016847],[420.56309204101564,13.646682357788086],[421.0244476318359,13.3527325630188],[421.4873901367188,13.06141357421875],[421.9521179199219,12.772561740875245],[422.41819458007814,12.48636178970337],[422.8858978271484,12.202545928955079],[423.35491027832035,11.92089719772339],[423.8255889892578,11.642065238952638],[424.29753723144535,11.365660762786865],[424.7712707519531,11.091877174377442],[425.24619445800784,10.820455360412598],[425.72266540527346,10.5516432762146],[426.20044555664066,10.285282850265503],[426.6798522949219,10.021410036087037],[427.16033020019535,9.760159969329834],[427.64243469238284,9.501502895355225],[428.1257690429688,9.245221853256226],[428.61057128906253,8.99191565513611],[429.0966827392578,8.741012763977052],[429.5842224121094,8.492741918563842],[430.0731109619141,8.247321939468383],[430.5632690429688,8.004445362091065],[431.0549346923828,7.764346504211426],[431.54790954589845,7.527199554443359],[432.0420349121094,7.2927844524383545],[432.53782653808594,7.060976600646973],[433.03472900390625,6.8325409412384035],[433.53305969238284,6.606828451156616],[434.0327392578125,6.383941411972046],[434.5336883544922,6.164147615432739],[435.03594665527345,5.947670221328735],[435.5397918701172,5.734093904495239],[436.04462890625,5.523690795898438],[436.5508148193359,5.316340017318725],[437.0586669921875,5.112559795379639],[437.5676300048828,4.912077069282532],[438.07782287597655,4.714902377128602],[438.58948364257816,4.521000385284424],[439.1022552490235,4.330582165718079],[439.6165740966797,4.144032669067383],[440.132162475586,3.961004137992859],[440.64894104003906,3.78162055015564],[441.1669494628906,3.605902981758118],[441.6863464355469,3.4338824272155763],[442.2068145751953,3.26588773727417],[442.7287902832031,3.1020661354064942],[443.2519561767578,2.9422046899795533],[443.77647094726564,2.7863387346267703],[444.30189819335936,2.634668493270874],[444.82871398925784,2.487144219875336],[445.3568389892578,2.3438677310943605],[445.88591613769535,2.2053970813751222],[446.416342163086,2.0713547587394716],[446.9478790283203,1.9418703198432923],[447.48052673339845,1.817171573638916],[448.0142059326172,1.697327482700348],[448.5491149902344,1.5822920203208923],[449.08501586914065,1.4722116351127625],[449.6218688964844,1.3674333095550537],[450.1599517822266,1.267735666036606],[450.69866943359375,1.1733456611633302],[451.23833923339845,1.0844203591346742],[451.77915954589844,1.0010776937007904],[452.32061462402345,0.9233218491077423],[452.8628234863281,0.8512499153614045],[453.40610351562503,0.7851787328720093],[453.9497802734375,0.7251227915287018],[454.4940124511719,0.6711005330085754],[455.03911743164065,0.6232289612293244],[455.584619140625,0.5819410681724548],[456.130517578125,0.5470402717590332],[456.6768524169922,0.5186509758234025],[457.2235443115234,0.49704391658306124],[457.77031555175785,0.48240854740142824],[458.31732482910155,0.4746528536081314],[458.8643737792969,0.4723942130804062],[459.41138305664066,0.47544069290161134],[459.95839233398436,0.48637188076972965],[460.5051239013672,0.5051861494779587],[461.05149841308594,0.5318811744451523],[461.59727783203124,0.5664423495531082],[462.1427795410156,0.6091898083686829],[462.6875671386719,0.6598424315452576],[463.231283569336,0.7183292031288148],[463.7744445800781,0.7846945226192474],[464.3163757324219,0.8588641583919525],[464.85719604492186,0.9408602714538574],[465.39702453613285,1.0306929349899292],[465.9351470947266,1.1286093294620514],[466.471762084961,1.2342595279216766],[467.0071075439453,1.3477269053459169],[467.5405487060547,1.4688695073127747],[468.07208557128905,1.5980794906616211],[468.6018768310547,1.7349244832992554],[469.13111267089846,1.8733388781547546],[469.6598327636719,2.0134382843971252],[470.1882354736328,2.155394411087036],[470.71600341796875,2.29921407699585],[471.24317626953126,2.445036292076111],[471.77007141113285,2.593060350418091],[472.2959350585938,2.743209385871887],[472.8212829589844,2.8957301139831544],[473.34599609375,3.0507493019104004],[473.8698760986328,3.208319330215454],[474.3928436279297,3.368886208534241],[474.91497802734375,3.532422971725464],[475.43592224121096,3.698936128616333],[475.95603332519534,3.8686723947525024],[476.47503356933595,4.041742420196534],[476.992724609375,4.218398189544678],[477.5090270996094,4.399197602272034],[478.02409973144535,4.583915948867798],[478.5374664306641,4.772585773468018],[479.04920654296876,4.965657424926758],[479.55908203125,5.163830757141113],[480.06737060546874,5.3667542934417725],[480.5733581542969,5.574409437179566],[481.0769256591797,5.788163661956787],[481.57835083007814,6.007082796096802],[482.07687988281253,6.23209171295166],[482.5725524902344,6.463427209854126],[483.06524963378905,6.701448202133179],[483.5544158935547,6.946253252029419],[484.03985290527345,7.198196935653686],[484.5215606689453,7.457749128341675],[484.99878540039066,7.725026369094849],[485.4714080810547,8.000448942184448],[485.939111328125,8.284385061264038],[486.40126037597656,8.577053546905518],[486.8576171875,8.878756284713745],[487.307666015625,9.189773464202881],[487.7508911132813,9.510350561141967],[488.18681640625,9.840875005722046],[488.61496582031253,10.181494331359863],[489.0347839355469,10.53216142654419],[489.4457946777344,10.893124866485596],[489.8474029541016,11.264766502380372],[490.2389739990235,11.646555709838868],[490.6202697753906,12.038713169097901],[490.99065551757815,12.441524028778076],[491.34961547851566,12.854196071624756],[491.69691162109376,13.276868152618409],[492.03186950683596,13.709356784820557],[492.3545684814453,14.151064395904541],[492.66453247070314,14.601806259155273],[492.96156311035156,15.06134557723999],[493.24558105468753,15.52879467010498],[493.51658630371094,16.003889465332033],[493.77442016601566,16.486380767822265],[494.0194000244141,16.975551986694338],[494.25152587890625,17.47075719833374],[494.47095642089846,17.971898460388186],[494.6778900146484,18.478332328796387],[494.8727233886719,18.989441394805908],[495.0557342529297,19.504935550689698],[495.2272399902344,20.024511051177978],[495.38763732910155,20.547555446624756],[495.53712463378906,21.073650932312013],[495.67637634277344,21.602834701538086],[495.8055114746094,22.134398841857912],[495.9250457763672,22.668107795715333],[496.0354949951172,23.20407066345215],[496.13685913085936,23.741526222229005],[496.2296936035156,24.280563735961916],[496.31451416015625,24.821163368225097],[496.3915985107422,25.36268539428711],[496.4611053466797,25.90531826019287],[496.5237091064453,26.44879665374756],[496.57933044433594,26.99308834075928],[496.628564453125,27.537732124328613],[496.67149047851564,28.0833553314209],[496.7087432861328,28.62908515930176],[496.7400848388672,29.17511501312256],[496.7661499023438,29.721628379821777],[496.7867004394531,30.268273162841798],[496.8027282714844,30.815009689331056],[496.8141540527344,31.362028884887696],[496.82105712890626,31.909048080444336],[496.8235565185547,32.456064796447755],[496.8217315673828,33.00317573547363],[496.81601867675784,33.55014781951905],[496.80661621093753,34.09719181060791],[496.793603515625,34.644196128845216],[496.7771392822266,35.19088554382324],[496.75738220214845,35.73747081756592],[496.7344512939453,36.28400402069092],[496.70850524902346,36.8305347442627],[496.68077392578124,37.37682247161865],[496.6536773681641,37.92311515808105],[496.62864379882814,38.46971035003662],[496.605712890625,39.01630802154541],[496.58421020507814,39.56288833618164],[496.56397705078126,40.109733963012694],[496.5452117919922,40.6564208984375],[496.5278747558594,41.20307559967041],[496.51145019531253,41.750067520141606],[496.4959381103516,42.29685859680176],[496.4818145751953,42.84357032775879],[496.46836547851564,43.39070358276367],[496.45567016601564,43.937569046020506],[496.4440460205078,44.48432540893555],[496.4330169677734,45.03149337768555],[496.4232574462891,45.57841339111328],[496.4134979248047,46.125338363647465],[496.4037780761719,46.672417068481444],[496.39588317871096,47.21928253173828],[496.3881866455078,47.76623725891113],[496.3804504394531,48.313350677490234],[496.37354736328126,48.860389709472656],[496.3675964355469,49.407369232177736],[496.3616455078125,49.954502487182616],[496.35565490722655,50.501477050781254],[496.35113220214845,51.048406982421874],[496.346728515625,51.5955551147461],[496.3423248291016,52.14254951477051],[496.3382781982422,52.689533996582036],[496.33526306152345,53.23669204711914],[496.3322479248047,53.78369636535645],[496.32923278808596,54.330695724487306],[496.3268127441406,54.877749633789065],[496.3250671386719,55.42491264343262],[496.3232818603516,55.97192192077637],[496.3215362548828,56.51892623901367],[496.3204650878906,57.06605453491211],[496.3197906494141,57.61306381225586],[496.31915588378905,58.160073089599614],[496.3185211181641,58.70724105834961],[496.3185607910156,59.25429496765137],[496.3189178466797,59.801304244995116],[496.3192352294922,60.34847221374512],[496.31959228515626,60.895481491088866],[496.3205841064453,61.442470932006835],[496.3218536376953,61.98963890075684],[496.3231231689453,62.53664321899414],[496.32439270019535,63.08365249633789],[496.3262176513672,63.630741119384766],[496.3282806396484,64.17774543762208],[496.33038330078125,64.72474975585938],[496.3324462890625,65.27191276550293],[496.33502502441405,65.8189468383789],[496.337841796875,66.36595115661622],[496.3406982421875,66.91310920715333],[496.34351501464846,67.46011352539062],[496.3468872070313,68.00719718933105],[496.3507354736328,68.55435028076172],[496.3545837402344,69.10134963989258],[496.3583923339844,69.64834403991699],[496.36224060058595,70.19549713134766],[496.3660888671875,70.74249153137207],[496.36993713378905,71.28949089050293],[496.37378540039066,71.83664398193359],[496.3779510498047,72.38355407714845],[496.38294982910156,72.93054351806641],[496.38794860839846,73.47752799987794],[496.3929473876953,74.02467117309571],[496.3979461669922,74.57166061401368],[496.4029449462891,75.1186450958252],[496.40794372558594,75.66579322814941],[496.41290283203125,76.21277770996095],[496.4180603027344,76.75985641479492],[496.42401123046875,77.30699462890625],[496.4299621582031,77.85396919250489],[496.4359130859375,78.40094871520996],[496.4418640136719,78.94808197021484],[496.44781494140625,79.49506149291993],[496.4537658691406,80.04203605651855],[496.459716796875,80.58917427062988],[496.4657867431641,81.13610916137695],[496.4725311279297,81.68307876586914],[496.4792755126953,82.23020210266114],[496.48605957031253,82.77717170715333],[496.49280395507816,83.32413635253907],[496.4995483398438,83.8712646484375],[496.5062927246094,84.4182342529297],[496.51307678222656,84.96520385742188],[496.5201385498047,85.51234207153321],[496.5277954101563,86.05929183959961],[496.53545227050785,86.6062515258789],[496.54310913085936,87.15336990356445],[496.55076599121094,87.70031967163087],[496.5584228515625,88.24727935791016],[496.5660797119141,88.79438781738281],[496.57373657226566,89.3413475036621],[496.5813934326172,89.88830718994141],[496.58905029296875,90.43541564941407],[496.59666748046874,90.98237533569336],[496.6043243408203,91.52932510375977],[496.6119812011719,92.07628479003907],[496.61963806152346,92.62340316772462],[496.62729492187503,93.17035293579102],[496.63562622070316,93.71725311279297],[496.6439971923828,94.26435165405273],[496.6523681640625,94.81130142211914],[496.6607391357422,95.35824127197266],[496.6691101074219,95.90534973144531],[496.6774810791016,96.45229949951172],[496.68585205078125,96.99923934936524],[496.69422302246096,97.5463478088379],[496.7025939941406,98.09328765869141],[496.7109649658203,98.64023742675782],[496.71933593750003,99.18733596801758],[496.7277069091797,99.73428573608399],[496.7362365722656,100.28127517700196],[496.74480590820315,100.82838363647461],[496.7533752441406,101.37532348632813],[496.7619842529297,101.92226333618164],[496.7705535888672,102.46936187744141],[496.7791229248047,103.01631164550781],[496.78773193359376,103.56325149536133],[496.7963012695313,104.1103500366211],[496.8044738769531,104.65720062255859],[496.8120513916016,105.2041603088379],[496.81962890625,105.75127868652343],[496.82720642089845,106.29822845458985],[496.8347839355469,106.84518814086914],[496.8423217773438,107.39238586425782],[496.84791564941406,107.93936538696289],[496.8530731201172,108.48627548217773],[496.85588989257815,109.03350296020508],[496.8547393798828,109.58049240112305],[496.8533508300781,110.1271743774414],[496.8962371826172,110.67250747680664],[496.94626464843753,111.21742401123048],[497.00180664062503,111.76155700683594],[497.0617126464844,112.30521392822266],[497.1264190673828,112.84858322143555],[497.19513244628905,113.39131774902344],[497.2676940917969,113.93343734741211],[497.34410400390624,114.47516021728516],[497.4242431640625,115.01638717651367],[497.50807189941406,115.55685043334961],[497.5951141357422,116.09703598022462],[497.6862823486328,116.63640823364258],[497.78102111816406,117.17510604858398],[497.87925109863284,117.71339721679688],[497.98109130859376,118.25089492797852],[498.0866607666016,118.78766860961915],[498.1956817626953,119.32385711669922],[498.3085510253906,119.85907363891602],[498.4248718261719,120.3935661315918],[498.5451202392578,120.92727508544922],[498.6688995361328,121.46013107299805],[498.7967254638672,121.99206466674805],[498.9279235839844,122.52315521240234],[499.063525390625,123.05313491821289],[499.20269775390625,123.5822120666504],[499.3459167480469,124.1102180480957],[499.49326171875003,124.6369842529297],[499.64433593750005,125.16269912719727],[499.80005187988286,125.6873031616211],[499.95977478027345,126.21046905517579],[500.1235046386719,126.73230590820313],[500.2921142578125,127.25287322998048],[500.4649291992188,127.77193298339844],[500.64202880859375,128.2895149230957],[500.8239685058594,128.80522232055665],[501.01074829101566,129.31963043212892],[501.2018920898438,129.83212432861328],[501.3979949951172,130.34282302856445],[501.59937438964846,130.8514289855957],[501.8056335449219,131.35807113647462],[502.0168121337891,131.86274948120118],[502.2335845947266,132.36511688232423],[502.4554351806641,132.86518325805665],[502.68299865722656,133.3625915527344],[502.91607666015625,133.85756988525392],[503.1549468994141,134.34958267211914],[503.3995300292969,134.83896713256837],[503.650341796875,135.32527694702148],[503.90686645507816,135.8083137512207],[504.16993713378906,136.28795852661133],[504.4391967773438,136.7642906188965],[504.7149627685547,137.23666534423828],[504.99719543457036,137.70516204833984],[505.286410522461,138.16973114013672],[505.58225097656253,138.629727935791],[505.88523254394534,139.0852912902832],[506.1953552246094,139.53610382080078],[506.51257934570316,139.98164978027344],[506.83714294433594,140.42185974121094],[507.1694030761719,140.85663452148438],[507.5092407226563,141.2853096008301],[507.85661621093755,141.70788497924806],[508.21208496093755,142.1238151550293],[508.5750915527344,142.5329315185547],[508.94638977050784,142.9347282409668],[509.3255828857422,143.32903671264648],[509.71294860839845,143.71533126831056],[510.1083679199219,144.09332427978515],[510.5118408203125,144.4626091003418],[510.92368469238284,144.8227394104004],[511.34346313476567,145.17364578247071],[511.77141418457035,145.51414794921877],[512.2074188232422,145.84483108520507],[512.6512390136719,146.16447525024415],[513.1027954101563,146.4732391357422],[513.5620880126953,146.77058715820314],[514.0286407470703,147.05592422485353],[514.5024139404297,147.3293296813965],[514.9835266113281,147.5901191711426],[515.470947265625,147.83836212158204],[515.9648345947265,148.07307662963868],[516.464990234375,148.29509582519532],[516.9685180664063,148.5089324951172],[517.4720458984375,148.72270965576172],[517.9756927490234,148.9365364074707],[518.4791809082031,149.15031356811525],[518.9831848144531,149.3628807067871],[519.4874664306641,149.57520980834963],[519.9916290283203,149.78748931884766],[520.495751953125,149.9997688293457],[521.0001922607422,150.21173095703125],[521.5048309326172,150.42279052734375],[522.0095092773438,150.63384017944335],[522.514306640625,150.8449592590332],[523.0189453125,151.0560089111328],[523.523861694336,151.26653289794922],[524.0290954589844,151.47661056518555],[524.5341705322265,151.68663864135743],[525.0392456054688,151.8966667175293],[525.5444793701172,152.10675430297852],[526.049594116211,152.31628646850587],[526.5550659179688,152.52544174194335],[527.0604980468751,152.73459701538087],[527.5660888671875,152.9438217163086],[528.0715209960938,153.1529769897461],[528.5770721435547,153.36195373535156],[529.0829803466797,153.57041473388674],[529.5887298583984,153.77881622314453],[530.0944793701173,153.98721771240236],[530.6003875732422,154.1956886291504],[531.106137084961,154.40409011840822],[531.6122039794922,154.61172790527345],[532.1184692382812,154.8192565917969],[532.6246154785157,155.02671585083007],[533.13076171875,155.2341751098633],[533.6370666503907,155.44170379638672],[534.1431732177734,155.64916305541993],[534.6493194580079,155.85663223266602],[535.1556243896484,156.06415100097658],[535.6617706298829,156.27161026000977],[536.1679168701172,156.47907943725588],[536.6741821289063,156.6865982055664],[537.18056640625,156.8936309814453],[537.687109375,157.10008850097657],[538.1938110351563,157.30659561157228],[538.7003936767578,157.51304321289064],[539.2069366455079,157.719490814209],[539.7136383056641,157.92600784301757],[540.2201812744141,158.13245544433593],[540.7267639160157,158.3389030456543],[541.2334655761719,158.5454200744629],[541.7400085449219,158.75186767578126],[542.2465515136719,158.95831527709962],[542.7532531738282,159.16483230590822],[543.2600341796875,159.37074432373046],[543.7669342041016,159.5763786315918],[544.273794555664,159.78202285766602],[544.7808532714844,159.9877166748047],[545.2877136230469,160.1933609008789],[545.794613647461,160.39900512695314],[546.3016326904298,160.6046989440918],[546.8085327148438,160.81034317016602],[547.3153930664063,161.01598739624023],[547.822412109375,161.2216812133789],[548.3293121337891,161.42732543945314],[548.8362121582031,161.63296966552736],[549.3434295654297,161.83821716308594],[549.8505676269532,162.0431968688965],[550.3577056884766,162.24817657470703],[550.8650024414063,162.45320587158204],[551.3721801757813,162.65818557739257],[551.8793182373047,162.86316528320313],[552.3866149902344,163.068204498291],[552.8937530517578,163.27318420410157],[553.4009307861328,163.47816390991213],[553.9082275390625,163.683203125],[554.4153656005859,163.88818283081056],[554.9225036621094,164.0931625366211],[555.4300384521484,164.29781494140624],[555.9374145507812,164.50224914550782],[556.4447906494141,164.7066833496094],[556.9522857666016,164.9111671447754],[557.4596618652344,165.11560134887696],[557.9670379638673,165.3200355529785],[558.4745727539063,165.52451934814454],[558.9819488525391,165.7289535522461],[559.4892852783204,165.93338775634766],[559.9968200683594,166.13787155151368],[560.5041961669922,166.34230575561523],[561.0116119384766,166.54671020507814],[561.5192260742188,166.7504898071289],[562.0269989013672,166.95430908203124],[562.5346527099609,167.15808868408203],[563.0423065185547,167.36186828613282],[563.5500793457031,167.56568756103516],[564.0577331542969,167.76946716308595],[564.5653472900391,167.97322692871094],[565.0731201171875,168.17706604003908],[565.5807739257813,168.38084564208984],[566.088427734375,168.58460540771486],[566.5962005615235,168.78844451904297],[567.1038543701172,168.99220428466796],[567.6114685058594,169.19598388671875],[568.1192413330078,169.3998229980469],[568.6268951416016,169.60358276367188],[569.1345489501954,169.80736236572267],[569.6423217773438,170.011181640625],[570.1499755859376,170.2149612426758],[570.6575897216798,170.41874084472656],[571.1653625488282,170.6225601196289],[571.673016357422,170.8263397216797],[572.1806304931641,171.02980194091796],[572.6886810302734,171.23292694091796],[573.1966125488282,171.43599243164064],[573.7045043945312,171.63907775878906],[574.2125946044922,171.84220275878906],[574.7204864501954,172.0452880859375],[575.22841796875,172.24835357666015],[575.7364685058594,172.45147857666015],[576.2444000244141,172.6545639038086],[576.7523315429688,172.85762939453124],[577.2603820800781,173.06077423095704],[577.7683135986329,173.2638397216797],[578.2762054443359,173.46690521240234],[578.7841369628907,173.66999053955078],[579.2921875000001,173.87311553955078],[579.8001190185547,174.07620086669922],[580.3080505371094,174.27926635742188],[580.8161010742188,174.48239135742188],[581.3241912841797,174.68523864746095],[581.8323608398438,174.88774871826172],[582.340609741211,175.09033813476563],[582.848779296875,175.2928680419922],[583.3569091796875,175.49539794921876],[583.8651977539063,175.69798736572267],[584.3733276367187,175.90051727294923],[584.8814575195313,176.1030471801758],[585.38974609375,176.3056365966797],[585.8978759765625,176.50814666748047],[586.406005859375,176.71067657470704],[586.9142944335938,176.91326599121095],[587.4223846435547,177.11561737060546],[587.930712890625,177.3176712036133],[588.4391998291015,177.51976470947267],[588.9475280761719,177.7217987060547],[589.4558563232422,177.92383270263673],[589.9640258789062,178.12650146484376],[590.4586669921875,178.35515594482422],[590.9168090820312,178.653971862793],[591.388558959961,178.9309280395508],[591.8721313476562,179.18667907714845],[592.3641540527344,179.42552947998047],[592.8636352539063,179.64880828857423],[593.3698211669922,179.85613861083985],[593.8826324462891,180.0464294433594],[594.4027038574219,180.21618957519533],[594.9302337646485,180.3606384277344],[595.4658966064453,180.47142486572267],[596.0090179443359,180.53262023925782],[596.5463470458984,180.49005126953125],[597.0357513427734,180.24632110595704],[597.5069061279297,179.96843261718752],[597.9648101806641,179.66900177001955],[598.412518310547,179.35479278564455],[598.8520538330079,179.0292175292969],[599.2849639892578,178.69461669921876],[599.711962890625,178.35277557373047],[600.1337646484375,178.0044677734375],[600.5515991210938,177.65118103027345],[600.9649108886719,177.29287567138672],[601.3745727539062,176.9304641723633],[601.7811004638672,176.56412506103516],[602.1836608886719,176.19389801025392],[602.583285522461,175.82041778564454],[602.9799743652344,175.44332733154297],[603.3730529785156,175.0630630493164],[603.7632751464844,174.67962493896485],[604.1497680664063,174.29251708984376],[604.5330474853516,173.9021759033203],[604.9120819091797,173.50774841308595],[605.1987182617188,173.0474044799805],[605.420687866211,172.54756622314454],[605.6154418945313,172.0365005493164],[605.7833374023438,171.51581420898438],[605.9203277587891,170.98632049560547],[606.0195495605469,170.44859466552734],[606.0666809082031,169.90374755859375],[606.0318878173829,169.35878143310546],[605.8493927001954,168.84632720947266],[605.5769592285156,168.37193908691407],[605.2940124511719,167.903759765625],[605.0064636230469,167.4384963989258],[604.7157012939454,166.97497863769533],[604.4228363037109,166.51300811767578],[604.1283843994141,166.05195007324218],[603.8326232910157,165.59180450439453],[603.5354736328126,165.13221435546876],[603.2378479003906,164.67337799072266],[602.9395080566406,164.21489868164062],[602.6397399902344,163.75712356567382],[602.3399719238281,163.29956665039063],[602.040203857422,162.8420196533203],[601.7395233154297,162.3848098754883],[601.4382476806641,161.92825469970703],[601.1369323730469,161.4717094421387],[600.8355773925781,161.01501541137696],[600.5334686279297,160.5591247558594],[600.2310028076172,160.10335311889648],[599.9284179687501,159.64744262695314],[599.6259521484375,159.19167098999023],[599.3228912353516,158.73621673583986],[599.0193939208984,158.28094100952148],[598.7159362792969,157.8258041381836],[598.412518310547,157.37065734863282],[598.1089416503906,156.91540145874023],[597.8047302246094,156.46078033447267],[597.5005187988281,156.00615921020508],[597.1962280273438,155.55140914916993],[596.8920562744141,155.09677810668947],[596.5876861572266,154.64231567382814],[596.2827606201172,154.18799209594727],[595.977914428711,153.7338073730469],[595.6730682373047,153.2796127319336],[595.3681427001953,152.82529907226564],[595.0632171630859,152.37122344970703],[594.7578155517579,151.9174057006836],[594.4523345947266,151.46346893310547],[594.146893310547,151.00966110229493],[593.8414916992188,150.55585327148438],[593.5360900878907,150.10203552246094],[593.2300537109376,149.6484359741211],[592.9239379882813,149.19509429931642],[592.617822265625,148.74175262451172],[592.3116271972657,148.28827209472658],[592.005551147461,147.83493041992188],[591.6994354248047,147.3815887451172],[591.3932403564453,146.92810821533203],[591.0871246337891,146.47476654052736],[590.7810485839844,146.02142486572265],[590.474853515625,145.5679542541504],[590.1687377929687,145.1146125793457],[589.8623840332032,144.66132049560548],[589.5554351806641,144.20835571289064],[589.2486053466797,143.75551986694336],[588.9417358398438,143.30267410278321],[588.6347869873047,142.84970932006837],[588.3279571533203,142.3968734741211],[588.0210876464844,141.94402770996095],[587.7141784667969,141.4910629272461],[587.4073089599609,141.03821716308593],[587.1004791259766,140.58538131713868],[586.7935302734376,140.13241653442384],[586.4867004394531,139.67957077026367],[586.1798309326172,139.22673492431642],[585.8723266601563,138.77418670654296],[585.564862060547,138.32175750732424],[585.2573974609376,137.86932830810548],[584.949853515625,137.41677017211916],[584.6423889160156,136.9643409729004],[584.3349639892579,136.51191177368165],[584.0274200439453,136.05935363769532],[583.7199554443359,135.60692443847657],[583.4124908447266,135.1544952392578],[583.1050262451172,134.70207595825195],[582.7974822998048,134.24950790405273],[582.4900573730469,133.79708862304688],[582.1825927734375,133.34472885131837],[581.8745330810547,132.89250793457032],[581.566552734375,132.44042587280273],[581.2586120605469,131.98834381103515],[580.950552368164,131.5361228942871],[580.642611694336,131.08404083251955],[580.3346313476562,130.63195877075196],[580.026611328125,130.17973785400392],[579.7186309814454,129.72765579223633],[579.4106903076172,129.27557373046875],[579.1026306152344,128.8233528137207],[578.7946899414063,128.37127075195312],[578.4867095947266,127.91918869018555],[578.1786895751953,127.4669677734375],[577.8703521728515,127.01509399414063],[577.5619750976563,126.56330947875978],[577.2534790039062,126.11138610839845],[576.945101928711,125.65960159301758],[576.6366851806641,125.20781707763672],[576.3281890869141,124.75589370727539],[576.0198120117187,124.30410919189454],[575.7113952636719,123.85232467651367],[575.4029388427734,123.40040130615235],[575.0945220947266,122.94861679077148],[574.7861450195313,122.49683227539063],[574.4776489257813,122.04491882324218],[574.1692718505859,121.59312438964844],[573.860775756836,121.14138946533204],[573.5518829345704,120.68973388671876],[573.2431091308594,120.23821716308593],[572.9342956542969,119.78670043945313],[572.625521850586,119.33517379760742],[572.3166290283203,118.88352813720704],[572.0078552246094,118.43201141357422],[571.6990814208984,117.98048477172851],[571.3901885986328,117.52883911132812],[571.0814147949219,117.07731246948242],[570.772640991211,116.62579574584962],[570.4637481689454,116.17414016723633],[570.1549743652344,115.72262344360352],[569.8461608886719,115.2711067199707],[569.5370697021484,114.81963958740235],[569.2279388427735,114.3683708190918],[568.9187683105469,113.91710205078125],[568.6095581054688,113.46570434570313],[568.3003875732422,113.0144256591797],[567.9912567138672,112.56315689086914],[567.6820068359375,112.11175918579102],[567.372836303711,111.66049041748047],[567.0637054443359,111.20921173095704],[566.7544555664062,110.75781402587891],[566.4453247070313,110.30654525756836],[566.1361541748047,109.85527648925782],[565.826904296875,109.4038688659668],[565.5176940917969,108.95264968872071],[565.2082061767578,108.50161895751954],[564.8985992431641,108.05045928955079],[564.589111328125,107.59942855834962],[564.2796234130859,107.14839782714844],[563.9700164794922,106.6972282409668],[563.6605285644531,106.24619750976562],[563.3510009765625,105.79516677856445],[563.0414337158203,105.34400711059571],[562.7319458007813,104.89297637939454],[562.4224182128906,104.44194564819337],[562.1129302978516,103.9909149169922],[561.8033233642578,103.53975524902344],[561.4937957763672,103.08877410888672],[561.1837524414062,102.6381004333496],[560.8736297607422,102.18730773925782],[560.5636260986329,101.7366340637207],[560.253582763672,101.2859703063965],[559.9434600830078,100.8351676940918],[559.6334564208985,100.38450393676759],[559.3234130859375,99.93384017944337],[559.0132904052734,99.48303756713868],[558.7032470703125,99.03237380981446],[558.3932434082031,98.58170013427734],[558.083120727539,98.13090744018555],[557.7730773925781,97.68023376464843],[557.4630737304688,97.22957000732423],[557.1529510498048,96.77876739501953],[556.8429077148438,96.32810363769532],[556.5328643798829,95.8774299621582],[556.2227813720704,95.42663726806641],[555.9127380371094,94.9759735107422],[555.6026947021485,94.52529983520508],[555.2925720214844,94.07450714111329],[554.982568359375,93.62383346557617],[554.6725250244141,93.17316970825196],[554.36240234375,92.72236709594726],[554.0523986816406,92.27170333862306],[553.7422760009766,91.82105941772461],[553.4320739746094,91.37032623291016],[553.1219512939454,90.91971206665039],[552.8118682861328,90.46910781860352],[552.7651336669923,89.92870407104492],[552.7359344482422,89.38247833251954],[552.7067352294922,88.83624267578125],[552.6781707763672,88.29004669189453],[552.6578979492188,87.7432456970215],[552.6482177734375,87.19632568359376],[552.6486938476563,86.64930648803711],[552.6587707519532,86.10219802856446],[552.6780517578126,85.55559539794922],[552.7062591552734,85.00927047729492],[552.7429168701173,84.46346130371094],[552.7879058837891,83.91825714111329],[552.8414245605469,83.37386627197266],[552.9027984619141,82.83010025024414],[552.9718292236329,82.28761367797851],[553.0485168457031,81.74597511291505],[553.1331787109375,81.20532341003418],[553.2249816894531,80.6660800933838],[553.3242431640625,80.1281509399414],[553.4311614990235,79.59161529541016],[553.5448638916016,79.05649299621582],[553.6663818359375,78.5232105255127],[553.7947631835938,77.9913761138916],[553.9304840087891,77.46136169433593],[554.0733459472657,76.93339538574219],[554.2232696533204,76.40724411010743],[554.3804138183594,75.88324012756348],[554.5445404052734,75.36152725219726],[554.715966796875,74.84185752868653],[554.8943359375,74.3248161315918],[555.0797271728516,73.8102195739746],[555.2724975585937,73.29812240600586],[555.4718933105469,72.78868827819825],[555.6785888671875,72.28217010498047],[555.892465209961,71.778617477417],[556.1134826660157,71.2782039642334],[556.3414825439453,70.78095932006836],[556.5765838623047,70.28710174560547],[556.8188262939453,69.79643287658692],[557.068051147461,69.30951805114746],[557.324496459961,68.82635726928712],[557.5879638671876,68.34685134887695],[557.8582946777344,67.87142181396484],[558.1359252929688,67.39995956420898],[558.4205383300781,66.93267784118653],[558.7120147705078,66.46981964111329],[559.0105133056641,66.01150894165039],[559.3161132812501,65.55768127441407],[559.62841796875,65.10854988098144],[559.9477844238281,64.66435775756837],[560.273974609375,64.2251594543457],[560.6067901611328,63.79099960327149],[560.9465881347656,63.362334442138675],[561.2929321289063,62.93878707885742],[561.6459014892579,62.520982360839845],[562.0054565429688,62.10872688293457],[562.3715972900391,61.70210494995117],[562.7440856933594,61.30142402648926],[563.1227630615234,60.90685272216797],[563.5079071044922,60.518242263793944],[563.8991607666015,60.135791015625],[564.2963653564453,59.75979156494141],[564.6997192382813,59.39002571105957],[565.1087463378907,59.02676620483398],[565.5235656738281,58.67030563354492],[565.9440185546875,58.3200984954834],[566.3700653076172,57.97697792053223],[566.8013488769532,57.64053230285645],[567.2379486083985,57.310791397094725],[567.6797058105469,56.988280868530275],[568.1264221191407,56.67251968383789],[568.5778594970703,56.363765716552734],[569.0344146728515,56.0621826171875],[569.4953735351563,55.767581939697266],[569.9607360839844,55.48002815246582],[570.4305023193359,55.199605560302736],[570.9044738769531,54.9264331817627],[571.382373046875,54.66037712097168],[571.8642791748047,54.401323318481445],[572.3497955322266,54.14941558837891],[572.8390808105469,53.90469856262207],[573.3319366455079,53.66710777282715],[573.8279266357422,53.436638259887694],[574.3272888183594,53.2131462097168],[574.8298248291015,52.99655227661133],[575.3350982666016,52.78703994750977],[575.8430297851563,52.58447036743164],[576.3540954589844,52.38864517211914],[576.8673828125001,52.199777603149414],[577.3832489013672,52.01765937805176],[577.9014556884766,51.84226570129395],[578.4218841552735,51.67353210449219],[578.9442169189454,51.511473464965825],[579.4687713623047,51.35584678649902],[579.9951110839844,51.206711578369145],[580.5231170654297,51.06398849487305],[581.0529479980469,50.927494049072266],[581.584326171875,50.79723815917969],[582.1169738769531,50.673146438598636],[582.6512481689454,50.55491638183594],[583.1858001708985,50.43867988586426],[583.7207092285156,50.324332809448244],[584.2562927246094,50.2123462677002],[584.7921142578125,50.102308654785155],[585.3282928466797,49.99427452087402],[585.8649078369141,49.88832817077637],[586.4021575927735,49.78450927734375],[586.9397644042969,49.68355178833008],[587.4778472900391,49.584954833984376],[588.01640625,49.48879280090332],[588.5554016113282,49.395194625854494],[589.0947937011719,49.30424957275391],[589.6347808837891,49.21605186462403],[590.1750854492187,49.130740356445315],[590.7159057617188,49.04862251281738],[591.2573211669923,48.96971817016602],[591.7991333007812,48.89401741027832],[592.3413024902344,48.8216293334961],[592.8841064453126,48.752623367309575],[593.4272674560547,48.68718299865723],[593.9706268310547,48.62542228698731],[594.5148193359375,48.567405700683594],[595.059130859375,48.51332664489746],[595.603759765625,48.46328430175782],[596.1490631103516,48.417367935180664],[596.6945251464844,48.375741195678714],[597.2401855468751,48.338528060913085],[597.7864013671875,48.30580787658692],[598.3326568603516,48.277268218994145],[598.8791107177734,48.25399513244629],[599.4260009765625,48.235591888427734],[599.9728912353515,48.222157669067386],[600.5198211669922,48.213801574707034],[601.0669891357422,48.210617828369145],[601.6139984130859,48.21305274963379],[602.1609680175782,48.22131462097168],[602.7079772949219,48.23516540527344],[603.2545898437501,48.25480842590332],[603.8010040283203,48.281171035766604],[604.347021484375,48.31338539123535],[604.8927612304688,48.35160522460938],[605.4379852294923,48.39698104858399],[605.982534790039,48.448441696166995],[606.5266082763673,48.506428527832036],[607.0696502685547,48.57161102294922],[607.6120178222657,48.643121337890626],[608.153433227539,48.72195625305176],[608.6936187744141,48.80769424438477],[609.2327331542969,48.90027084350586],[609.7706176757813,49.00057373046875],[610.3071929931641,49.107462310791014],[610.8418640136719,49.22236976623535],[611.3752655029297,49.34413070678711],[611.9067626953125,49.473731994628906],[612.4363159179687,49.61048431396485],[612.9640838623047,49.754982757568364],[613.48955078125,49.90688514709473],[614.0127563476562,50.06641464233399],[614.5338989257813,50.23357620239258],[615.0521850585938,50.40825576782227],[615.5679321289062,50.59046325683594],[616.0810211181641,50.78036231994629],[616.5912139892579,50.97760581970215],[617.0984313964844,51.18259048461914],[617.60283203125,51.39474601745606],[618.103662109375,51.614617919921876],[618.6014770507812,51.84129867553711],[619.0957214355469,52.07588920593262],[619.5867523193359,52.31701583862305],[620.073895263672,52.56579933166504],[620.5577453613281,52.82113380432129],[621.0377868652344,53.08363914489746],[621.5139801025391,53.35269546508789],[621.9863647460937,53.62837715148926],[622.45498046875,53.9108081817627],[622.9197479248047,54.199269485473636],[623.3803894042969,54.49444046020508],[623.8374206542969,54.795235061645506],[624.2898498535156,55.10248146057129],[624.7388275146485,55.415153121948244],[625.1835601806641,55.73392944335938],[625.6242462158203,56.05781860351563],[626.0608856201172,56.387281799316405],[626.4937561035157,56.722036361694336],[626.9224609375,57.06175003051758],[627.3471984863281,57.40641784667969],[627.7682861328125,57.75597038269043],[628.1851684570313,58.11010513305664],[628.5982818603516,58.468499755859376],[629.0076263427735,58.83171463012695],[629.4131225585937,59.19861907958985],[629.8148498535156,59.56988258361817],[630.2132446289063,59.94500427246094],[630.6077117919922,60.32399406433105],[630.9987670898438,60.706400680542],[631.3863708496094,61.09262580871582],[631.7705230712891,61.4820198059082],[632.151303100586,61.87483558654785],[632.5288299560547,62.27077560424805],[632.9032623291016,62.66970596313477],[633.2742431640626,63.07154731750489],[633.6426055908204,63.47620544433594],[634.0075164794922,63.883635711669925],[634.369808959961,64.29347114562988],[634.7291259765625,64.70611839294433],[635.0857055664063,65.12093772888184],[635.4395874023438,65.53804321289063],[635.7907318115234,65.95746459960938],[636.1396545410156,66.37891426086426],[636.48583984375,66.80263023376465],[636.8296051025391,67.22799758911133],[637.171307373047,67.65549240112306],[637.5103118896485,68.08461875915528],[637.8474914550782,68.5154956817627],[638.1823303222657,68.94822731018067],[638.5150268554688,69.38242683410645],[638.8457000732423,69.81806945800781],[639.1750640869141,70.25501136779785],[639.5020874023438,70.69349060058595],[639.82724609375,71.13331871032715],[640.1512145996094,71.57424774169922],[640.4731201171875,72.01652069091797],[640.7934387207032,72.45992431640626],[641.1131225585938,72.90398254394532],[641.4326477050781,73.3480110168457],[641.7505859375,73.7931453704834],[642.068603515625,74.23840370178223],[642.3862243652344,74.68375625610352],[642.7028137207031,75.12985763549806],[643.0194427490235,75.5760929107666],[643.3357543945312,76.02224884033204],[643.6511535644531,76.46916847229004],[643.9666717529298,76.91621208190918],[644.2820709228516,77.36312675476074],[644.5966369628907,77.81078033447265],[644.9111633300781,78.25852317810059],[645.2255706787109,78.7061321258545],[645.5395812988281,79.15399894714356],[645.8532348632813,79.60232696533204],[646.1668487548828,80.05052604675294],[646.4804229736328,80.49872512817383],[646.7930847167969,80.94758377075196],[647.1057067871094,81.39665069580079],[647.4182098388673,81.84559364318848],[647.7307525634766,82.29453163146972],[648.0433746337891,82.743603515625],[648.355877685547,83.19254150390626],[648.6684204101563,83.6414794921875],[648.9808044433594,84.0906852722168],[649.2921966552734,84.5404167175293],[649.6035888671876,84.99013824462891],[649.9150604248047,85.43999862670898],[650.2264526367188,85.8897300720215],[650.5378448486329,86.33946151733399],[650.8493164062501,86.78931198120118],[651.1607086181641,87.23904342651367],[651.4721008300781,87.68877487182617],[651.7827789306641,88.1392105102539],[652.0932983398437,88.58955688476563],[652.4037780761719,89.03990325927735],[652.7143768310547,89.49037857055664],[653.0248565673828,89.94072494506837],[653.3353759765625,90.39107131958008],[653.6459747314453,90.84154663085938],[653.9564544677735,91.29188308715821],[654.2668151855469,91.7422492980957],[654.5766998291016,92.19322052001954],[654.8865051269531,92.6440528869629],[655.1962707519532,93.09488525390626],[655.5061553955078,93.54585647583008],[655.8159210205079,93.99668884277344],[656.1257263183594,94.4475212097168],[656.4356109619141,94.89848251342774],[656.7453765869141,95.349324798584],[657.0551818847656,95.80015716552735],[657.36455078125,96.25154495239258],[657.6737609863281,96.70277404785156],[657.9829711914062,97.15400314331055],[658.2921813964844,97.60523223876953],[658.6014709472656,98.0565902709961],[658.9106811523437,98.50781936645508],[659.219891357422,98.95904846191407],[659.5291809082031,99.41041641235351],[659.8383911132813,99.8616455078125],[660.1472442626954,100.3129638671875],[660.4558990478516,100.76477813720703],[660.7644348144531,101.21646347045899],[661.0730102539063,101.66814880371093],[661.381625366211,102.11995315551758],[661.6902008056641,102.57163848876954],[661.9987365722657,103.02332382202148],[662.3073913574219,103.47512817382812],[662.6159271240234,103.92681350708008],[662.924462890625,104.37849884033203],[663.2331176757813,104.83030319213867],[663.5416534423829,105.28198852539063],[663.850228881836,105.73367385864258],[664.1588439941406,106.18548812866212],[664.4673797607422,106.63716354370118],[664.7759552001953,107.08884887695312],[665.0845703125,107.54066314697266],[665.3931457519532,107.99233856201172],[665.7017211914062,108.44402389526367],[666.0102966308594,108.89583816528321],[666.3184753417969,109.34785079956055],[666.6263366699219,109.79995269775391],[666.9343566894531,110.25218353271485],[667.2422973632813,110.7042854309082],[667.5502380371094,111.15638732910156],[667.8582580566407,111.6086181640625],[668.1661987304688,112.06072006225587],[668.4741394042969,112.51282196044922],[668.782080078125,112.96492385864258],[669.0901000976563,113.41715469360352],[669.3980407714844,113.86925659179688],[669.7059814453125,114.32135848999023],[670.0140014648438,114.77358932495117],[670.321942138672,115.22569122314454],[670.6298828125,115.6777931213379],[670.9379028320312,116.13002395629883],[671.2458435058594,116.58212585449219],[671.5537841796876,117.03422775268555],[671.8618041992188,117.48646850585938],[672.1697448730469,117.93857040405274],[672.4773681640626,118.39095001220703],[672.7849914550782,118.84347839355469],[673.0925354003906,119.29586791992188],[673.4,119.74825744628906],[673.7076232910157,120.20077590942383],[674.0151672363281,120.65316543579102],[674.3226318359375,121.10555496215821],[674.6302551269531,121.55807342529297],[674.9377197265625,122.01046295166016],[675.245263671875,122.46285247802734],[675.5528869628906,122.915380859375],[675.8603515625,123.36777038574219],[676.1678955078125,123.82015991210938],[676.4755187988281,124.27267837524414],[676.7829833984375,124.72506790161133],[677.0905273437501,125.17745742797852],[677.3980712890625,125.62997589111329],[677.705615234375,126.08236541748047],[678.0131591796875,126.53475494384766],[678.320703125,126.98728332519532],[678.6282470703126,127.4396728515625],[678.935711669922,127.89206237792969],[679.2432556152344,128.34445190429688],[679.55087890625,128.79697036743164],[679.8583435058594,129.24935989379884],[680.1658874511719,129.701749420166],[680.4735107421875,130.15426788330078],[680.7809753417969,130.60665740966797],[681.0885192871094,131.05904693603517],[681.3960632324219,131.5115753173828],[681.7036071777344,131.96396484375],[682.011151123047,132.4163543701172],[682.3186950683594,132.86887283325197],[682.6262390136719,133.32126235961914],[682.9337036132813,133.77365188598634],[683.2413269042969,134.2261703491211],[683.5488708496094,134.67855987548828],[683.8563354492188,135.13094940185547],[684.1638793945312,135.5835174560547],[684.4711853027344,136.03604583740236],[684.7784912109375,136.48857421875002],[685.0858764648438,136.94124145507814],[685.3931823730469,137.39376983642578],[685.70048828125,137.84629821777344],[686.0078735351562,138.29895553588867],[686.3151794433594,138.75148391723633],[686.6224853515625,139.204012298584],[686.9298706054688,139.65666961669922],[687.2371765136719,140.10919799804688],[687.544482421875,140.56172637939454],[687.8518676757812,141.01439361572267],[688.1591735839844,141.46692199707033],[688.4664794921875,141.91945037841796],[688.7739440917969,142.37210769653322],[689.0812500000001,142.82463607788085],[689.3885559082031,143.27716445922852],[689.6958618164062,143.72969284057618],[690.0032470703126,144.1823501586914],[690.3105529785156,144.63487854003907],[690.6181762695313,145.08720855712892],[690.9260375976563,145.53954849243163],[691.2338195800781,145.9917594909668],[691.5416015625,146.44397048950196],[691.849462890625,146.89632034301758],[692.1572448730469,147.34853134155273],[692.4649475097657,147.8007423400879],[692.7728088378907,148.25308227539062],[693.0805908203125,148.70529327392578],[693.3883728027344,149.15750427246095],[693.6962341308594,149.60985412597657],[694.0040161132813,150.06206512451172],[694.3117980957031,150.51427612304687],[694.6196594238281,150.96661605834962],[694.9274414062501,151.41883697509766],[695.2352233886719,151.8710479736328],[695.5430847167969,152.32338790893556],[695.8507873535157,152.7755989074707],[696.1592041015625,153.22744293212892],[696.467938232422,153.6792175292969],[696.776513671875,154.1308433532715],[697.0851684570313,154.58247909545898],[697.3939025878907,155.03425369262695],[697.7024780273438,155.48587951660156],[698.0111328125,155.93751525878906],[698.3201843261719,156.38898239135742],[698.6299499511719,156.83983459472657],[698.9397155761719,157.2906967163086],[699.249560546875,157.7416778564453],[699.559326171875,158.19253005981446],[699.8690917968751,158.64339218139648],[700.1794921875,159.093669128418],[700.4908447265625,159.5435989379883],[700.8023559570313,159.99328079223633],[701.1154541015625,160.44182205200195],[701.4291076660156,160.89010543823244],[701.745458984375,161.33639526367188],[702.067919921875,161.77820205688477],[701.7314147949219,161.39006271362305],[701.343017578125,161.0051170349121],[700.9254211425781,160.65184020996094],[700.4897338867188,160.33833541870118],[700.9248657226562,160.6693557739258],[701.323974609375,161.04306411743164],[701.6930908203125,161.44684448242188],[702.0368164062501,161.87220687866213],[702.3593566894532,162.31407318115234],[702.6640441894532,162.768416595459],[702.952783203125,163.2330451965332],[703.2285888671876,163.705419921875],[703.4924926757812,164.18474731445312],[703.7457641601562,164.6694007873535],[703.9900695800782,165.158854675293],[704.226123046875,165.6525833129883],[704.4544006347656,166.14954528808593],[704.6758544921876,166.64974060058594],[704.8909606933594,167.1528518676758],[705.1002746582031,167.6583435058594],[705.3042724609376,168.16575927734377],[705.503271484375,168.6754364013672],[705.6976684570312,169.18681945800782],[705.8876220703125,169.6998291015625],[706.0735290527344,170.21442565917968],[706.2555480957031,170.7302719116211],[706.4339172363282,171.2473876953125],[706.6089538574219,171.76551513671876],[706.7808166503906,172.28509063720705],[706.9495056152344,172.8054397583008],[707.1151794433594,173.3267013549805],[707.2781555175782,173.8490936279297],[707.4383544921875,174.37208099365236],[707.5958557128906,174.89582214355468],[707.7509765625,175.42053527832033],[707.9037170410156,175.94586334228515],[708.0540771484375,176.47178649902344],[708.2021362304688,176.99854278564453],[708.3480529785156,177.5257553100586],[708.491748046875,178.05360260009766],[708.6333801269532,178.5819854736328],[708.7730285644532,179.1109832763672],[708.9098999023438,179.64061584472657],[709.0460571289062,180.17044677734376],[709.17919921875,180.70099182128908],[709.3108337402344,181.23201293945314],[709.4409606933594,181.76349029541015],[709.5681518554687,182.29546356201172],[709.6937561035156,182.8278533935547],[709.8174560546876,183.3608581542969],[709.9387756347656,183.89421997070312],[710.0574768066407,184.42811737060546],[710.1734008789062,184.96302642822266],[710.280517578125,185.49932403564455],[710.3819213867188,186.03685150146484],[710.4803100585938,186.57515258789064],[710.5752075195313,187.1138702392578],[710.6667724609375,187.65306396484377],[710.7553222656251,188.19305114746095],[710.8408569335937,188.73325653076174],[710.9233764648437,189.27411651611328],[711.0024841308594,189.81537322998048],[711.077783203125,190.35724487304688],[711.15078125,190.8994338989258],[711.2196533203125,191.44197998046874],[711.2855895996094,191.9851806640625],[711.3478759765625,192.5286590576172],[711.4069091796875,193.07251434326173],[711.4623718261719,193.61680603027344],[711.514501953125,194.16141510009766],[711.5630615234376,194.70624237060548],[711.6081298828125,195.2514862060547],[711.6494689941406,195.79686889648437],[711.6874755859375,196.34256896972656],[711.7215942382812,196.88872528076172],[711.7523010253907,197.43480224609377],[711.7789611816406,197.9812957763672],[711.8023681640625,198.52784881591796],[711.8215698242187,199.07450103759766],[711.8372009277344,199.62133178710937],[711.8489440917969,200.16842041015624],[711.8567199707031,200.71529083251954],[711.8608459472656,201.26237945556642],[711.8606079101563,201.80950775146485],[711.8567199707031,202.35649719238282],[711.8485473632812,202.9034866333008],[711.8364868164062,203.4505157470703],[711.8203002929688,203.99720764160156],[711.7998291015625,204.54387969970705],[711.775311279297,205.09049224853516],[711.7464294433594,205.63664855957032],[711.7132629394531,206.18268585205078],[711.6762084960938,206.72854461669922],[711.6342346191407,207.2740264892578],[711.588134765625,207.8191116333008],[711.5378295898438,208.36368103027345],[711.4826049804688,208.90805206298828],[711.4232543945312,209.4518280029297],[711.3593811035156,209.99516754150392],[711.2906677246094,210.53807067871094],[711.2175903320312,211.08016052246094],[711.1399108886719,211.62163543701172],[711.0571533203125,212.1623764038086],[710.9700317382812,212.70252227783203],[710.8781494140625,213.24175567626955],[710.7811889648438,213.78017578125],[710.6797058105469,214.3177032470703],[710.5733032226562,214.85419921875],[710.4615844726562,215.38992156982422],[710.3453430175781,215.9243347167969],[710.2243408203125,216.45781555175782],[710.0977844238281,216.99014587402345],[709.9664672851562,217.52124633789063],[709.8305480957032,218.0509780883789],[709.6887573242187,218.5795394897461],[709.54228515625,219.10645446777343],[709.3908935546875,219.63211975097656],[709.2341064453125,220.15631713867188],[709.071923828125,220.67888793945312],[708.9049804687501,221.1997528076172],[708.7328796386719,221.71916961669922],[708.5549865722656,222.2363052368164],[708.3720947265625,222.75193328857424],[708.1842834472657,223.26581573486328],[707.9910766601563,223.77757568359377],[707.7923950195312,224.28717346191408],[707.5885559082031,224.7949462890625],[707.3797180175782,225.3005569458008],[707.1653259277344,225.8037872314453],[706.9455383300782,226.30475616455078],[706.7206726074219,226.8034439086914],[706.4908081054688,227.29977111816407],[706.2553100585938,227.79361877441406],[706.0143371582031,228.2848876953125],[705.7685241699219,228.77341918945314],[705.5174743652344,229.25949096679688],[705.2612670898437,229.74290466308594],[704.9994262695312,230.2232635498047],[704.732666015625,230.70074615478515],[704.4607482910156,231.1756103515625],[704.1839111328126,231.64741973876954],[703.9017578125,232.11593627929688],[703.6143676757813,232.58147735595705],[703.3220581054687,233.04390411376954],[703.0249084472656,233.5031967163086],[702.7229187011719,233.959375],[702.4160095214844,234.41216125488282],[702.1079895019532,234.8642135620117],[701.7998901367188,235.3164047241211],[701.4918701171875,235.76845703125],[701.1849609375,236.22128295898438],[700.8782104492187,236.67440643310547],[700.5716186523438,237.12743072509767],[700.2655029296875,237.5808319091797],[699.9600219726562,238.03474884033204],[699.6546203613282,238.4885467529297],[699.3491394042969,238.94234466552734],[699.0436584472657,239.3962814331055],[698.7381774902344,239.85007934570314],[698.4327758789062,240.3038772583008],[698.127294921875,240.75787353515625],[697.8218933105469,241.2117111206055],[697.5164916992188,241.6655288696289],[697.2111694335938,242.11936645507814],[696.9056884765625,242.57332305908204],[696.5996520996094,243.02662506103516],[696.2932189941406,243.47974853515626],[695.9867065429688,243.93299102783203],[695.6802734375,244.38611450195313],[695.3738403320312,244.83923797607423],[695.0666931152344,245.29212341308593],[694.7588317871094,245.74425506591797],[694.4509704589844,246.1964065551758],[694.1418395996094,246.64794311523437],[693.8326293945313,247.0991622924805],[693.5231018066406,247.55016326904297],[693.2122253417969,248.00043029785158],[692.9014282226562,248.45057830810546],[692.589520263672,248.89991302490236],[692.2767395019531,249.34889068603516],[691.9641174316406,249.7977294921875],[691.6494323730469,250.24510040283204],[691.3345886230469,250.69261016845704],[691.0189514160156,251.13938598632814],[690.701806640625,251.58509063720703],[690.3845825195312,252.03091430664062],[690.0660095214844,252.47554779052734],[689.7463256835938,252.91946716308595],[689.4256103515626,253.36283111572266],[689.1037841796875,253.8051239013672],[688.7806884765625,254.24652404785158],[688.4564819335938,254.6872497558594],[688.1313232421875,255.12710266113282],[687.8048156738281,255.56598358154298],[687.4767211914062,256.00389251708987],[687.1475952148438,256.4407699584961],[686.8171997070312,256.8768737792969],[686.4854553222657,257.3118469238281],[686.1520446777344,257.74559020996094],[685.8173645019532,258.1782623291016],[685.481494140625,258.6099029541016],[685.1440368652344,259.04061126708984],[684.8046752929688,259.46971282958987],[684.4640441894531,259.89764404296875],[684.121826171875,260.32466278076174],[683.7782592773438,260.75035247802737],[683.4326293945313,261.1742172241211],[683.0853332519531,261.5970703125],[682.7366882324219,262.0184951782227],[682.386376953125,262.4388092041016],[682.0338439941406,262.85723876953125],[681.6798034667969,263.2741012573242],[681.3240966796875,263.6897933959961],[680.9668029785156,264.1040176391602],[680.6071289062501,264.516178894043],[680.2457092285157,264.92693176269535],[679.8826232910156,265.33621673583986],[679.51787109375,265.7438949584961],[679.1507385253907,266.1493713378906],[678.7817016601563,266.55320129394534],[678.4109191894531,266.9554641723633],[678.0384704589844,267.35604095458984],[677.6633239746094,267.75435638427734],[677.2864318847656,268.15076751708983],[676.90771484375,268.5455718994141],[676.5271728515626,268.93871002197267],[676.1439331054688,269.32909088134767],[675.7588684082032,269.71762695312503],[675.3718994140626,270.10449676513673],[674.9830261230469,270.4892044067383],[674.5916137695312,270.8712142944336],[674.1987731933594,271.25179595947264],[673.8031555175781,271.62987823486327],[673.4056335449219,272.00571899414064],[673.0061279296875,272.37917938232425],[672.6041625976562,272.7505569458008],[672.2003723144531,273.1194747924805],[671.7943603515625,273.4859329223633],[671.3861267089844,273.8502883911133],[670.9756713867188,274.21206512451175],[670.5633911132812,274.5714614868164],[670.1484924316406,274.9283584594727],[669.7319274902344,275.28279571533204],[669.3130615234376,275.6344757080078],[668.89189453125,275.9839141845703],[668.4687438964844,276.33057556152346],[668.0435302734376,276.67451934814454],[667.6160949707031,277.01610260009767],[667.1864379882812,277.3548492431641],[666.7550354003906,277.6910171508789],[666.3210144042969,278.0243682861328],[665.8854064941406,278.35496215820314],[665.4474975585938,278.6828582763672],[665.0074066162109,279.0080368041992],[664.5655303955078,279.3304183959961],[664.1213134765625,279.64976501464844],[663.6752716064453,279.9664733886719],[663.2270080566407,280.28022613525394],[662.7770385742188,280.5909637451172],[662.3248077392578,280.89918212890626],[661.8707122802734,281.2040679931641],[661.4147521972657,281.50623626708983],[660.9566101074219,281.80546875],[660.496762084961,282.10154724121094],[660.0350891113281,282.3949478149414],[659.5711151123047,282.6851547241211],[659.105633544922,282.9723663330078],[658.6383270263672,283.25672149658203],[658.1689971923828,283.537744140625],[657.6979217529297,283.8160095214844],[657.2252197265625,284.0912399291992],[656.7506134033204,284.36321716308595],[656.2741424560547,284.6324371337891],[655.7962432861328,284.89842376708987],[655.316439819336,285.16123657226564],[654.8351287841797,285.4211730957031],[654.3521514892578,285.6780151367188],[653.8674682617187,285.93162384033207],[653.381039428711,286.1823959350586],[652.8933410644531,286.4300537109375],[652.4039764404297,286.6743194580078],[651.9129455566407,286.9158081054688],[651.4207244873047,287.15428161621094],[650.9268371582032,287.38950195312503],[650.4313232421875,287.6217071533203],[649.9346588134766,287.8508972167969],[649.4366058349609,288.0770919799805],[648.9369659423828,288.30001373291014],[648.4360565185547,288.5199996948242],[647.9339965820312,288.7370300292969],[647.4304290771485,288.95108489990236],[646.9256317138672,289.16186676025393],[646.4197631835938,289.36971282958984],[645.9123474121094,289.57476196289065],[645.4041381835938,289.77671661376957],[644.8943817138672,289.9755569458008],[644.38359375,290.17144165039065],[643.871694946289,290.364469909668],[643.3588043212891,290.554621887207],[642.8446044921875,290.7417388916016],[642.3295715332032,290.9257217407227],[641.8133880615235,291.1069671630859],[641.2962524414063,291.28539581298827],[640.7781646728516,291.4609878540039],[640.2591247558594,291.6336441040039],[639.7389739990234,291.8032852172852],[639.2179107666016,291.9701690673828],[638.6961730957031,292.13423614501954],[638.1735229492188,292.2955856323242],[637.6498016357422,292.4542572021484],[637.1254455566407,292.6100326538086],[636.6002960205078,292.76285247802736],[636.0740356445312,292.9131134033203],[635.5473388671875,293.0605773925781],[635.019808959961,293.20540313720704],[634.4914855957031,293.3476104736328],[633.962567138672,293.4871200561524],[633.432974243164,293.62403106689453],[632.9025482177734,293.75818481445316],[632.3714477539063,293.8897201538086],[631.8398712158204,294.0186172485352],[631.3075805664063,294.14497528076174],[630.7747741699219,294.26879425048827],[630.2414123535157,294.3900939941406],[629.7072967529297,294.5089141845703],[629.1727447509766,294.6252349853516],[628.6376770019532,294.7390762329102],[628.1020141601563,294.8504974365234],[627.5659545898437,294.9594390869141],[627.0293792724609,295.0659805297852],[626.4922882080078,295.17006225585936],[625.954721069336,295.27172393798827],[625.416796875,295.3710052490234],[624.8782775878907,295.4679656982422],[624.3395599365234,295.5625854492188],[623.8004852294922,295.6548843383789],[623.2608947753906,295.7449417114258],[622.7207885742188,295.8327377319336],[622.1804443359375,295.9182525634766],[621.6399017333985,296.00152587890625],[621.0988037109375,296.08263702392577],[620.5575469970703,296.1615264892578],[620.0158538818359,296.2382537841797],[619.473764038086,296.3128387451172],[618.9316345214844,296.3852813720703],[618.3891876220704,296.45558166503906],[617.8463439941406,296.52381896972656],[617.3032623291016,296.58997344970703],[616.7600219726563,296.65406494140626],[616.2163452148437,296.7161331176758],[615.6726287841797,296.77607879638674],[615.1284759521485,296.83213653564457],[614.5838470458984,296.8844650268555],[614.0390197753907,296.93320312500003],[613.4939544677735,296.97924346923827],[612.9485321044922,297.0229034423828],[612.4031494140626,297.0640243530274],[611.8575286865234,297.10308227539065],[611.3117095947266,297.14096984863284],[610.7658905029297,297.1770919799805],[610.219873046875,297.2118057250977],[609.6737365722656,297.2452896118164],[609.1276397705078,297.27752380371095],[608.5815032958984,297.3086669921875],[608.0351684570313,297.3388977050781],[607.4889526367188,297.36793823242186],[606.9428161621094,297.39656219482424],[606.3963226318359,297.42373809814455],[605.8499877929688,297.4508941650391],[605.3034942626954,297.4765029907227],[604.757080078125,297.5019332885742],[604.2105072021485,297.52664947509766],[603.6640136718751,297.55051269531253],[603.1175201416016,297.57437591552736],[602.5708679199219,297.5969497680664],[602.0242950439454,297.6193649291992],[601.4776428222657,297.6414825439453],[600.9308715820313,297.6625885009766],[600.3842987060547,297.68369445800784],[599.8376861572266,297.70422515869143],[599.2908752441407,297.72412109375],[598.7442230224609,297.7440170288086],[598.1976501464844,297.76323852539065],[597.6508392333984,297.7820037841797],[597.1041473388672,297.80076904296874],[596.5572967529297,297.8189193725586],[596.0104064941406,297.8366333007813],[595.4636749267578,297.8543472290039],[594.9170227050781,297.8716049194336],[594.3701324462891,297.88836669921875],[593.8233612060548,297.9051086425781],[593.2766296386719,297.92151336669923],[592.7296997070313,297.9369262695313],[592.1828887939454,297.9523193359375],[591.636117553711,297.96773223876954],[591.0891479492187,297.9831451416016],[590.5423767089844,297.9985580444336],[589.9955657958984,298.01395111083986],[589.4484771728515,298.028630065918],[588.9016662597656,298.04243621826174],[588.3548156738282,298.05626220703124],[587.8078063964844,298.0700881958008],[587.2609954833985,298.08389434814455],[586.714144897461,298.09772033691405],[586.167333984375,298.1115264892578],[585.6204040527344,298.12501525878906],[585.0735137939454,298.13743286132814],[584.5266632080078,298.1498306274414],[583.9796142578125,298.1622482299805],[583.432763671875,298.17466583251957],[582.885873413086,298.18706359863285],[582.3388641357423,298.19948120117186],[581.7919738769532,298.21189880371094],[581.2451232910156,298.2236022949219],[580.6980743408203,298.23477020263675],[580.1511840820312,298.2459381103516],[579.6042938232422,298.25708618164066],[579.0572448730469,298.2682540893555],[578.5103546142578,298.2794219970703],[577.9634643554688,298.2905899047852],[577.4163757324219,298.3017379760742],[576.8694854736328,298.31240997314455],[576.3225555419922,298.3224670410156],[575.7755065917969,298.33250427246094],[575.2285766601562,298.34256134033205],[574.6816467285156,298.3525985717774],[574.1345977783203,298.36263580322264],[573.5876678466797,298.37269287109376],[573.0407379150391,298.3827301025391],[572.4936889648437,298.39278717041014],[571.9467987060547,298.4019515991211],[571.3998687744141,298.4109771728516],[570.8527404785157,298.42002258300784],[570.305810546875,298.4290481567383],[569.7588806152344,298.43809356689457],[569.2117919921875,298.44711914062503],[568.6648620605469,298.45616455078124],[568.1179321289063,298.4651901245117],[567.5710021972657,298.47423553466797],[567.0237548828126,298.482487487793],[566.4767852783203,298.4906005859375],[565.9298553466797,298.498713684082],[565.3827270507812,298.50684661865233],[564.8357971191407,298.5149597167969],[564.2888671875,298.52307281494143],[563.7417388916016,298.53120574951174],[563.1948089599609,298.53931884765626],[562.6478393554688,298.5474319458008],[562.100830078125,298.55522766113285],[561.5539001464844,298.56250762939453],[561.0069305419922,298.5697875976563],[560.4598022460938,298.57708740234375],[559.9128326416015,298.5843673706055],[559.3658630371094,298.5916473388672],[558.8187744140625,298.5989471435547],[558.2718048095703,298.6062271118164],[557.7248352050782,298.61352691650393],[557.1777069091797,298.6208068847656],[556.6306579589844,298.6277099609375],[556.0836883544922,298.63425598144534],[555.5365600585938,298.64078216552736],[554.9895904541016,298.6473083496094],[554.4426208496094,298.6538345336914],[553.8954925537109,298.6603607177735],[553.3485229492188,298.6669067382813],[552.8015533447266,298.6734329223633],[552.2544250488281,298.6799591064453],[551.707455444336,298.68648529052734],[551.1604858398438,298.69291229248046],[550.6133178710937,298.6987442016602],[550.0663482666016,298.70457611083987],[549.5193786621094,298.71040802001954],[548.9724090576173,298.7162399291992],[548.4252807617188,298.7220718383789],[547.878271484375,298.7279037475586],[547.3313018798829,298.7337356567383],[546.7841735839844,298.739567565918],[546.2372039794922,298.74539947509766],[545.6901947021485,298.75123138427733],[545.14306640625,298.75682525634767],[544.5960968017579,298.7620223999024],[544.0490875244141,298.76719970703124],[543.5019592285156,298.77239685058595],[542.9549896240235,298.77759399414066],[542.4079803466797,298.7827713012695],[541.8608520507813,298.78796844482423],[541.3138824462891,298.79314575195315],[540.7668731689454,298.7983428955078],[540.2197448730469,298.8035202026367],[539.6727355957031,298.80871734619143],[539.1258056640626,298.81383514404297],[538.5786773681641,298.81841735839845],[538.0316680908203,298.8230194091797],[537.4846984863282,298.82762145996094],[536.9375305175781,298.8322036743164],[536.390560913086,298.8368057250977],[535.8435516357422,298.8413879394531],[535.2964233398437,298.8459899902344],[534.7494140625,298.85059204101566],[534.2024444580078,298.8551742553711],[533.6552764892579,298.85977630615236],[533.1083068847656,298.86435852050784],[532.5613372802735,298.8687026977539],[532.0141693115235,298.8727493286133],[531.4671600341798,298.87679595947264],[530.9201904296875,298.88084259033207],[530.3731811523438,298.88488922119143],[529.8260131835938,298.8889358520508],[529.2790435791015,298.89298248291016],[528.7320343017578,298.8970291137695],[528.1849060058594,298.90105590820315],[527.6378967285157,298.9051025390625],[527.0908874511719,298.9091491699219],[526.5437591552735,298.91319580078124],[525.9965911865235,298.9170639038086],[525.4496215820312,298.9205947875977],[524.9024536132813,298.9241256713867],[524.3554443359375,298.9276565551758],[523.8084747314454,298.93118743896486],[523.2613067626953,298.9347183227539],[522.7142974853516,298.9382690429688],[522.1673278808594,298.9417999267578],[521.6201599121094,298.94533081054686],[521.0731506347656,298.94886169433596],[520.5261413574219,298.952392578125],[519.9790130615235,298.9559234619141],[519.4320037841798,298.95945434570314],[518.8848358154297,298.96260833740234],[518.3380249023438,298.96566314697264],[517.7908569335938,298.968717956543],[517.2436889648437,298.9717727661133],[516.6968383789062,298.9748275756836],[516.1496704101563,298.9778625488281],[515.6025421142579,298.9809173583985],[515.0556915283204,298.9839721679688],[514.5085235595703,298.9870269775391],[513.9613555908203,298.9900817871094],[513.4145446777344,298.9931365966797],[512.8673767089844,298.99619140625003],[512.3202087402344,298.99924621582034],[511.7734375,299.0017654418945],[511.2263092041016,299.00416564941406],[510.6791412353516,299.0065658569336],[510.1322906494141,299.00896606445315],[509.5851226806641,299.0113464355469],[509.0379547119141,299.01374664306644],[508.49110412597656,299.0161468505859],[507.9439361572266,299.0185272216797],[507.39680786132817,299.0209274291992],[506.84995727539064,299.02332763671876],[506.30278930664065,299.0257278442383],[505.75562133789066,299.02810821533205],[505.2087707519531,299.0305084228516],[504.66160278320314,299.0329086303711],[504.11443481445315,299.03528900146483],[503.56758422851567,299.0376892089844],[503.0204559326172,299.0400894165039],[502.47360534667973,299.04246978759767],[501.9264373779297,299.0448699951172],[501.3792694091797,299.04727020263675],[500.8324188232422,299.0496505737305],[500.28525085449223,299.05205078125],[499.7380828857422,299.05445098876953],[499.19127197265624,299.0568511962891],[498.64410400390625,299.0592315673828],[498.09693603515626,299.06163177490237],[497.5500854492188,299.0640319824219],[497.0028778076172,299.0661346435547],[496.4557098388672,299.0679397583008],[495.9088592529297,299.0697448730469],[495.3616912841797,299.0715301513672],[494.8145233154297,299.0733352661133],[494.2676727294922,299.0751205444336],[493.7205047607422,299.0769256591797],[493.1733367919922,299.07873077392577],[492.62652587890625,299.0805160522461],[492.07935791015626,299.0823211669922],[491.5321899414063,299.0841064453125],[490.98533935546874,299.0859115600586],[490.43817138671875,299.0876968383789],[489.89100341796876,299.089501953125],[489.3442321777344,299.09124755859375],[488.7970642089844,299.09267578125],[488.24989624023436,299.09410400390624],[487.7030456542969,299.0955322265625],[487.1558776855469,299.096940612793],[486.60874938964844,299.0983688354492],[486.06189880371096,299.0997970581055],[485.514730834961,299.10122528076175],[484.9675628662109,299.10265350341797],[484.42071228027345,299.10408172607424],[483.87354431152346,299.10550994873046],[483.3263763427735,299.10693817138673],[482.77952575683594,299.108366394043],[482.23235778808595,299.1097946166992],[481.68518981933596,299.1112228393555],[481.1384582519531,299.11243286132816],[480.59129028320314,299.11334533691405],[480.04412231445315,299.1142578125],[479.4972717285156,299.11517028808595],[478.9501037597656,299.1160827636719],[478.4029754638672,299.11699523925785],[477.8561248779297,299.11790771484374],[477.3089569091797,299.1188003540039],[476.7617889404297,299.11971282958984],[476.2149383544922,299.1206253051758],[475.6677703857422,299.12153778076174],[475.1206024169922,299.1224502563477],[474.5737518310547,299.1233627319336],[474.0265838623047,299.12427520751953],[473.4794158935547,299.1251876831055],[472.9325653076172,299.12610015869143],[472.3853973388672,299.1270126342774],[471.8382293701172,299.12792510986327],[471.2913787841797,299.1288177490234],[470.7442108154297,299.1297302246094],[470.1970428466797,299.1306427001953],[469.6501922607422,299.1315551757813],[469.1030242919922,299.1324676513672],[468.5558563232422,299.1333801269531],[468.0090057373047,299.13429260253906],[467.4618377685547,299.135205078125],[466.9146697998047,299.13611755371096],[466.3678192138672,299.1370300292969],[465.8206512451172,299.1379425048828],[465.2738006591797,299.13883514404296],[464.7266326904297,299.1397476196289],[464.17938537597655,299.1403030395508],[463.6325347900391,299.14060058593753],[463.0853668212891,299.14087829589846],[462.5381988525391,299.1411758422852],[461.99134826660156,299.1414535522461],[461.4441802978516,299.1417510986328],[460.8970123291016,299.14202880859375],[460.35016174316405,299.14232635498047],[459.80299377441406,299.1426040649414],[459.2558258056641,299.1429016113281],[458.7089752197266,299.1431793212891],[458.16180725097655,299.1434768676758],[457.61463928222656,299.14375457763674],[457.0677886962891,299.14405212402346],[456.5206207275391,299.1443298339844],[455.97345275878905,299.1446273803711],[455.4266021728516,299.14490509033203],[454.8794342041016,299.14520263671875],[454.3322662353516,299.1454803466797],[453.78541564941406,299.1457778930664],[453.2382476806641,299.1460556030274],[452.6910797119141,299.1463531494141],[452.14422912597655,299.146630859375],[451.59706115722656,299.14692840576174],[451.0498931884766,299.14720611572267],[450.5030426025391,299.1475036621094],[449.95587463378905,299.1477813720703],[449.40870666503906,299.14807891845703],[448.8618560791016,299.14835662841796],[448.3146881103516,299.1486541748047],[447.76752014160155,299.14893188476566],[447.2206695556641,299.1492294311524]], bounds=3000, full_zoom=0.22, max_episode_steps=2500 ) Malaysia = RaceTrack( name='Malaysia', xy=[[211.03458251953126,304.0676696777344],[210.38558349609374,304.12461547851564],[209.73656616210937,304.18154296874997],[209.08756713867186,304.2384887695312],[208.43856811523438,304.29543457031247],[207.78955078125,304.35236206054685],[207.140625,304.4101867675781],[206.49173583984376,304.468359375],[205.84282836914062,304.52651367187497],[205.19393920898438,304.5846862792969],[204.54505004882813,304.6428588867187],[203.8961975097656,304.70152587890624],[203.24739990234374,304.7608337402344],[202.59860229492188,304.8201599121094],[201.9498046875,304.8794677734375],[201.301025390625,304.9387756347656],[200.65224609375,304.9982666015625],[200.0035400390625,305.05865478515625],[199.35485229492187,305.1190246582031],[198.70616455078124,305.1794128417969],[198.05745849609374,305.2398010253906],[197.4087707519531,305.3001708984375],[196.76015625,305.36143798828124],[196.11156005859374,305.4228149414062],[195.46296386718748,305.48419189453125],[194.81434936523436,305.5455688476562],[194.1657531738281,305.6069641113281],[193.5172119140625,305.6689086914062],[192.86868896484376,305.731201171875],[192.22018432617188,305.7935119628906],[191.5716796875,305.85582275390624],[190.92315673828125,305.9181335449219],[190.27467041015623,305.9807189941406],[189.62623901367186,306.0438720703125],[188.97782592773436,306.1070251464844],[188.32939453125,306.17017822265626],[187.68096313476562,306.2333312988281],[187.03253173828125,306.29652099609376],[186.38417358398436,306.36046142578124],[185.7358154296875,306.42438354492185],[185.08747558593748,306.4883239746094],[184.43911743164062,306.55226440429686],[183.79075927734374,306.6161865234375],[183.1424560546875,306.68067626953126],[182.49417114257812,306.7452941894531],[181.84588623046875,306.80993041992184],[181.19760131835938,306.8745666503906],[180.54931640625,306.93920288085934],[179.90106811523438,307.004150390625],[179.2528564453125,307.0694274902344],[178.60462646484373,307.1346862792969],[177.95641479492187,307.19996337890626],[177.3081848144531,307.2652221679687],[176.6599914550781,307.3306640625],[176.01183471679687,307.396728515625],[175.3636962890625,307.46279296874997],[174.7155578613281,307.528857421875],[174.06741943359376,307.5948852539062],[173.41928100585938,307.66094970703125],[172.771142578125,307.7270141601562],[172.1230041503906,307.79307861328124],[171.47484741210937,307.85914306640626],[170.826708984375,307.9251708984375],[170.1785705566406,307.99123535156247],[169.53048706054688,308.05784912109374],[168.88244018554687,308.1247192382812],[168.234375,308.19158935546875],[167.58630981445313,308.2584594726562],[166.93826293945312,308.32532958984376],[166.29019775390626,308.39219970703124],[165.64215087890625,308.4590698242187],[164.99408569335938,308.52593994140625],[164.34602050781248,308.5928100585937],[163.6979736328125,308.65968017578126],[163.0499267578125,308.72662353515625],[162.40191650390625,308.79400634765625],[161.75390625,308.86142578125],[161.1059143066406,308.92880859375],[160.45790405273436,308.99619140625],[159.8098937988281,309.06357421875],[159.16190185546876,309.13099365234376],[158.5138916015625,309.19837646484376],[157.86588134765626,309.26575927734376],[157.21788940429687,309.33314208984376],[156.56987915039062,309.40052490234376],[155.92188720703123,309.4680541992187],[155.27391357421874,309.5356201171875],[154.62592163085938,309.6031860351562],[153.9779296875,309.67078857421876],[153.3299560546875,309.7383544921875],[152.68197326660155,309.80592041015626],[152.03399047851562,309.87352294921874],[151.38599853515623,309.9410888671875],[150.7380157470703,310.00865478515624],[150.09003295898438,310.0762573242187],[149.44205017089843,310.14382324218747],[148.7940673828125,310.2113891601562],[148.14608459472655,310.27899169921875],[147.49810180664062,310.3465576171875],[146.8501190185547,310.41412353515625],[146.2021270751953,310.4817260742187],[145.55414428710938,310.5492919921875],[144.90616149902343,310.61689453125],[144.2581787109375,310.68446044921876],[143.6101867675781,310.7520263671875],[142.9622039794922,310.81962890625],[142.31420288085937,310.88701171875],[141.66617431640626,310.9541748046875],[141.0181457519531,311.02137451171876],[140.37012634277343,311.0885375976562],[139.72209777832032,311.1557373046875],[139.07406921386718,311.222900390625],[138.4260498046875,311.29006347656247],[137.77802124023438,311.3572631835937],[137.12999267578124,311.42442626953124],[136.48197326660156,311.49158935546876],[135.83394470214844,311.5587890625],[135.18586120605468,311.6253662109375],[134.5377685546875,311.6918701171875],[133.88966674804686,311.7583740234375],[133.24157409667967,311.8249145507812],[132.5934814453125,311.89141845703125],[131.9453887939453,311.9579223632812],[131.29729614257812,312.02442626953126],[130.6491943359375,312.09093017578124],[130.0011016845703,312.157470703125],[129.3530090332031,312.223974609375],[128.7048797607422,312.29014892578124],[128.0566864013672,312.35570068359374],[127.40849304199219,312.42128906249997],[126.76030883789062,312.48684082031247],[126.11211547851562,312.55239257812497],[125.46392211914062,312.61794433593747],[124.81572875976562,312.68349609374997],[124.16753540039062,312.74904785156247],[123.51934204101562,312.81459960937497],[122.87115783691405,312.88015136718747],[122.22296447753905,312.94570312499997],[121.57469787597655,313.01055908203125],[120.92642211914062,313.0751953125],[120.27813720703125,313.1398681640625],[119.62985229492188,313.2045043945312],[118.9815673828125,313.26917724609376],[118.33324584960937,313.333447265625],[117.6848876953125,313.3973876953125],[117.03653869628906,313.46132812499997],[116.38818054199218,313.5253051757812],[115.73983154296874,313.58924560546876],[115.09146423339844,313.6530029296875],[114.44303283691406,313.71617431640624],[113.79461059570312,313.779345703125],[113.14617919921875,313.84251708984374],[112.49774780273437,313.9056884765625],[111.84932556152343,313.96885986328124],[111.20082092285156,314.0312255859375],[110.55230712890625,314.0935546875],[109.90380249023437,314.1558837890625],[109.25528869628906,314.218212890625],[108.60677490234374,314.28054199218747],[107.95821533203124,314.3422485351562],[107.30960998535156,314.403662109375],[106.66101379394532,314.46507568359374],[106.01241760253906,314.5264526367187],[105.3638214111328,314.5878662109375],[104.7151885986328,314.648876953125],[104.06649169921874,314.7093017578125],[103.41780395507813,314.7696899414062],[102.76910705566407,314.8301147460937],[102.12041931152343,314.8905029296875],[101.4717315673828,314.9509643554687],[100.8230712890625,315.0116455078125],[100.17440185546874,315.07236328125],[99.52574157714844,315.13304443359374],[98.87710876464844,315.19420166015624],[98.22858581542968,315.2563110351562],[97.58005371093749,315.31845703125],[96.93153076171875,315.38060302734374],[96.28306274414062,315.44329833984375],[95.63464965820312,315.50661621093747],[94.98622741699218,315.56993408203124],[94.33781433105469,315.633251953125],[93.68945617675782,315.6971923828125],[93.04113464355468,315.76142578125],[92.39281311035155,315.82569580078126],[91.74449157714844,315.8899291992187],[91.0962432861328,315.954931640625],[90.44800415039062,316.02004394531247],[89.79977416992188,316.08515625],[89.15153503417969,316.1502685546875],[88.5032958984375,316.215380859375],[87.85506591796874,316.28052978515626],[87.20682678222656,316.34564208984375],[86.55859680175782,316.41079101562497],[85.91039428710937,316.4762329101562],[85.26219177246094,316.54163818359376],[84.61398925781249,316.60708007812497],[83.96577758789063,316.6725219726562],[83.31757507324218,316.73792724609376],[82.66937255859375,316.80336914062497],[82.02116088867187,316.8688110351562],[81.37293090820312,316.934033203125],[80.72469177246093,316.999072265625],[80.07644348144531,317.06407470703124],[79.42819519042969,317.1291137695312],[78.77991027832032,317.19374999999997],[78.13160705566406,317.25816650390624],[77.48330383300781,317.3225830078125],[76.83500061035156,317.3869995117187],[76.18662872314452,317.4507568359375],[75.53823852539062,317.5143310546875],[74.88984832763671,317.57790527343747],[74.24145812988282,317.6414794921875],[73.59296264648437,317.703955078125],[72.94446716308593,317.7664306640625],[72.29596710205078,317.82890625],[71.64745330810547,317.8911987304687],[70.99882507324219,317.95228271484376],[70.35020141601562,318.0134033203125],[69.70157318115234,318.07448730468747],[69.0529083251953,318.1351684570312],[68.40412902832031,318.19464111328125],[67.7553497314453,318.2541137695312],[67.10657043457032,318.31358642578124],[66.45774993896484,318.3724731445312],[65.80884704589843,318.43055419921876],[65.15989379882812,318.4881591796875],[64.51090393066406,318.5452514648437],[63.86185913085937,318.6017211914062],[63.21277770996093,318.6577514648437],[62.563623046874994,318.7129760742187],[61.91444091796875,318.76787109375],[61.26517639160156,318.8218505859375],[60.615893554687496,318.875537109375],[59.96651916503906,318.92812499999997],[59.31713104248047,318.98056640625],[58.66765594482422,319.03176269531247],[58.018157958984375,319.0828125],[57.36855010986328,319.13250732421875],[56.71894226074219,319.18201904296876],[56.06922454833984,319.23024902343747],[55.41951141357422,319.27818603515624],[54.7696792602539,319.3248779296875],[54.11982421875,319.37109375],[53.46987762451172,319.4162109375],[52.819908142089844,319.4606689453125],[52.169847106933595,319.5040649414062],[51.51974945068359,319.54665527343747],[50.86957855224609,319.588330078125],[50.219357299804685,319.6289794921875],[49.569071960449214,319.6688598632812],[48.91874542236328,319.70745849609375],[48.26834564208984,319.7454345703125],[47.617872619628905,319.7819458007812],[46.96736297607422,319.81798095703124],[46.31678466796875,319.8522583007812],[45.66616516113281,319.8863159179687],[45.01544952392578,319.9182861328125],[44.36472015380859,319.9500366210937],[43.71391296386719,319.97984619140624],[43.06306457519531,320.00917968749997],[42.412156677246095,320.03671875],[41.761207580566406,320.0635620117187],[41.110208129882814,320.0887939453125],[40.459153747558595,320.113037109375],[39.808067321777344,320.13588867187497],[39.15691223144531,320.15745849609374],[38.505743408203124,320.1778564453125],[37.854515075683594,320.1966064453125],[37.2032730102539,320.2145141601562],[36.551964569091794,320.23040771484375],[35.90065383911133,320.2456787109375],[35.24928588867187,320.2591186523437],[34.59791107177734,320.27113037109376],[33.94648818969726,320.2815673828125],[33.29505615234375,320.2905029296875],[32.6435920715332,320.2979370117187],[31.992132568359374,320.3038330078125],[31.340631866455077,320.308154296875],[30.689151763916016,320.31093749999997],[30.037648773193357,320.31207275390625],[29.386164093017577,320.31163330078124],[28.73466339111328,320.30950927734375],[28.083180999755857,320.3057006835937],[27.431698608398438,320.3001708984375],[26.78022994995117,320.29295654296874],[26.128797912597655,320.2840209960937],[25.47737045288086,320.27314453125],[24.82602310180664,320.2604736328125],[24.174666595458984,320.2460083007812],[23.52338104248047,320.2297119140625],[22.872134399414062,320.211474609375],[22.221098327636717,320.18800048828126],[21.57194595336914,320.13369140624997],[20.92657241821289,320.0452514648437],[20.28636245727539,319.9247680664062],[19.6525520324707,319.7742919921875],[19.025990295410157,319.5959106445312],[18.407381057739258,319.39171142578124],[17.797214126586912,319.1634887695312],[17.195923233032225,318.9128173828125],[16.603770446777343,318.6411987304687],[16.020915985107422,318.35020751953124],[15.447457122802733,318.0410888671875],[14.88361701965332,317.7147583007812],[14.329267501831055,317.37249755859375],[13.784592819213866,317.0151123046875],[13.249567794799804,316.64337158203125],[12.724227905273438,316.25811767578125],[12.208732223510742,315.859716796875],[11.70300521850586,315.4490478515625],[11.207305526733398,315.0262939453125],[10.721709823608398,314.5920043945312],[10.246373748779297,314.14647216796874],[9.781650924682618,313.6899169921875],[9.327840042114257,313.2224853515625],[8.885263824462891,312.74443359375],[8.454478454589843,312.2556884765625],[8.036112213134766,311.7563232421875],[7.63271312713623,311.2447998046875],[7.25570068359375,310.71357421875],[6.907074737548828,310.1633056640625],[6.586581230163574,309.5961547851562],[6.293369293212891,309.01442871093747],[6.026745986938477,308.42006835937497],[5.785212707519531,307.81505126953124],[5.567764091491699,307.20095214843747],[5.3726554870605465,306.5793823242187],[5.198682975769043,305.9515869140625],[5.044163131713867,305.318701171875],[4.907675170898437,304.6816955566406],[4.787855529785156,304.04132080078125],[4.683246517181396,303.39830932617184],[4.592645931243896,302.7531372070312],[4.514430999755859,302.1063537597656],[4.447588634490967,301.4583068847656],[4.391082000732422,300.8092895507812],[4.34344367980957,300.15953979492184],[4.30376443862915,299.50925903320314],[4.270963668823242,298.8585754394531],[4.2438689231872555,298.20765380859376],[4.221526622772217,297.55653076171876],[4.202465343475342,296.90529785156247],[4.198899936676026,296.2538818359375],[4.227810859680176,295.60308837890625],[4.287072658538818,294.9543823242187],[4.374743556976318,294.3088439941406],[4.488785076141357,293.66746215820314],[4.627509498596191,293.0309326171875],[4.789435386657715,292.3999328613281],[4.973245239257812,291.7749389648437],[5.1777849197387695,291.1564086914062],[5.402076530456543,290.54474487304685],[5.645258331298828,289.9403869628906],[5.906667137145996,289.34364624023436],[6.1857147216796875,288.7549621582031],[6.481942749023437,288.1747375488281],[6.794987297058105,287.60341186523436],[7.12463264465332,287.04149780273434],[7.470771217346191,286.4895812988281],[7.833407020568847,285.94835815429684],[8.212699127197265,285.4187072753906],[8.608876991271972,284.9015441894531],[9.022252464294434,284.3980407714844],[9.450409698486327,283.9069885253906],[9.888031768798827,283.42437744140625],[10.336199569702147,282.9515441894531],[10.796106719970703,282.49013671874997],[11.26870994567871,282.04172973632814],[11.754874420166015,281.6080810546875],[12.25524444580078,281.1908935546875],[12.770235443115235,280.7919067382812],[13.299919509887696,280.4126770019531],[13.844147872924804,280.0546142578125],[14.402421569824218,279.7188720703125],[14.973945236206054,279.4062561035156],[15.55777015686035,279.1172241210937],[16.15272216796875,278.8518493652344],[16.757640838623047,278.6100219726562],[17.371189498901366,278.391064453125],[17.99219627380371,278.19420776367184],[18.619503021240234,278.01844482421876],[19.25211181640625,277.86280517578126],[19.889062499999998,277.7260070800781],[20.52955856323242,277.6068969726562],[21.172895050048826,277.5043029785156],[21.818502044677732,277.4169982910156],[22.466349792480468,277.34857177734375],[23.116207122802734,277.3027038574219],[23.767240905761717,277.27906494140626],[24.418709564208985,277.2773803710937],[25.069862365722656,277.29713745117186],[25.720081329345703,277.3376953125],[26.36872100830078,277.39830322265624],[27.0153076171875,277.4780639648437],[27.65934906005859,277.5760986328125],[28.300538635253904,277.6914916992187],[28.938590240478515,277.82297973632814],[29.573384857177732,277.9695739746094],[30.204753112792968,278.1302124023437],[30.832665252685544,278.30381469726564],[31.45718307495117,278.48935546875],[32.07834548950195,278.68577270507814],[32.69633102416992,278.8920227050781],[33.311283874511716,279.1071350097656],[33.92341232299805,279.33019409179684],[34.53293380737305,279.5602294921875],[35.140113830566406,279.79639892578126],[35.74509887695312,280.038134765625],[36.34845886230469,280.28391723632814],[36.95022811889648,280.533544921875],[37.550804901123044,280.7860473632812],[38.150491333007814,281.04063720703124],[38.749488830566406,281.29689331054686],[39.34828491210937,281.5535888671875],[39.94703063964844,281.8103942871094],[40.546014404296876,282.06663208007814],[41.1454833984375,282.3218078613281],[41.74584503173828,282.5747497558594],[42.347250366210936,282.82529296875],[42.94998779296875,283.0725952148437],[43.554345703125,283.31590576171874],[44.16033782958984,283.55507812499997],[44.768412780761714,283.7889953613281],[45.37861175537109,284.0171813964844],[45.99118194580078,284.2390502929687],[46.60627899169922,284.45375976562497],[47.223944091796874,284.6609619140625],[47.84424591064453,284.8600708007812],[48.467404174804685,285.0501342773437],[49.093336486816405,285.23082275390624],[49.72203826904297,285.4015869140625],[50.354855346679685,285.5563659667969],[50.99220428466797,285.69127807617184],[51.63334350585937,285.80678100585936],[52.277609252929686,285.9034057617187],[52.924443054199216,285.9809875488281],[53.57324523925781,286.03978271484374],[54.22353973388672,286.07880249023435],[54.874736022949214,286.0979370117187],[55.526188659667966,286.0961608886719],[56.17721099853515,286.07215576171876],[56.826910400390624,286.0244567871094],[57.47425231933594,285.95126953125],[58.11781311035156,285.8503784179687],[58.7558853149414,285.71905517578125],[59.38601531982422,285.55400390625],[60.00511322021484,285.35143432617184],[60.60879364013672,285.1068603515625],[61.19137115478515,284.8156494140625],[61.751417541503905,284.4830383300781],[62.29037933349609,284.11717529296874],[62.807455444335936,283.7209899902344],[63.30236663818359,283.297412109375],[63.77469177246093,282.8487854003906],[64.2240737915039,282.3771606445312],[64.65015106201172,281.88438720703124],[65.05245208740234,281.3720397949219],[65.43051452636719,280.8415100097656],[65.78368835449218,280.29413452148435],[66.11125946044922,279.7310302734375],[66.41235809326172,279.153369140625],[66.68598175048828,278.5621765136719],[66.93097229003907,277.9585693359375],[67.14602966308594,277.3436645507812],[67.32852172851562,276.7183410644531],[67.46118621826172,276.08067626953124],[67.5521987915039,275.43565063476564],[67.61254577636718,274.78699951171876],[67.64862213134765,274.1365539550781],[67.66482238769531,273.4852661132812],[67.66309661865235,272.8337951660156],[67.64556427001953,272.1825439453125],[67.61317749023438,271.53187866210936],[67.56608734130859,270.8821105957031],[67.50472869873046,270.23349609375],[67.4287628173828,269.58649291992185],[67.33687591552734,268.94152221679684],[67.22821655273437,268.29920654296876],[67.09983673095702,267.6604797363281],[66.94871063232422,267.0267883300781],[66.76832885742188,266.4008422851562],[66.54852905273437,265.78773193359376],[66.29336242675781,265.18829956054685],[66.01620941162109,264.59873657226564],[65.71905212402343,264.01898803710935],[65.40439453124999,263.44859619140624],[65.07408599853515,262.88701171875],[64.72991638183593,262.33388671874997],[64.37352447509765,261.7885437011719],[64.00646667480468,261.2502868652344],[63.63009338378906,260.7185119628906],[63.245521545410156,260.1926330566406],[62.854147338867186,259.6718078613281],[62.45690002441406,259.15546875],[62.05470428466796,258.6428649902344],[61.64856719970703,258.13348388671875],[61.239088439941405,257.62677612304685],[60.82758636474609,257.12169799804684],[60.41456909179687,256.61781005859376],[60.0010025024414,256.11439819335936],[59.587353515625,255.61107788085937],[59.174574279785155,255.1070617675781],[58.763529968261714,254.60158081054686],[58.35471496582031,254.094287109375],[57.94953460693359,253.5841552734375],[57.548675537109375,253.07061767578125],[57.153080749511716,252.55294189453124],[56.763876342773436,252.03046874999998],[56.38197326660156,251.502685546875],[56.00913848876953,250.96843872070312],[55.64652099609375,250.42716064453123],[55.295695495605464,249.87822875976562],[54.95834197998047,249.32091064453124],[54.62731475830078,248.75971069335935],[54.29457550048828,248.199609375],[53.96016082763672,247.64047851562498],[53.624176025390625,247.08231811523436],[53.286415100097656,246.52518310546873],[52.947514343261716,245.96878051757812],[52.60733184814453,245.41320190429687],[52.26633911132812,244.85804443359373],[51.92425689697266,244.3035461425781],[51.58130035400391,243.74967041015623],[51.23799133300781,243.19595947265623],[50.89468231201172,242.64226684570312],[50.55118103027343,242.0886291503906],[50.207666015625,241.53506469726562],[49.86415100097656,240.98150024414062],[49.52157897949218,240.4273498535156],[49.17974853515625,239.872705078125],[48.83877410888672,239.31756591796875],[48.499369812011714,238.7614562988281],[48.16124725341797,238.2045959472656],[47.825253295898435,237.64639892578123],[47.49119567871094,237.0870849609375],[47.15975646972656,236.52619628906248],[46.83075714111328,235.96389770507812],[46.504833984375,235.39973144531248],[46.18200531005859,234.83388061523436],[45.862664794921876,234.2659973144531],[45.547018432617186,233.69608154296873],[45.235226440429685,233.12404174804686],[44.927764892578125,232.54965820312498],[44.62438201904297,231.97311401367188],[44.326011657714844,231.3939697265625],[44.03192138671875,230.8126281738281],[43.74304962158203,230.22864990234373],[43.459295654296874,229.64221801757813],[43.1807373046875,229.05327758789062],[42.907511901855464,228.46182861328126],[42.63976593017578,227.86790771484374],[42.377655029296875,227.27147827148437],[42.121115112304686,226.6726318359375],[41.87016906738281,226.0713684082031],[41.624977111816406,225.46777954101563],[41.38556213378906,224.86188354492188],[41.151754760742186,224.25380859375],[40.923728942871094,223.6434814453125],[40.701351928710935,223.03112182617187],[40.484335327148436,222.41683959960938],[40.2719009399414,221.80096435546875],[40.06391143798828,221.18351440429686],[39.86041259765625,220.5646545410156],[39.66177062988281,219.94418334960938],[39.467481994628905,219.32235717773438],[39.2783203125,218.69888305664062],[39.093685913085935,218.07409057617187],[38.91407775878906,217.44786987304687],[38.73937225341797,216.8202392578125],[38.569560241699214,216.19123535156248],[38.405067443847656,215.56087646484374],[38.24536056518554,214.92925415039062],[38.09137802124023,214.29620361328125],[37.94224548339844,213.66201782226562],[37.798764038085935,213.026513671875],[37.6607780456543,212.3898193359375],[37.52836532592773,211.7518798828125],[37.40163803100586,211.112841796875],[37.2806900024414,210.472705078125],[37.165610504150386,209.83141479492187],[37.05650939941406,209.18909912109373],[36.95352401733398,208.54583129882812],[36.856787109375,207.90157470703124],[36.76635589599609,207.25636596679686],[36.68235855102539,206.61031494140624],[36.60490493774414,205.96342163085936],[36.53413009643555,205.3157958984375],[36.47014846801758,204.66747436523437],[36.413090515136716,204.01843872070313],[36.36309356689453,203.3688720703125],[36.32038192749023,202.71879272460936],[36.28501052856445,202.06825561523436],[36.25711212158203,201.41735229492187],[36.23683319091797,200.76617431640625],[36.224317932128905,200.11483154296874],[36.219712829589845,199.46334228515624],[36.223166656494136,198.81183471679688],[36.23496322631836,198.16047363281248],[36.25513229370117,197.50927734375],[36.283827209472655,196.85842895507812],[36.31784591674805,196.20780029296876],[36.352054595947266,195.5572082519531],[36.38626327514648,194.9066162109375],[36.42046966552734,194.25602416992186],[36.45514755249023,193.60543212890624],[36.489891815185544,192.95487670898436],[36.5246337890625,192.3043029785156],[36.55937805175781,191.65374755859375],[36.59520492553711,191.00321044921876],[36.63118286132812,190.3527099609375],[36.66825714111328,189.70228271484373],[36.70549392700195,189.05185546875],[36.744101715087886,188.4014465332031],[36.782929229736325,187.75111083984373],[36.822930908203126,187.10088500976562],[36.864019775390624,186.45069580078123],[36.90620498657226,185.80052490234374],[36.94956893920898,185.15046386718748],[36.99418487548828,184.5005126953125],[37.040139770507814,183.850634765625],[37.08750686645508,183.200830078125],[37.136366271972655,182.55119018554686],[37.186798095703125,181.90166015625],[37.23888473510742,181.25223999023436],[37.29270858764648,180.60294799804686],[37.348340606689455,179.9538391113281],[37.405870056152345,179.30489501953124],[37.465379333496095,178.65611572265624],[37.52694396972656,178.00753784179688],[37.590650939941405,177.35916137695312],[37.65658264160156,176.71102294921874],[37.72482833862305,176.0630859375],[37.79546127319336,175.41544189453126],[37.86857299804687,174.76807250976563],[37.94397811889648,174.12094116210938],[38.0222900390625,173.47413940429686],[38.10333251953125,172.82772216796874],[38.187199401855466,172.18165283203123],[38.27397766113281,171.535986328125],[38.363765716552734,170.89066772460936],[38.45663909912109,170.2458251953125],[38.55270538330078,169.60145874023436],[38.65204010009766,168.957568359375],[38.754739379882814,168.314208984375],[38.8609130859375,167.67141723632812],[38.970620727539064,167.02924804687498],[39.08399505615234,166.38770141601563],[39.201123046875,165.74679565429688],[39.32208251953125,165.10662231445312],[39.446983337402344,164.46721801757812],[39.575921630859376,163.82861938476563],[39.70900268554687,163.19086303710938],[39.8463134765625,162.55400390625],[39.98796844482422,161.91807861328124],[40.13404998779297,161.2831787109375],[40.284672546386716,160.6493408203125],[40.43993682861328,160.0166015625],[40.59993438720703,159.38505249023436],[40.764775085449216,158.75478515625],[40.93456878662109,158.12578125],[41.10940246582031,157.49818725585936],[41.289381408691405,156.87203979492188],[41.474597167968746,156.24744873046873],[41.6651870727539,155.6244140625],[41.86018524169922,155.00277099609374],[42.056776428222655,154.38165893554688],[42.25484619140625,153.76100463867186],[42.45454559326172,153.1408721923828],[42.655828857421874,152.52123413085937],[42.858769226074216,151.90215454101562],[43.06343078613281,151.2836700439453],[43.2699234008789,150.66573486328124],[43.47828369140625,150.04844970703124],[43.688584899902345,149.43185119628905],[43.901023864746094,148.815966796875],[44.11568756103515,148.20081481933593],[44.332507324218746,147.58645935058593],[44.551588439941405,146.972900390625],[44.77298126220703,146.3602111816406],[44.99679107666015,145.7483184814453],[45.22305450439453,145.1373779296875],[45.45185394287109,144.52740783691405],[45.683294677734374,143.91838989257812],[45.917596435546876,143.31046142578126],[46.1546630859375,142.70363159179686],[46.39454956054687,142.09795532226562],[46.637370300292964,141.49336853027344],[46.88328552246094,140.89005432128906],[47.132286071777344,140.28803100585938],[47.38441772460937,139.68732604980468],[47.63978576660156,139.08790283203123],[47.898477172851564,138.48999938964843],[48.1606201171875,137.89358825683593],[48.42621917724609,137.29866943359374],[48.695306396484376,136.70531616210937],[48.968005371093746,136.11363830566407],[49.244485473632814,135.52376403808594],[49.52471923828125,134.93558349609376],[49.80876159667969,134.34923400878907],[50.09665374755859,133.76484374999998],[50.38868408203125,133.18245849609374],[50.68476104736328,132.60212402343748],[50.98493499755859,132.02388610839844],[51.28926086425781,131.4478546142578],[51.59799041748047,130.87413940429687],[51.911077880859374,130.3028137207031],[52.228564453124996,129.73387756347657],[52.55046844482422,129.16751403808593],[52.87705993652344,128.603759765625],[53.208306884765626,128.0427703857422],[53.54422302246093,127.48451843261718],[53.88481750488281,126.9291778564453],[54.230351257324216,126.37688598632812],[54.580824279785155,125.8276885986328],[54.936204528808595,125.281640625],[55.29654235839843,124.7388702392578],[55.662052917480466,124.19956970214844],[56.03271331787109,123.66380310058594],[56.408514404296874,123.13157958984374],[56.789469909667964,122.60308227539062],[57.17581329345703,122.07854919433593],[57.56817626953125,121.5584747314453],[57.96909027099609,121.0449005126953],[58.37741546630859,120.53724975585936],[58.79225463867187,120.0349365234375],[59.21292572021484,119.53748474121093],[59.63883819580078,119.04444580078125],[60.069488525390625,118.55559997558593],[60.504400634765624,118.0705352783203],[60.94322662353515,117.589013671875],[61.38569641113281,117.11076049804687],[61.83146667480469,116.63564758300781],[62.28056945800781,116.16371154785156],[62.73261566162109,115.69457702636718],[63.187399291992186,115.22806091308593],[63.64495697021484,114.76429138183593],[64.10505065917968,114.30303955078125],[64.56744689941407,113.84410400390625],[65.03240661621093,113.38770446777343],[65.49943084716797,112.93348388671875],[65.96873474121094,112.48157043457032],[66.44008026123046,112.0317901611328],[66.91345825195312,111.58418884277343],[67.38880920410156,111.13870239257812],[67.86608276367187,110.69523010253906],[68.34528350830078,110.25380859375],[68.82626495361328,109.81439208984375],[69.30909576416015,109.37697143554688],[69.79368896484375,108.94153747558593],[70.28003997802735,108.5080078125],[70.7681396484375,108.07650146484374],[71.2578369140625,107.64683532714844],[71.74936981201172,107.21922912597655],[72.24242248535155,106.79337158203124],[72.73733367919921,106.36967468261719],[73.23374633789062,105.94775390625],[73.73189849853516,105.52791137695313],[74.23167572021484,105.1099365234375],[74.7330825805664,104.69396667480468],[75.23621063232422,104.28004760742188],[75.74084930419922,103.8680419921875],[76.24736938476562,103.45824279785155],[76.75536346435547,103.05037536621093],[77.26519775390625,102.64475097656249],[77.77664794921874,102.24119567871094],[78.28987426757813,101.83985595703125],[78.80482177734375,101.44077758789062],[79.32147216796875,101.04390563964843],[79.84002685546875,100.64952392578125],[80.36029357910157,100.25731201171875],[80.88251953125,99.86785583496093],[81.40647583007812,99.48066101074218],[81.93255615234375,99.09639587402343],[82.46044921875,98.71452026367187],[82.99053955078125,98.33575744628907],[83.52244262695312,97.95963134765624],[84.05675354003905,97.58683776855469],[84.59305114746094,97.21687316894531],[85.13174743652344,96.85050659179687],[85.67266845703125,96.48738098144531],[86.21602478027343,96.1279815673828],[86.76184387207032,95.772216796875],[87.31027221679688,95.42057189941406],[87.86141967773438,95.07320251464843],[88.4154052734375,94.73032836914062],[88.97230224609375,94.39218749999999],[89.53228454589843,94.059228515625],[90.09546203613282,93.73174438476562],[90.66204528808593,93.41018371582031],[91.23226318359374,93.09494018554688],[91.80623474121093,92.78673706054687],[92.3841796875,92.48608703613282],[92.9663818359375,92.19375],[93.55317077636718,91.91060485839843],[94.14476623535155,91.63781433105468],[94.74158020019532,91.37656860351562],[95.34396972656249,91.12835998535157],[95.95220947265625,90.89506530761719],[96.56679382324218,90.67889099121093],[97.18370361328125,90.46944580078124],[97.80064086914062,90.25998229980469],[98.41754150390625,90.050537109375],[99.03444213867188,89.84109191894531],[99.65135192871094,89.63164672851562],[100.2682891845703,89.42218322753907],[100.88518981933593,89.21273803710938],[101.502099609375,89.00329284667968],[102.11900024414062,88.79384765625],[102.73593749999999,88.58438415527344],[103.35283813476562,88.37493896484375],[103.96974792480468,88.16549377441406],[104.58662109375,87.95603027343749],[105.20347595214844,87.74631042480469],[105.82029418945312,87.5365997314453],[106.43710327148438,87.32688903808594],[107.05392150878906,87.11717834472655],[107.67076721191405,86.90745849609375],[108.28758544921875,86.69774780273437],[108.90439453124999,86.488037109375],[109.52121276855469,86.27833557128906],[110.13805847167968,86.06860656738282],[110.75487670898437,85.85890502929688],[111.37168579101562,85.6491943359375],[111.9885040283203,85.43948364257812],[112.60526733398437,85.22953491210937],[113.22192077636718,85.0193389892578],[113.83857421875,84.80914306640625],[114.45521850585938,84.59895629882813],[115.07190856933593,84.38875122070313],[115.68856201171874,84.17855529785156],[116.30520629882812,83.96836853027344],[116.92185974121094,83.75817260742187],[117.53854064941406,83.54796752929687],[118.15519409179687,83.33778076171875],[118.77184753417968,83.12758483886718],[119.38849182128905,82.91739807128906],[120.00511779785155,82.7070098876953],[120.62152404785155,82.49609985351562],[121.23793029785156,82.28519897460937],[121.85433654785156,82.07428894042968],[122.47077026367187,81.86336975097656],[123.08717651367186,81.65245971679687],[123.70358276367188,81.44155883789062],[124.31998901367187,81.23064880371093],[124.93643188476562,81.01972961425781],[125.55283813476562,80.80882873535155],[126.16924438476562,80.59791870117188],[126.78565063476562,80.38700866699219],[127.402001953125,80.17585144042968],[128.01817932128907,79.96425476074218],[128.63434753417968,79.75265808105469],[129.2505157470703,79.54106140136719],[129.8667205810547,79.32945556640625],[130.4828887939453,79.11785888671875],[131.09896545410155,78.90599670410155],[131.7149871826172,78.69385070800782],[132.33097229003906,78.48172302246094],[132.94695739746092,78.26958618164062],[133.5629425048828,78.05745849609374],[134.17896423339843,77.84531249999999],[134.79479370117187,77.632763671875],[135.41057739257812,77.42003173828125],[136.02636108398437,77.20730895996094],[136.64217224121094,76.99456787109375],[137.2579559326172,76.78184051513672],[137.87373046874998,76.56910858154296],[138.48932189941405,76.35574493408203],[139.1049041748047,76.14234924316406],[139.720458984375,75.92896270751953],[140.3360137939453,75.715576171875],[140.95156860351562,75.50219421386718],[141.56707763671875,75.28861999511719],[142.18238525390623,75.07452392578125],[142.7976837158203,74.86042785644531],[143.4129913330078,74.64633178710938],[144.02833557128906,74.43222198486328],[144.6436340332031,74.21812591552734],[145.25878601074217,74.0035903930664],[145.87381896972656,73.78872528076171],[146.48889770507813,73.57385101318359],[147.1039306640625,73.35899047851562],[147.7189727783203,73.14412536621093],[148.33401489257812,72.92926025390625],[148.94884643554687,72.71362152099609],[149.56359558105467,72.49794158935546],[150.1783447265625,72.28225708007812],[150.79310302734373,72.06657257080077],[151.40788879394532,71.85087890625],[152.02255554199218,71.63495178222657],[152.63699340820312,71.41840209960937],[153.2514404296875,71.20185241699218],[153.8659240722656,70.98528900146484],[154.48037109375,70.76873931884765],[155.09481811523438,70.55218963623047],[155.70904541015625,70.33504943847656],[156.3231994628906,70.11757507324218],[156.9373352050781,69.90011444091796],[157.55145263671875,69.68265380859374],[158.16557006835936,69.46519317626952],[158.77972412109375,69.247705078125],[159.3935119628906,69.02929229736328],[160.0072998046875,68.81087951660156],[160.62108764648437,68.59246673583984],[161.23489379882812,68.37404022216796],[161.848681640625,68.15562744140625],[162.4623779296875,67.9369400024414],[163.07589111328124,67.71779022216796],[163.68945922851563,67.49862670898438],[164.302880859375,67.27920227050781],[164.91622924804688,67.05954437255859],[165.52959594726562,66.83987731933594],[166.14276123046875,66.61967468261719],[166.7558166503906,66.39924774169921],[167.36889038085937,66.17882080078125],[167.981982421875,65.95838470458985],[168.59505615234374,65.73796234130859],[169.2081115722656,65.51751251220703],[169.82080078125,65.29604187011718],[170.43352661132812,65.07455749511719],[171.04621582031248,64.85308685302734],[171.65890502929688,64.6316162109375],[172.27159423828124,64.41014556884765],[172.88422851562498,64.18842315673828],[173.49662475585936,63.96615142822265],[174.10902099609373,63.743884277343746],[174.72134399414062,63.521383666992186],[175.3335754394531,63.29855804443359],[175.94578857421874,63.075750732421874],[176.5578186035156,62.85250396728515],[177.16973876953125,62.628877258300776],[177.78167724609375,62.40524139404297],[178.3935791015625,62.18161468505859],[179.00548095703124,61.957987976074214],[179.61740112304688,61.73436126708984],[180.22906494140625,61.509928894042964],[180.84056396484374,61.28520355224609],[181.45206298828126,61.060482788085935],[182.06356201171874,60.83575744628906],[182.67511596679688,60.61102294921875],[183.28661499023437,60.386297607421874],[183.89774780273436,60.16064758300781],[184.50884399414062,59.93482360839843],[185.1199768066406,59.7089859008789],[185.73107299804687,59.48315734863281],[186.34216918945313,59.25733337402343],[186.95328369140626,59.03150482177734],[187.56403198242188,58.80466918945312],[188.17470703125,58.57773284912109],[188.78547363281248,58.350773620605466],[189.39614868164062,58.12384185791015],[190.00684204101563,57.89690551757812],[190.6175354003906,57.66996917724609],[191.22793579101562,57.442309570312496],[191.83831787109375,57.21454925537109],[192.44869995117188,56.98678894042968],[193.058935546875,56.75855255126953],[193.6691711425781,56.53021545410156],[194.27935180664062,56.3019058227539],[194.8892578125,56.07296447753906],[195.49910888671874,55.84383087158203],[196.10897827148438,55.614697265625],[196.71884765625,55.385563659667966],[197.3287170410156,55.15643463134766],[197.93858642578124,54.927301025390626],[198.54830932617188,54.69767761230469],[199.15786743164062,54.467733764648436],[199.76742553710938,54.237789916992185],[200.3769287109375,54.007589721679686],[200.9862854003906,53.77710113525391],[201.59564208984375,53.546617126464845],[202.20490722656248,53.31589050292968],[202.81402587890625,53.08457794189453],[203.42308959960937,52.85328826904297],[204.03213500976562,52.622003173828126],[204.64118041992188,52.39071350097656],[205.250244140625,52.159428405761716],[205.85928955078126,51.928138732910156],[206.46806030273436,51.69614868164062],[207.07681274414062,51.46406707763672],[207.68563842773438,51.23196258544922],[208.29422607421876,50.99955596923828],[208.90279541015624,50.76695251464844],[209.51134643554687,50.53435363769531],[210.11980590820312,50.301562499999996],[210.72815551757813,50.068450927734375],[211.3365234375,49.83533477783203],[211.94485473632812,49.60218200683594],[212.55309448242187,49.368534851074216],[213.16124267578124,49.134910583496094],[213.7694091796875,48.901286315917964],[214.37737426757812,48.667108154296876],[214.9850830078125,48.43233947753906],[215.59257202148436,48.19691162109375],[216.19967651367188,47.96058197021484],[216.80652465820313,47.723551940917964],[217.4130615234375,47.485711669921876],[218.01925048828124,47.24703369140625],[218.62543945312498,47.008355712890626],[219.23111572265626,46.768350219726564],[219.83659057617186,46.52786865234375],[220.44208374023438,46.28724060058594],[221.04686279296874,46.04501037597656],[221.65166015625,45.80278015136719],[222.25621948242187,45.55985870361328],[222.86032104492188,45.315957641601564],[223.46442260742188,45.072052001953125],[224.06802978515626,44.82697448730469],[224.6714904785156,44.58145751953125],[225.27491455078123,44.33582611083984],[225.877734375,44.08875732421875],[226.4805725097656,43.84169311523437],[227.0832275390625,43.59400177001953],[227.6854248046875,43.34544982910156],[228.28764038085936,43.09689788818359],[228.889453125,42.84729309082031],[229.491064453125,42.59732208251953],[230.09263916015624,42.347268676757814],[230.69370117187498,42.09593811035156],[231.29476318359374,41.84460296630859],[231.89564208984373,41.59273681640625],[232.49615478515625,41.340110778808594],[233.09666748046874,41.08748016357422],[233.69679565429686,40.833961486816406],[234.29679565429686,40.5801040649414],[234.89675903320312,40.326177978515624],[235.4962646484375,40.07114868164062],[236.0958251953125,39.81609191894531],[236.69512939453125,39.56064147949218],[237.29415893554688,39.304508972167966],[237.8931884765625,39.048381042480464],[238.49188842773435,38.791497802734376],[239.090478515625,38.53431701660156],[239.6890686035156,38.27707214355468],[240.28721923828124,38.01891403198242],[240.88544311523435,37.76072616577148],[241.48346557617185,37.502210998535155],[242.08121337890623,37.24313049316406],[242.6789794921875,36.984049987792964],[243.27643432617185,36.72438125610351],[243.87381591796873,36.46444473266602],[244.4711975097656,36.204480743408205],[245.06823120117187,35.943747711181636],[245.66533813476562,35.682987213134766],[246.26228027343748,35.421977233886714],[246.85900268554687,35.16051177978515],[247.45572509765623,34.89904632568359],[248.05224609375,34.63710479736328],[248.64865722656248,34.3749641418457],[249.24506835937498,34.11280059814453],[249.84111328125,33.849771881103514],[250.4372131347656,33.586711120605464],[251.03323974609373,33.32368011474609],[251.62926635742187,33.06065139770508],[252.22529296874998,32.797620391845705],[252.8210266113281,32.53392791748047],[253.4166320800781,32.269919586181636],[254.01221923828123,32.00591125488281],[254.60782470703123,31.741902923583982],[255.20348510742187,31.477864837646482],[255.7989990234375,31.213600158691406],[256.39427490234374,30.948857116699216],[256.9895324707031,30.68411407470703],[257.5848083496094,30.419371032714842],[258.1800842285156,30.154625701904294],[258.7753601074219,29.889882659912107],[259.37037963867186,29.62451705932617],[259.96543579101564,29.35912628173828],[260.56043701171876,29.093765258789062],[261.1554382324219,28.828406524658202],[261.750439453125,28.563045501708984],[262.3454223632812,28.297686767578124],[262.94042358398434,28.032325744628906],[263.53542480468747,27.766964721679688],[264.1304260253906,27.501605987548828],[264.72548217773436,27.236215209960935],[265.3204833984375,26.970854187011717],[265.91546630859375,26.705481719970702],[266.5104675292969,26.440109252929688],[267.10545043945314,26.174736785888673],[267.70045166015626,25.909362030029296],[268.29543457031247,25.64398956298828],[268.89049072265624,25.37858734130859],[269.48549194335936,25.113214874267577],[270.0804748535156,24.847842407226562],[270.67547607421875,24.582467651367185],[271.270458984375,24.31709518432617],[271.86562499999997,24.052104949951172],[272.46088256835935,23.78733215332031],[273.05614013671874,23.522559356689452],[273.65147094726564,23.25775909423828],[274.24672851562497,22.99298629760742],[274.8420776367187,22.728428649902344],[275.4376647949219,22.464381408691406],[276.033251953125,22.200334167480467],[276.6288208007812,21.93628692626953],[277.2244079589844,21.672239685058592],[277.8199951171875,21.408192443847657],[278.41604003906247,21.14505615234375],[279.0120483398437,20.881977081298828],[279.60805664062497,20.618898010253904],[280.2040649414062,20.35582122802734],[280.80007324218747,20.09274215698242],[281.39635620117184,19.830203247070312],[281.9927490234375,19.56800765991211],[282.5891418457031,19.305809783935548],[283.18590087890624,19.044229888916014],[283.78258666992184,18.782704925537107],[284.3793640136719,18.52140083312988],[284.97637939453125,18.260604858398438],[285.5733947753906,17.99980888366699],[286.1706115722656,17.739522171020507],[286.76795654296876,17.479520416259763],[287.3653198242187,17.219519805908202],[287.96312255859374,16.960308837890626],[288.56085205078125,16.701161956787107],[289.15867309570314,16.442303466796876],[289.7568054199219,16.184075546264648],[290.3549377441406,15.9258487701416],[290.9533264160156,15.66825714111328],[291.55186157226564,15.411009979248046],[292.15041503906247,15.153762817382812],[292.74949951171874,14.89749526977539],[293.3485107421875,14.641290664672852],[293.94765014648436,14.385439682006835],[294.547119140625,14.130338287353515],[295.14658813476564,13.875238037109375],[295.74633178710934,13.62092628479004],[296.34629516601564,13.366994476318359],[296.94631347656247,13.113045501708983],[297.54686279296874,12.860316467285156],[298.1473388671875,12.607617187499999],[298.74803466796874,12.355357360839843],[299.34906005859375,12.103960418701172],[299.9501037597656,11.8525634765625],[300.55145874023435,11.602124404907226],[301.1530517578125,11.352085876464843],[301.7547180175781,11.102066802978515],[302.3569702148437,10.853423309326171],[302.9591491699219,10.60480842590332],[303.5615295410156,10.356764602661132],[304.16433105468747,10.109638595581055],[304.7671325683594,9.862513732910156],[305.37041015625,9.616497802734374],[305.9738525390625,9.370927619934081],[306.57738647460934,9.125438690185547],[307.1814697265625,8.88148899078369],[307.7855712890625,8.637538719177245],[308.3899291992187,8.394281387329102],[308.9947265625,8.152012252807618],[309.5994873046875,7.909743690490722],[310.2047973632812,7.668799209594726],[310.81025390625,7.428277015686035],[311.4158203125,7.187884140014648],[312.02186279296876,6.9487358093261715],[312.628125,6.710305595397949],[313.23464355468747,6.472501373291015],[313.84145507812497,6.235321426391601],[314.4485595703125,5.998977470397949],[315.05595703125,5.763456916809082],[315.6636474609375,5.528572082519531],[316.27177734375,5.294657135009765],[316.88624267578126,5.078366088867187],[317.5089477539062,4.8870958328247065],[318.13853759765624,4.719643306732178],[318.77373046875,4.575009155273437],[319.41372070312497,4.4531481742858885],[320.05755615234375,4.354065227508545],[320.70461425781247,4.278580284118652],[321.3541259765625,4.227553653717041],[322.0051025390625,4.202445602416992],[322.65648193359374,4.205177879333496],[323.30712890625,4.238254737854004],[323.955029296875,4.304995536804199],[324.5980590820312,4.409330177307129],[325.23255615234376,4.556348991394043],[325.853759765625,4.752020931243896],[326.45460205078126,5.003296279907226],[327.024755859375,5.317791366577148],[327.56228027343747,5.685596466064453],[328.0761474609375,6.085986328125],[328.5673095703125,6.513849449157715],[329.0370849609375,6.9651185989379885],[329.4864990234375,7.436783409118652],[329.9164306640625,7.926145935058593],[330.32786865234374,8.431323623657226],[330.72125244140625,8.950608444213866],[331.0971313476562,9.482667160034179],[331.4560180664062,10.026427459716796],[331.7980224609375,10.58086051940918],[332.12310791015625,11.145386123657227],[332.43142089843747,11.719338226318358],[332.7226318359375,12.302030181884765],[332.99644775390624,12.893273162841796],[333.25220947265626,13.492435455322266],[333.48940429687497,14.099166870117188],[333.70697021484375,14.713216781616211],[333.9038452148437,15.33420524597168],[334.07860107421874,15.961808395385741],[334.229443359375,16.59556732177734],[334.35695800781247,17.234537887573243],[334.4801513671875,17.874269485473633],[334.60338134765624,18.514001083374023],[334.7252197265625,19.153989028930663],[334.8468017578125,19.794026184082032],[334.968017578125,20.434133148193357],[335.0880615234375,21.074462127685546],[335.20814208984376,21.714793395996093],[335.327197265625,22.355355834960935],[335.4457763671875,22.99596405029297],[335.5642456054687,23.636599731445312],[335.6814331054687,24.277468872070312],[335.798583984375,24.918338012695312],[335.9150756835937,25.559344482421874],[336.0308349609375,26.200465393066406],[336.14663085937497,26.841586303710937],[336.26125488281247,27.482986450195312],[336.3756958007812,28.124345397949217],[336.48980712890625,28.765729522705076],[336.6030029296875,29.4073127746582],[336.71619873046876,30.048893737792966],[336.8285888671875,30.690589141845702],[336.94057617187497,31.33238525390625],[337.052490234375,31.974220275878906],[337.16334228515626,32.6162841796875],[337.27419433593747,33.25827484130859],[337.3845703125,33.90033874511719],[337.49432373046875,34.54251708984375],[337.6040771484375,35.18469772338867],[337.71295166015625,35.82700424194336],[337.82164306640624,36.46936340332031],[337.9301513671875,37.11178207397461],[338.03785400390626,37.75437698364258],[338.145556640625,38.3969009399414],[338.25274658203125,39.03949127197266],[338.3595703125,39.68216400146484],[338.4663940429687,40.32484130859375],[338.5719360351562,40.967724609375],[338.67747802734374,41.61061248779297],[338.78298339843747,42.253500366210936],[338.888525390625,42.89645690917968],[338.99403076171876,43.539344787597656],[339.0984741210937,44.1823974609375],[339.2024780273437,44.82552795410156],[339.3064819335937,45.46866302490234],[339.4104858398437,46.11179809570312],[339.5144897460937,46.75492858886719],[339.61787109375,47.39816436767578],[339.72059326171876,48.041578674316405],[339.8233154296875,48.68491973876953],[339.92603759765626,49.328260803222655],[340.028759765625,49.971597290039064],[340.1312255859375,50.615020751953125],[340.2328857421875,51.258531188964845],[340.3345458984375,51.90204162597656],[340.4362060546875,52.54562072753906],[340.53786621093747,53.18913116455078],[340.6394897460937,53.8326416015625],[340.7403076171875,54.47624816894531],[340.84112548828125,55.119886779785155],[340.941943359375,55.763529968261714],[341.0427612304687,56.40716857910156],[341.14357910156247,57.050811767578125],[341.2438110351562,57.69464263916015],[341.3437866210937,58.338409423828125],[341.443798828125,58.98218078613281],[341.5437744140625,59.6259521484375],[341.64375,60.269718933105466],[341.74376220703124,60.913490295410156],[341.84373779296874,61.55726165771484],[341.94374999999997,62.20102844238281],[342.04376220703125,62.844873046874994],[342.14373779296875,63.488644409179685],[342.24364013671874,64.1324249267578],[342.34328613281247,64.7762466430664],[342.44293212890625,65.42007293701171],[342.54254150390625,66.06389923095703],[342.6421875,66.70772552490234],[342.74183349609376,67.35154724121094],[342.8414794921875,67.99544677734374],[342.9410888671875,68.63927307128905],[343.0407348632812,69.28309936523438],[343.140380859375,69.92692108154297],[343.2400268554687,70.57074737548828],[343.3400390625,71.2145004272461],[343.44019775390626,71.85824432373046],[343.5403564453125,72.50198822021484],[343.6405517578125,73.14580535888672],[343.74071044921874,73.78954467773437],[343.840869140625,74.43328857421875],[343.94102783203124,75.07703247070312],[344.0411865234375,75.7207763671875],[344.14134521484374,76.36452026367188],[344.2415405273437,77.00826416015624],[344.3418823242187,77.65199890136718],[344.4430297851562,78.29566955566406],[344.544140625,78.93926696777343],[344.64525146484374,79.58285522460938],[344.74636230468747,80.22645263671875],[344.84747314453125,80.87005004882812],[344.949462890625,81.51349182128907],[345.05152587890626,82.15693359375],[345.15355224609374,82.80038452148438],[345.255615234375,83.4438995361328],[345.35767822265626,84.08735046386718],[345.46051025390625,84.7306915283203],[345.56370849609374,85.37395935058593],[345.6669067382812,86.01722717285156],[345.770068359375,86.66048583984374],[345.8732666015625,87.30375366210937],[345.97705078125,87.94695739746093],[346.081640625,88.59000549316406],[346.1861938476562,89.23304443359375],[346.2907470703125,89.87609252929687],[346.3953369140625,90.51913146972656],[346.50010986328124,91.1621612548828],[346.6058349609375,91.80501708984374],[346.71156005859376,92.44786376953125],[346.81776123046876,93.09070129394532],[346.924365234375,93.73341064453125],[347.0309326171875,94.37611999511718],[347.1383422851562,95.01867370605468],[347.2458251953125,95.66123657226562],[347.3536376953125,96.30379028320313],[347.4620727539062,96.94618835449218],[347.5705078125,97.58858642578124],[347.679638671875,98.23092041015624],[347.7890991210937,98.87314453124999],[347.8986328125,99.51541442871094],[348.0091918945312,100.15745544433594],[348.1197509765625,100.79949645996093],[348.2307861328125,101.44144592285156],[348.3424438476562,102.08329467773437],[348.4541015625,102.72514343261719],[348.566748046875,103.36682739257812],[348.6796142578125,104.00846557617187],[348.7927001953125,104.65005798339844],[348.9068115234375,105.29147644042969],[349.02088623046876,105.93290405273437],[349.13572998046874,106.57421264648437],[349.25112304687497,107.21540222167968],[349.36651611328125,107.856591796875],[349.4832275390625,108.49765319824219],[349.5999755859375,109.13859558105469],[349.7171997070312,109.77945556640624],[349.8353759765625,110.42014160156249],[349.95351562499997,111.06082763671874],[350.0727172851562,111.7012939453125],[350.19232177734375,112.34170532226562],[350.312109375,112.98206176757812],[350.43325195312497,113.62226257324218],[350.55439453125,114.26239013671875],[350.6763061523437,114.90240783691407],[350.7990234375,115.54224243164062],[350.92174072265624,116.18206787109375],[351.04588623046874,116.82162780761718],[351.17021484375,117.46114196777343],[351.29501953125,118.100537109375],[351.4210693359375,118.73979492187499],[351.547119140625,119.37897033691405],[351.674267578125,120.01789855957031],[351.8020751953125,120.65673522949218],[351.9298828125,121.29559936523437],[352.0594848632812,121.93407897949218],[352.1890869140625,122.57254943847656],[352.3194213867187,123.21088256835937],[352.4508911132812,123.8489776611328],[352.58232421875,124.48707275390625],[352.7153686523437,125.12481994628905],[352.84881591796875,125.7625030517578],[352.98310546875,126.40003051757812],[353.11871337890625,127.03722839355468],[353.2555297851562,127.67421569824218],[353.3934814453125,128.31100158691405],[353.53297119140626,128.94732971191405],[353.67381591796874,129.58345642089844],[353.8160888671875,130.21920776367188],[353.95982666015624,130.85460205078124],[354.10521240234374,131.48973083496094],[354.25220947265626,132.12438354492187],[354.4010375976562,132.758642578125],[354.551953125,133.39248962402343],[354.70473632812497,134.0258056640625],[354.8594970703125,134.6586456298828],[355.0162353515625,135.2909912109375],[355.1750244140625,135.9228332519531],[355.3360107421875,136.55410766601562],[355.49970703125,137.1846954345703],[355.6658203125,137.81468811035157],[355.8343139648437,138.4440490722656],[356.00526123046876,139.07268676757812],[356.17877197265625,139.70070190429686],[356.35488281249997,140.3278839111328],[356.53406982421876,140.9542510986328],[356.7160400390625,141.57980346679688],[356.9009765625,142.20452270507812],[357.0889526367187,142.82826232910156],[357.28026123046874,143.45112304687498],[357.474609375,144.07294006347655],[357.672216796875,144.69375],[357.8734130859375,145.31337890625],[358.077978515625,145.93195495605468],[358.285986328125,146.5492950439453],[358.497802734375,147.16543579101562],[358.71331787109375,147.78022155761718],[358.9325317382812,148.39377136230468],[359.1558837890625,149.00581054687498],[359.383154296875,149.61637573242186],[359.6143432617187,150.22543029785155],[359.8498168945312,150.83285522460938],[360.0896850585937,151.43856811523438],[360.33376464843747,152.0426055908203],[360.582275390625,152.64491271972656],[360.835546875,153.24515075683593],[361.09332275390625,153.84347534179688],[361.355712890625,154.4397766113281],[361.6230834960937,155.033935546875],[361.89539794921876,155.62576904296876],[362.17254638671875,156.21535034179686],[362.45478515625,156.80253295898436],[362.74244384765626,157.38707885742187],[363.03526611328124,157.96913452148436],[363.3332885742187,158.54842529296874],[363.6368774414062,159.12484130859374],[363.946142578125,159.69827270507812],[364.2608642578125,160.268701171875],[364.58115234375,160.8360168457031],[364.90748291015626,161.39985351562498],[365.2397094726562,161.96033935546873],[365.577685546875,162.5173095703125],[365.9215942382812,163.0706359863281],[366.27191162109375,163.6198974609375],[366.628271484375,164.16529541015623],[366.99071044921874,164.7066650390625],[367.3593383789062,165.2438232421875],[367.73463134765626,165.7763488769531],[368.1161865234375,166.3044250488281],[368.50404052734376,166.82788696289063],[368.89833984374997,167.3465148925781],[369.2994140625,167.85992431640625],[369.7068603515625,168.36822509765625],[370.1208251953125,168.87132568359374],[370.54127197265626,169.36893310546876],[370.966259765625,169.8627685546875],[371.3921264648437,170.3558349609375],[371.8193115234375,170.84771118164062],[372.24803466796874,171.33828735351562],[372.67873535156247,171.82703247070313],[373.11134033203126,172.3141845703125],[373.545849609375,172.79959716796876],[373.98284912109375,173.2828125],[374.42222900390624,173.76384887695312],[374.8640991210937,174.24268798828123],[375.308935546875,174.71857910156248],[375.7566650390625,175.19183349609375],[376.2073974609375,175.66226806640626],[376.6617919921875,176.12909545898438],[377.119482421875,176.5927551269531],[377.58094482421876,177.05262451171873],[378.0463623046875,177.5085205078125],[378.51551513671876,177.96064453124998],[378.98931884765625,178.40776977539062],[379.4671142578125,178.85068359375],[379.9494140625,179.288671875],[380.4364013671875,179.72144165039063],[380.928076171875,180.14880981445313],[381.42454833984374,180.57061157226562],[381.9260009765625,180.98659057617186],[382.43250732421876,181.39641723632812],[382.94399414062497,181.79994506835936],[383.4605346679687,182.1968994140625],[383.98220214843747,182.58718872070312],[384.50892333984376,182.97057495117187],[385.0407348632812,183.34689331054688],[385.5775634765625,183.71603393554688],[386.11937255859374,184.077685546875],[386.66627197265626,184.4318664550781],[387.2179321289062,184.778466796875],[387.77431640624997,185.11739501953124],[388.33535156249997,185.44859619140624],[388.9008544921875,185.7720520019531],[389.4708984375,186.08748779296874],[390.0450805664062,186.39517822265626],[390.62347412109375,186.69517822265624],[391.2057861328125,186.98735961914062],[391.79197998046874,187.27166748046875],[392.38172607421876,187.54844970703124],[392.97498779296876,187.81754150390626],[393.5716552734375,188.07914428710936],[394.1714721679687,188.3334228515625],[394.77301025390625,188.58358154296874],[395.37608642578124,188.83013305664062],[395.9806274414062,189.07300415039063],[396.586669921875,189.31213989257813],[397.19410400390626,189.5474853515625],[397.803076171875,189.77904052734374],[398.41351318359375,190.0066955566406],[399.02545166015625,190.2302490234375],[399.63878173828124,190.44979248046874],[400.25364990234374,190.66539916992187],[400.8698364257812,190.87695922851563],[401.48741455078124,191.08441772460938],[402.10634765624997,191.2877197265625],[402.7266357421875,191.48684692382812],[403.3483154296875,191.68172607421874],[403.9713134765625,191.87230224609374],[404.595556640625,192.05853881835938],[405.2212646484375,192.240380859375],[405.84814453125,192.41764526367186],[406.476416015625,192.5901672363281],[407.10582275390624,192.75831298828123],[407.73647460937497,192.9216796875],[408.3683349609375,193.08037719726562],[409.00136718749997,193.23431396484375],[409.6355712890625,193.38334350585936],[410.27105712890625,193.52741088867188],[410.90749511718747,193.66651611328123],[411.5449951171875,193.80060424804688],[412.1836303710937,193.92963867187498],[412.8232177734375,194.05352783203125],[413.4638671875,194.17201538085936],[414.10535888671876,194.28519287109376],[414.74791259765624,194.39307861328123],[415.39134521484374,194.4955627441406],[416.03554687499997,194.59251708984374],[416.6806274414062,194.68383178710937],[417.32644042968747,194.76943359375],[417.9730224609375,194.8493408203125],[418.62030029296875,194.92349853515626],[419.26820068359376,194.99183349609373],[419.91668701171875,195.0541259765625],[420.5658325195312,195.11032104492188],[421.21534423828126,195.16047363281248],[421.86533203125,195.20451049804686],[422.51575927734376,195.24237670898438],[423.16644287109375,195.2738525390625],[423.8174560546875,195.29886474609376],[424.46868896484375,195.31744995117188],[425.12014160156247,195.32958984375],[425.7715576171875,195.33517456054688],[426.423046875,195.333984375],[427.0744995117187,195.32598266601562],[427.7258056640625,195.3112609863281],[428.37696533203126,195.28974609374998],[429.02783203125,195.261328125],[429.67833251953124,195.225732421875],[430.32850341796876,195.1830871582031],[430.97805175781247,195.13339233398438],[431.62708740234376,195.07736206054688],[432.2757934570312,195.01693725585938],[432.9240234375,194.95197143554688],[433.5718139648437,194.8824462890625],[434.21901855468747,194.80827026367186],[434.86571044921874,194.72926025390623],[435.5119262695312,194.6454895019531],[436.1572631835937,194.55690307617186],[436.8020874023437,194.46340942382812],[437.44610595703125,194.3649719238281],[438.0892822265625,194.2614990234375],[438.7316528320312,194.15297241210936],[439.37318115234376,194.0392822265625],[440.013720703125,193.9203918457031],[440.65330810546874,193.79622802734374],[441.291796875,193.66673583984374],[441.929150390625,193.53176879882812],[442.56529541015624,193.39132690429688],[443.2002319335937,193.2453186035156],[443.83385009765624,193.09374389648437],[444.4660400390625,192.93651123046874],[445.0968383789062,192.77356567382813],[445.72620849609376,192.60479736328125],[446.35382080078125,192.43024291992188],[446.9798583984375,192.24977416992186],[447.60406494140625,192.0633361816406],[448.2264038085937,191.87074584960936],[448.84691162109374,191.67205810546875],[449.46533203125,191.46727294921874],[450.0817016601562,191.25626220703126],[450.69598388671875,191.03897094726562],[451.30788574218747,190.81541748046874],[451.91748046875,190.58551025390625],[452.5246215820312,190.34921264648438],[453.1291259765625,190.10648803710936],[453.7309936523437,189.85711669921875],[454.3301147460937,189.601171875],[454.92641601562497,189.33865356445312],[455.5197509765625,189.0695068359375],[456.11000976562497,188.79375],[456.69708251953125,188.5113098144531],[457.280859375,188.22216796875],[457.86126708984375,187.92630615234376],[458.438232421875,187.62368774414062],[459.01149902343747,187.314111328125],[459.58106689453126,186.9977600097656],[460.14678955078125,186.67461547851562],[460.70852050781247,186.3447509765625],[461.26625976562497,186.00802001953124],[461.81982421875,185.66451416015624],[462.369140625,185.31419677734374],[462.9140258789062,184.95714111328124],[463.45440673828125,184.59329223632812],[463.9903198242187,184.22265014648437],[464.5213256835937,183.84521484375],[465.0475341796875,183.46109619140626],[465.56883544921874,183.0703125],[466.0850830078125,182.67293701171874],[466.5962036132812,182.2689697265625],[467.10205078125,181.8585021972656],[467.6026977539062,181.44157104492186],[468.09814453125,181.01839599609374],[468.58897705078124,180.59007568359374],[469.07548828125,180.1567199707031],[469.5575317382812,179.71854858398436],[470.03547363281245,179.27578125],[470.5094970703125,178.82880249023438],[470.97967529296875,178.37796020507812],[471.4464111328125,177.9233642578125],[471.90974121093745,177.465234375],[472.36970214843745,177.00382690429686],[472.8265502929687,176.539453125],[473.2803955078125,176.07205810546876],[473.73175048828125,175.60226440429688],[474.18072509765625,175.13014526367186],[474.62742919921874,174.65590209960936],[475.07208251953125,174.17975463867188],[475.5149047851562,173.7018859863281],[475.95607910156247,173.22247924804688],[476.395751953125,172.74169921875],[476.8341430664062,172.259765625],[477.2709594726562,171.77638549804686],[477.70766601562497,171.29296875],[478.1432739257812,170.80852661132812],[478.57844238281245,170.32369995117188],[479.0136840820312,169.83883666992188],[479.4488891601562,169.35401000976563],[479.8842041015625,168.86929321289062],[480.31984863281247,168.3848876953125],[480.7555297851562,167.90051879882813],[481.1927856445312,167.4175598144531],[481.6300415039062,166.934619140625],[482.0687255859375,166.45294189453125],[482.508837890625,165.972509765625],[482.95037841796875,165.493505859375],[483.3935668945312,165.01598510742187],[483.8385498046875,164.54016723632813],[484.28558349609375,164.06621704101562],[484.7347412109375,163.59429931640625],[485.1864990234375,163.12490844726562],[485.6407104492187,162.65789794921875],[486.0978149414062,162.19352416992186],[486.557666015625,161.732080078125],[487.0205932617187,161.2736572265625],[487.48688964843745,160.81865844726562],[487.95648193359375,160.3670471191406],[488.42951660156245,159.91909790039062],[488.9061767578125,159.47499389648436],[489.38690185546875,159.03519287109376],[489.871435546875,158.5997131347656],[490.3599975585937,158.168701171875],[490.8526245117187,157.7424133300781],[491.3496459960937,157.32123413085938],[491.85113525390625,156.90532836914062],[492.356982421875,156.49482421874998],[492.86729736328124,156.08983154296874],[493.382373046875,155.69080810546873],[493.90220947265624,155.29810180664063],[494.42666015624997,154.91163940429686],[494.95583496093747,154.53158569335938],[495.4898803710937,154.15848999023436],[496.02886962890625,153.79251708984376],[496.572509765625,153.43359375],[497.12091064453125,153.08189392089844],[497.6744384765625,152.73815002441407],[498.23261718749995,152.40221557617187],[498.7953369140625,152.07404479980468],[499.36285400390625,151.7540771484375],[499.93516845703124,151.44274291992187],[500.5117309570312,151.13943786621093],[501.09287109375,150.84500427246093],[501.6784423828125,150.55943298339844],[502.26829833984374,150.28271484375],[502.8621459960937,150.01481323242186],[503.4593627929687,149.75445556640625],[504.0596557617187,149.50131225585938],[504.66298828124997,149.2555938720703],[505.26910400390625,149.0167694091797],[505.8779296875,148.78471984863282],[506.48924560546874,148.5595733642578],[507.103125,148.3411102294922],[507.7191650390625,148.12920227050782],[508.33740234375,147.92369384765624],[508.9576538085937,147.72460327148437],[509.58006591796874,147.53197631835937],[510.2043090820312,147.3456024169922],[510.83038330078125,147.16539916992187],[511.4581787109375,146.99132995605467],[512.0876953124999,146.82331237792968],[512.71875,146.66149291992187],[513.3513793945312,146.50578002929686],[513.9854003906249,146.35607299804687],[514.6208129882813,146.21239929199217],[515.2576171874999,146.07469482421874],[515.8956665039062,145.94296875],[516.5349243164062,145.81726684570313],[517.1753540039062,145.69754333496093],[517.816845703125,145.58399047851563],[518.4594360351563,145.47648010253906],[519.102978515625,145.37503051757812],[519.7474731445312,145.27966003417967],[520.3928100585937,145.1904327392578],[521.0389526367187,145.10738525390624],[521.6859375,145.03053588867186],[522.3335815429688,144.95995788574217],[522.981884765625,144.8957061767578],[523.6308471679687,144.83800964355467],[524.2802856445312,144.78677673339843],[524.9302368164062,144.74208984375],[525.5805908203125,144.70403137207032],[526.2313110351562,144.67266540527342],[526.8824340820312,144.64811096191406],[527.5336669921875,144.63045959472655],[528.1850830078125,144.61982116699218],[528.836572265625,144.61651611328125],[529.48798828125,144.62048034667967],[530.1394409179687,144.63184204101563],[530.7906005859375,144.6507110595703],[531.4415771484374,144.67725219726563],[532.0922241210938,144.7115936279297],[532.7423217773437,144.75414733886717],[533.391796875,144.80494079589843],[534.0406127929688,144.86405639648436],[534.6885864257812,144.9316864013672],[535.3355712890625,145.00802307128905],[535.9814208984375,145.09363403320313],[536.6259521484375,145.18842773437498],[537.2690917968749,145.29258728027344],[537.9105834960938,145.4062957763672],[538.5501708984375,145.53034057617188],[539.1876342773437,145.66450195312498],[539.8229370117188,145.80899963378906],[540.4563720703125,145.96119689941406],[541.0887817382812,146.11766052246094],[541.7202026367187,146.2782989501953],[542.3505249023438,146.44326782226562],[542.9795654296875,146.61272277832032],[543.60732421875,146.78685607910157],[544.2338012695312,146.96581420898437],[544.8587036132812,147.14974365234374],[545.482177734375,147.33883666992188],[546.10400390625,147.5331573486328],[546.7239624023438,147.73332824707032],[547.3420898437499,147.93936767578126],[547.958203125,148.15122985839844],[548.5721923828124,148.36907043457032],[549.1838012695313,148.59339294433593],[549.7931030273437,148.82404174804688],[550.3999145507812,149.0610809326172],[551.0039794921875,149.30516052246094],[551.6052612304687,149.55591430664063],[552.2036865234375,149.81360778808593],[552.7988525390625,150.07860717773437],[553.3907958984374,150.35063781738282],[553.9792968749999,150.63003845214843],[554.5642822265625,150.91692810058592],[555.1455322265625,151.2110412597656],[555.7228637695313,151.51302795410155],[556.2962768554687,151.822412109375],[556.8654418945313,152.1393859863281],[557.4302490234375,152.46405944824218],[557.9906982421875,152.79618530273436],[558.5464233398437,153.1361297607422],[559.0975708007812,153.48359069824218],[559.6439208984375,153.83849487304687],[560.1851806640625,154.201025390625],[560.7216430664063,154.5708251953125],[561.25283203125,154.94800415039063],[561.7787475585938,155.33245239257812],[562.2995727539062,155.723876953125],[562.8148681640624,156.12238769531248],[563.3248901367188,156.52781982421874],[563.8295288085938,156.93982543945313],[564.3287109375,157.35845947265625],[564.8223999023437,157.78370361328123],[565.3105590820312,158.21502685546875],[565.793408203125,158.65242919921874],[566.270654296875,159.09591064453124],[566.7424438476562,159.5451416015625],[567.20888671875,159.99999389648437],[567.67001953125,160.46021118164063],[568.1258056640625,160.92566528320313],[568.5763916015625,161.39637451171873],[569.0215942382812,161.87195434570313],[569.4617065429687,162.352294921875],[569.8967651367187,162.83728637695313],[570.3267700195312,163.32665405273437],[570.7518676757812,163.82032470703123],[571.1738159179687,164.31670532226562],[571.5955078124999,164.81328735351562],[572.0172729492188,165.30992431640624],[572.4390014648437,165.80650634765624],[572.8607299804687,166.30308837890624],[573.2824584960937,166.79967041015624],[573.7041503906249,167.29625244140624],[574.12587890625,167.79283447265624],[574.547607421875,168.28941650390624],[574.9692993164062,168.78599853515624],[575.391064453125,169.28263549804686],[575.8127929687499,169.77921752929686],[576.234521484375,170.27579956054686],[576.6562133789063,170.77238159179686],[577.0779418945312,171.26896362304686],[577.49970703125,171.76549072265624],[577.9219482421875,172.26161499023436],[578.344189453125,172.75775756835938],[578.7664672851562,173.253955078125],[579.1887084960937,173.7500793457031],[579.6109497070312,174.24622192382813],[580.0331909179687,174.74234619140626],[580.4554321289062,175.23848876953124],[580.8776733398437,175.73463134765623],[581.2999145507812,176.23075561523436],[581.7221923828125,176.726953125],[582.14443359375,177.22309570312498],[582.5666748046875,177.7192199707031],[582.988916015625,178.21536254882812],[583.4111572265625,178.7115051269531],[583.8333984375,179.20762939453124],[584.2559692382812,179.703515625],[584.6787231445312,180.1992004394531],[585.1015502929687,180.69495849609373],[585.5243041992187,181.19064331054688],[585.9470581054687,181.686328125],[586.3698486328125,182.18203125],[586.7926025390625,182.6777160644531],[587.2153564453125,183.17340087890625],[587.6381103515624,183.66910400390626],[588.0609008789062,184.16478881835937],[588.4836914062499,184.660546875],[588.9064453125,185.1562316894531],[589.3292358398437,185.65191650390625],[589.7519897460937,186.14761962890626],[590.1747436523438,186.64330444335937],[590.597607421875,187.13887939453124],[591.0209106445312,187.63412475585938],[591.4441772460938,188.1293701171875],[591.8675170898438,188.62467041015626],[592.2908203124999,189.11991577148436],[592.7140869140625,189.6151611328125],[593.1373901367188,190.11040649414062],[593.5606567382812,190.60563354492186],[593.9839599609375,191.10087890625],[594.4072631835937,191.59612426757812],[594.8305297851563,192.09136962890625],[595.2538696289063,192.586669921875],[595.6771728515624,193.08191528320313],[596.100439453125,193.57716064453123],[596.5237426757812,194.07240600585936],[596.9470092773437,194.5676513671875],[597.3707885742188,195.06249389648437],[597.7945678710937,195.5572998046875],[598.2183837890625,196.0521057128906],[598.642236328125,196.54696655273438],[599.066015625,197.0417724609375],[599.4898315429688,197.5365783691406],[599.9136108398437,198.03138427734373],[600.3374267578125,198.526171875],[600.7612426757812,199.0209777832031],[601.1850219726563,199.51578369140626],[601.608837890625,200.01058959960938],[602.0326904296875,200.5054504394531],[602.4564697265624,201.00025634765623],[602.8802856445312,201.49506225585938],[603.3040649414062,201.9898681640625],[603.7282104492188,202.48441772460936],[604.1525024414062,202.9787841796875],[604.5768310546874,203.4731689453125],[605.0011596679688,203.96759033203125],[605.42548828125,204.46195678710936],[605.8497802734374,204.95634155273436],[606.274072265625,205.4507080078125],[606.6984008789062,205.94507446289063],[607.1226928710937,206.43945922851563],[607.5469848632812,206.93382568359374],[607.9712768554688,207.42819213867188],[608.3956420898437,207.9226318359375],[608.8199340820312,208.41699829101563],[609.2442626953125,208.91138305664063],[609.6685546875,209.40574951171874],[610.0930664062499,209.9000061035156],[610.5177978515625,210.39391479492187],[610.9426391601562,210.8879150390625],[611.3674072265625,211.38180541992188],[611.7922485351562,211.87582397460938],[612.2169799804688,212.36971435546874],[612.6418212890625,212.86371459960938],[613.066552734375,213.3576232910156],[613.4914306640625,213.85162353515625],[613.9162719726562,214.34564208984375],[614.3410034179688,214.83953247070312],[614.7658447265625,215.33353271484376],[615.190576171875,215.82744140625],[615.6154541015625,216.32144165039062],[616.040185546875,216.81533203125],[616.4650634765625,217.3093505859375],[616.890380859375,217.80294799804688],[617.315625,218.296435546875],[617.7409423828125,218.79003295898437],[618.16611328125,219.28352050781248],[618.5914306640625,219.77711791992186],[619.0166748046875,220.27060546875],[619.4419921875,220.76420288085936],[619.8672363281249,221.2576904296875],[620.2925537109375,221.75130615234374],[620.7177978515625,222.24490356445312],[621.1430419921875,222.73839111328124],[621.568359375,223.23198852539062],[621.993603515625,223.72547607421873],[622.4189208984375,224.2190734863281],[622.844091796875,224.71256103515626],[623.269775390625,225.20592041015624],[623.6955322265625,225.69913330078126],[624.1212158203125,226.1922180175781],[624.54697265625,226.68543090820313],[624.97265625,227.17853393554688],[625.3984130859375,227.67174682617187],[625.8240966796875,228.16484985351562],[626.249853515625,228.65804443359374],[626.675537109375,229.1511474609375],[627.1012939453125,229.64436035156248],[627.52705078125,230.1375732421875],[627.952734375,230.63067626953125],[628.3784912109375,231.12387084960938],[628.8041748046875,231.61697387695312],[629.229931640625,232.1101867675781],[629.655615234375,232.6031982421875],[630.0818115234375,233.0960266113281],[630.5080078125,233.5888732910156],[630.9341308593749,234.081591796875],[631.3603271484375,234.57443847656248],[631.7864501953125,235.06715698242186],[632.212646484375,235.56000366210935],[632.63876953125,236.05272216796874],[633.0649658203125,236.54556884765623],[633.491162109375,237.03841552734374],[633.9172119140625,237.5311340332031],[634.343408203125,238.02398071289062],[634.76953125,238.51669921874998],[635.1957275390624,239.0095458984375],[635.6218505859375,239.50226440429685],[636.048046875,239.99511108398437],[636.47431640625,240.48759155273436],[636.90087890625,240.98007202148438],[637.3275146484375,241.47255249023436],[637.75400390625,241.96494140624998],[638.1806396484375,242.457421875],[638.60712890625,242.94979248046874],[639.0337646484375,243.44229125976562],[639.4602539062499,243.93466186523438],[639.8868896484374,244.42714233398436],[640.3134521484375,244.91962280273435],[640.73994140625,245.41201171875],[641.1665771484375,245.90449218749998],[641.5930664062499,246.39686279296873],[642.0197021484374,246.8893615722656],[642.44619140625,247.38173217773436],[642.8728271484375,247.87421264648435],[643.2996093749999,248.36634521484373],[643.7266113281249,248.85849609374998],[644.1535400390625,249.3506652832031],[644.58046875,249.84270629882812],[645.007470703125,250.33487548828123],[645.434326171875,250.82691650390623],[645.861328125,251.31906738281248],[646.28818359375,251.81112670898438],[646.715185546875,252.30327758789062],[647.1421875,252.79544677734373],[647.56904296875,253.28748779296873],[647.996044921875,253.77963867187498],[648.4229003906249,254.27169799804688],[648.8499023437499,254.76384887695312],[649.2767578125,255.255908203125],[649.703759765625,255.74805908203123],[650.1309814453125,256.23997192382814],[650.558349609375,256.73182983398436],[650.9856445312499,257.2236694335937],[651.412939453125,257.7154174804687],[651.840234375,258.207275390625],[652.2674560546875,258.6990051269531],[652.69482421875,259.19086303710935],[653.1220458984375,259.68261108398434],[653.5494140625,260.1744689941406],[653.976708984375,260.66630859375],[654.4039306640625,261.158056640625],[654.831298828125,261.64991455078126],[655.2585205078125,262.14166259765625],[655.685888671875,262.6335021972656],[656.1131103515625,263.1252502441406],[656.5404052734375,263.6171081542969],[656.967919921875,264.1088012695312],[657.3955078125,264.6002563476562],[657.8231689453124,265.0918395996094],[658.25068359375,265.5832946777344],[658.6783447265625,266.0748779296875],[659.1059326171875,266.5663330078125],[659.53359375,267.0578979492187],[659.9611083984374,267.5493713378906],[660.38876953125,268.0409362792969],[660.8164306640625,268.53251953125],[661.2440185546875,269.023974609375],[661.6716796874999,269.5155578613281],[662.0991943359375,270.0070129394531],[662.52685546875,270.49859619140625],[662.954443359375,270.99005126953125],[663.3821044921875,271.48163452148435],[663.809765625,271.9731994628906],[664.2377197265624,272.4642883300781],[664.6658203124999,272.9554870605469],[665.0937744140625,273.4465759277344],[665.521875,273.93779296875],[665.94990234375,274.4288818359375],[666.3779296875,274.9200805664062],[666.8059570312499,275.4111694335937],[667.233984375,275.90236816406247],[667.6620849609375,276.39356689453126],[668.0901123046875,276.8846740722656],[668.5181396484375,277.37587280273436],[668.9461669921875,277.86696166992186],[669.374267578125,278.3581604003906],[669.8022216796875,278.8492492675781],[670.230322265625,279.34044799804684],[670.658349609375,279.8316650390625],[671.086376953125,280.32275390625],[671.5144775390625,280.81395263671874],[671.9424316406249,281.30504150390624],[672.3705322265624,281.796240234375],[672.798486328125,282.2873291015625],[673.2265869140625,282.77854614257814],[673.654541015625,283.26963500976564],[674.0826416015625,283.7608337402344],[674.5107421875,284.2520324707031],[674.9386962890625,284.7431213378906],[675.366796875,285.23432006835935],[675.79482421875,285.7254272460937],[676.2228515625,286.2166259765625],[676.65087890625,286.70771484375],[677.0789062499999,287.19891357421875],[677.5070068359374,287.6901123046875],[677.9350341796875,288.181201171875],[678.3630615234375,288.6724548339844],[678.779443359375,289.17322998046876],[679.1765624999999,289.6897888183594],[679.557861328125,290.2179748535156],[679.9250244140625,290.75621337890624],[680.2798095703125,291.3027099609375],[680.6224365234375,291.8566040039062],[680.95400390625,292.4176025390625],[681.27451171875,292.9846984863281],[681.584326171875,293.5578918457031],[681.8830810546875,294.13661499023436],[682.170849609375,294.721142578125],[682.447265625,295.3110900878906],[682.711669921875,295.9065856933594],[682.963330078125,296.5075744628906],[683.2012939453125,297.1138000488281],[683.4246093749999,297.7259582519531],[683.6315185546874,298.3436279296875],[683.820556640625,298.9671203613281],[683.9892333984375,299.59621582031247],[684.1346923828124,300.2313720703125],[684.25341796875,300.87189331054685],[684.3405029296874,301.5174865722656],[684.3896484375,302.1669250488281],[684.3926513671875,302.81813964843747],[684.3390380859374,303.4672485351562],[684.214453125,304.10619506835934],[684.0030029296875,304.7218505859375],[683.7320068359375,305.3142883300781],[683.4602783203125,305.9064697265625],[683.1890625,306.498779296875],[682.9185058593749,307.0913452148437],[682.6478759765624,307.6840576171875],[682.3787841796875,308.277392578125],[682.1098388671875,308.87087402343747],[681.8408935546875,309.46417236328125],[681.5719482421874,310.0576171875],[681.3030029296875,310.65106201171875],[681.0361816406249,311.2453125],[680.7693603515625,311.83974609374997],[680.5026123046874,312.434033203125],[680.235791015625,313.02846679687497],[679.9690429687499,313.62275390625],[679.704345703125,314.21806640625],[679.4397216796875,314.8133056640625],[679.1750244140625,315.40869140625],[678.9103271484374,316.00404052734376],[678.645703125,316.5992797851562],[678.38291015625,317.19558105468747],[678.1203369140625,317.79173583984374],[677.8576171875,318.38800048828125],[677.5950439453125,318.98411865234374],[677.3323242187499,319.580419921875],[677.0715820312499,320.1774169921875],[676.810986328125,320.7744506835937],[676.550244140625,321.3715576171875],[676.2896484375,321.9685913085937],[676.0289794921874,322.56573486328125],[675.7699951171875,323.16357421875],[675.51123046875,323.7615600585937],[675.2524658203125,324.3595458984375],[674.9937744140625,324.95738525390624],[674.7349365234375,325.5553344726562],[674.4779296875,326.153759765625],[674.2210693359375,326.75255126953124],[673.964208984375,327.3512329101562],[673.7073486328125,327.9500244140625],[673.4505615234375,328.5486694335937],[673.1950927734375,329.1481567382812],[672.9400634765625,329.74775390625],[672.6851074218749,330.3472045898437],[672.430078125,330.94676513671874],[672.1751220703125,331.5462158203125],[671.921484375,332.14625244140626],[671.668359375,332.74647216796876],[671.4150878906249,333.3468383789062],[671.1618896484375,333.94716796874997],[670.90869140625,334.54738769531247],[670.6568115234375,335.1482666015625],[670.4054443359374,335.74921875],[670.15400390625,336.3503173828125],[669.9026367187499,336.95126953125],[669.6511962890625,337.5523681640625],[669.4010009765625,338.15383300781247],[669.151318359375,338.7556640625],[668.9016357421875,339.3574584960937],[668.6520263671874,339.9591796875],[668.40234375,340.56097412109375],[668.15390625,341.16328125],[667.9059814453125,341.76580810546875],[667.6581298828124,342.36822509765625],[667.4102050781249,342.9707885742187],[667.1622802734374,343.57335205078124],[666.9156005859375,344.17628173828126],[666.66943359375,344.779541015625],[666.4232666015624,345.3826904296875],[666.177099609375,345.98594970703124],[665.931005859375,346.5890625],[665.6860839843749,347.1928344726562],[665.441748046875,347.79664306640626],[665.197265625,348.400634765625],[664.952783203125,349.00458984375],[664.7083740234375,349.6084350585937],[664.4654296875,350.21290283203126],[664.2227783203125,350.81740722656247],[663.9800537109375,351.4220947265625],[663.7373291015625,352.02659912109374],[663.4946044921875,352.63124999999997],[663.2167236328124,353.2200073242187],[662.867431640625,353.76954345703126],[662.4560302734375,354.2743286132812],[661.9935791015624,354.73267822265626],[661.490478515625,355.1461669921875],[660.9553710937499,355.51746826171876],[660.395361328125,355.8504638671875],[659.8164550781249,356.14910888671875],[659.222900390625,356.41710205078124],[658.6175537109375,356.6580322265625],[658.003271484375,356.87464599609376],[657.3816650390625,357.069873046875],[656.7542724609375,357.24550781249997],[656.1224853515624,357.40447998046875],[655.4871093749999,357.5479248046875],[654.848583984375,357.6770874023437],[654.2074951171875,357.7939453125],[653.5646484375,357.89956054687497],[652.920263671875,357.99477539062497],[652.2744873046875,358.0806884765625],[651.6275390625,358.1583251953125],[650.9798583984375,358.228564453125],[650.3313720703125,358.2919921875],[649.6824462890625,358.34996337890624],[649.0332275390625,358.40343017578124],[648.3835693359375,358.4534912109375],[647.7340576171874,358.50245361328126],[647.084326171875,358.55145263671875],[646.4347412109374,358.60045166015624],[645.785009765625,358.6494506835937],[645.1354248046874,358.6984130859375],[644.4857666015624,358.747412109375],[643.83603515625,358.79641113281247],[643.1864501953124,358.84541015625],[642.53671875,358.8944091796875],[641.8871337890624,358.94337158203126],[641.2374755859374,358.99237060546875],[640.587890625,359.04136962890624],[639.9381591796874,359.09051513671875],[639.2885009765624,359.1402099609375],[638.6389892578125,359.1899047851562],[637.9893310546875,359.239599609375],[637.3398193359375,359.28929443359374],[636.6901611328125,359.3390258789062],[636.0406494140625,359.38868408203126],[635.3909912109375,359.43841552734375],[634.7414794921875,359.4881103515625],[634.0918212890625,359.5378051757812],[633.44208984375,359.5875],[632.792578125,359.63719482421874],[632.142919921875,359.6869262695312],[631.493408203125,359.73687744140625],[630.8438232421875,359.78734130859374],[630.1943847656249,359.8377685546875],[629.5447265624999,359.888232421875],[628.8951416015625,359.9386962890625],[628.245703125,359.98912353515624],[627.596044921875,360.0395874023437],[626.9466064453125,360.0900512695312],[626.297021484375,360.140478515625],[625.6475830078125,360.19094238281247],[624.9979248046875,360.24140625],[624.34833984375,360.2918334960937],[623.6989013671874,360.34229736328126],[623.04931640625,360.39320068359376],[622.3999511718749,360.44443359375],[621.7503662109375,360.495703125],[621.1010009765624,360.54693603515625],[620.451416015625,360.59816894531247],[619.8020507812499,360.64940185546874],[619.1525390625,360.70067138671874],[618.5029541015625,360.751904296875],[617.8535888671875,360.8031372070312],[617.20400390625,360.8543701171875],[616.554638671875,360.9056396484375],[615.9050537109375,360.9568725585937],[615.2556884765625,361.00810546875],[614.6063232421875,361.0600341796875],[613.9568115234375,361.112109375],[613.3074829101562,361.1641845703125],[612.6580078124999,361.216259765625],[612.0086791992187,361.26829833984374],[611.3592041015625,361.32037353515625],[610.7098754882812,361.37244873046876],[610.0603637695312,361.4245239257812],[609.41103515625,361.4765991210937],[608.7615600585938,361.52867431640624],[608.1120849609375,361.58071289062497],[607.4627563476562,361.6327880859375],[606.8132812499999,361.685009765625],[606.1639892578124,361.7379638671875],[605.5145874023438,361.79088134765624],[604.86533203125,361.843798828125],[604.2159301757812,361.89675292968747],[603.5665283203125,361.94970703125],[602.917236328125,362.00262451171875],[602.2678344726562,362.0555786132812],[601.6185791015624,362.10849609375],[600.9691772460938,362.1614501953125],[600.319921875,362.21436767578126],[599.6705200195312,362.26728515625],[599.0212280273437,362.3202392578125],[598.3718994140625,362.37366943359376],[597.7225341796875,362.42750244140626],[597.0733520507812,362.48133544921876],[596.4240234375,362.53516845703126],[595.7748413085938,362.58900146484376],[595.1255126953125,362.64283447265626],[594.4763305664062,362.69666748046876],[593.827001953125,362.750537109375],[593.17763671875,362.8043701171875],[592.5284545898437,362.858203125],[591.8791259765625,362.9120361328125],[591.2299438476563,362.965869140625],[590.5806152343749,363.0197021484375],[589.931396484375,363.07445068359374],[589.2821411132812,363.1292358398437],[588.6330322265625,363.18402099609375],[587.9837768554687,363.2388061523437],[587.3345214843749,363.29359130859376],[586.6854125976562,363.34837646484374],[586.0361572265625,363.4031616210937],[585.3870483398438,363.45794677734375],[584.73779296875,363.5127319335937],[584.0886840820312,363.56748046875],[583.4394287109375,363.622265625],[582.7901733398437,363.6770874023437],[582.1411010742187,363.732275390625],[581.4919189453125,363.7880126953125],[580.842919921875,363.8437866210937],[580.1937377929687,363.89952392578124],[579.5447021484375,363.9552978515625],[578.8955200195312,364.01103515625],[578.2463745117187,364.0668090820312],[577.5973388671874,364.12258300781247],[576.9481567382812,364.1783203125],[576.2991577148438,364.2340942382812],[575.6499755859375,364.2898315429687],[575.0009399414063,364.34560546874997],[574.3517578125,364.40137939453126],[573.7029052734375,364.45803222656247],[573.0538330078125,364.51479492187497],[572.4047241210938,364.57159423828125],[571.7557983398438,364.62835693359375],[571.1067260742187,364.68511962890625],[570.457763671875,364.74188232421875],[569.80869140625,364.798681640625],[569.159765625,364.8554443359375],[568.5106567382812,364.91220703125],[567.8615844726562,364.9689697265625],[567.2126586914062,365.025732421875],[566.5635498046875,365.08253173828126],[565.914697265625,365.1397338867187],[565.2656982421875,365.19755859375],[564.616845703125,365.25538330078126],[563.9678466796875,365.3132080078125],[563.3190307617188,365.37103271484375],[562.6700317382812,365.42885742187497],[562.0210327148437,365.48668212890624],[561.3721801757812,365.5445068359375],[560.7231811523437,365.6023315429687],[560.074365234375,365.66015625],[559.4253662109375,365.7179809570312],[558.776513671875,365.7758056640625],[558.12744140625,365.83363037109376],[557.4785522460937,365.8925537109375],[556.8297729492188,365.95144042968747],[556.1808837890625,366.01036376953124],[555.5321411132812,366.0692504882812],[554.883251953125,366.128173828125],[554.2345092773437,366.187060546875],[553.5856201171874,366.24598388671876],[552.9368774414062,366.30487060546875],[552.28798828125,366.36379394531247],[551.6390625,366.42271728515624],[550.9903198242188,366.4816040039062],[550.3414306640625,366.54052734375],[549.6928344726563,366.6000732421875],[549.0440551757812,366.6601318359375],[548.3954223632812,366.72015380859375],[547.7466064453125,366.78017578124997],[547.0978271484374,366.84019775390624],[546.4491943359375,366.9002197265625],[545.8003784179688,366.9602783203125],[545.1517456054687,367.0203002929687],[544.5029663085937,367.080322265625],[543.8542968749999,367.1403442382812],[543.205517578125,367.2003662109375],[542.55673828125,367.2604248046875],[541.9081787109375,367.32066650390624],[541.25947265625,367.38186035156247],[540.6109497070312,367.44301757812497],[539.9622802734375,367.50421142578125],[539.313720703125,367.5654052734375],[538.6650512695312,367.62659912109376],[538.0164916992187,367.68779296875],[537.367822265625,367.7489868164062],[536.7191528320312,367.8101806640625],[536.0705932617187,367.871337890625],[535.4219238281249,367.9325317382812],[534.7734008789063,367.9937255859375],[534.1246948242188,368.05491943359374],[533.4761352539062,368.1171020507812],[532.8275756835938,368.17946777343747],[532.1790161132812,368.2418701171875],[531.5306030273438,368.3042358398437],[530.8820068359374,368.36660156249997],[530.23359375,368.42896728515626],[529.5850341796875,368.4913696289062],[528.9365844726562,368.55373535156247],[528.2880249023438,368.61610107421876],[527.6396118164063,368.678466796875],[526.9910522460938,368.74086914062497],[526.3424560546874,368.80323486328126],[525.6941528320312,368.8661865234375],[525.0457031249999,368.92979736328124],[524.3973999023438,368.993408203125],[523.7489501953124,369.056982421875],[523.1006469726562,369.12059326171874],[522.4521972656249,369.1841674804687],[521.8037475585937,369.2477783203125],[521.1554443359374,369.31138916015624],[520.5069946289062,369.3749633789062],[519.8586914062499,369.43857421875],[519.2102416992187,369.5021484375],[518.5619018554687,369.5657592773437],[517.9134521484375,369.6295532226562],[517.2652954101562,369.6944091796875],[516.6169555664062,369.75926513671874],[515.9686157226562,369.82412109374997],[515.320458984375,369.88894042968747],[514.672119140625,369.95379638671875],[514.02392578125,370.01865234375],[513.3756225585937,370.08350830078126],[512.7274291992187,370.1483642578125],[512.0791259765625,370.2132202148437],[511.4307861328125,370.278076171875],[510.7825927734375,370.3428955078125],[510.1342895507812,370.4077880859375],[509.4862426757812,370.4736694335937],[508.8380493164062,370.53984375],[508.19000244140625,370.60594482421874],[507.54180908203125,370.672119140625],[506.89361572265625,370.7382568359375],[506.2455688476562,370.8043579101562],[505.5973754882812,370.8705322265625],[504.94932861328124,370.93663330078124],[504.30113525390624,371.0028076171875],[503.6530883789062,371.06890869140625],[503.0048950195312,371.1350463867187],[502.3568115234375,371.20118408203126],[501.70876464843747,371.268017578125],[501.0606811523437,371.33547363281247],[500.41278076171875,371.4029296875],[499.7647338867187,371.4703857421875],[499.116796875,371.5378051757812],[498.46875,371.6052612304687],[497.8208129882812,371.67271728515624],[497.1727661132812,371.74017333984375],[496.52471923828125,371.80762939453126],[495.87678222656245,371.875048828125],[495.2287353515625,371.9425048828125],[494.58079833984374,372.0099609375],[493.93271484375,372.0777099609375],[493.2849243164062,372.1465209960937],[492.63702392578125,372.2152954101562],[491.9892333984375,372.2841064453125],[491.34133300781247,372.35291748046876],[490.6933959960937,372.421728515625],[490.04564208984374,372.49050292968747],[489.397705078125,372.55931396484374],[488.74995117187495,372.6280883789062],[488.1020141601562,372.6968994140625],[487.4542602539062,372.7657104492187],[486.8063232421875,372.83448486328126],[486.1584228515625,372.9032958984375],[485.5107055664062,372.9730224609375],[484.8629150390625,373.04285888671876],[484.21523437499997,373.11265869140624],[483.56744384765625,373.1824951171875],[482.9197631835937,373.25233154296876],[482.27197265625,373.32213134765624],[481.62432861328125,373.39248046874997],[480.9765747070312,373.4630126953125],[480.328857421875,373.533544921875],[479.68125,373.6040405273437],[479.0335327148437,373.67457275390626],[478.38592529296875,373.745068359375],[477.73828125,373.81622314453125],[477.0908203125,373.8877807617187],[476.443212890625,373.95937499999997],[475.7955688476562,374.0309326171875],[475.1481079101562,374.102490234375],[474.5005004882812,374.17408447265626],[473.8530029296875,374.2456420898437],[473.20539550781245,374.31719970703125],[472.55793457031245,374.3887573242187],[471.9102905273437,374.46035156249997],[471.26268310546874,374.5319091796875],[470.61522216796874,374.603466796875],[469.967578125,374.675390625],[469.3202270507812,374.7480102539062],[468.6727294921875,374.8206298828125],[468.02537841796874,374.89324951171875],[467.37788085937495,374.9659057617187],[466.73052978515625,375.038525390625],[466.08306884765625,375.1112548828125],[465.43564453125,375.1846435546875],[464.78840332031245,375.25795898437497],[464.14097900390624,375.33131103515626],[463.493701171875,375.4046630859375],[462.8462768554687,375.47801513671874],[462.19899902343747,375.5513671875],[461.5516845703125,375.6254516601562],[460.90437011718745,375.6995361328125],[460.2571655273437,375.77358398437497],[459.609814453125,375.84766845703126],[458.962646484375,375.9217529296875],[458.31529541015624,375.99583740234374],[457.6681274414062,376.0705078125],[457.02088623046876,376.14528808593747],[456.3737548828125,376.22010498046876],[455.726513671875,376.294921875],[455.0792724609375,376.3697021484375],[454.43214111328126,376.44451904296875],[453.78493652343747,376.5198120117187],[453.1379150390625,376.59532470703124],[452.49074707031247,376.6708740234375],[451.8437255859375,376.7464233398437],[451.19655761718747,376.82197265625],[450.5493896484375,376.89752197265625],[449.90244140625,376.97340087890626],[449.2553466796875,377.0497192382812],[448.6084350585937,377.12600097656247],[447.9613403320312,377.20228271484376],[447.31439208984375,377.278564453125],[446.667333984375,377.35484619140624],[446.02053222656247,377.43134765625],[445.37354736328126,377.5083984375],[444.7265625,377.5854125976562],[444.0796875,377.66246337890624],[443.4327026367187,377.7394775390625],[442.7858642578125,377.8164916992187],[442.1388427734375,377.89365234375],[441.49207763671876,377.971435546875],[440.84520263671874,378.04921874999997],[440.198291015625,378.127001953125],[439.55152587890626,378.20478515625],[438.90465087890624,378.28260498046876],[438.2578857421875,378.3603515625],[437.6110473632812,378.43886718749997],[436.96435546875,378.5174194335937],[436.3175537109375,378.59597167968747],[435.670751953125,378.6745239257812],[435.0240966796875,378.75307617187497],[434.37725830078125,378.8316284179687],[433.7307861328125,378.9107299804687],[433.0840576171875,378.99001464843747],[432.4374755859375,379.0692993164062],[431.79078369140626,379.14862060546875],[431.1442016601562,379.2279052734375],[430.4974731445312,379.3072265625],[429.8507446289062,379.38698730468747],[429.2042724609375,379.467041015625],[428.5576538085937,379.54713134765626],[427.91114501953126,379.62718505859374],[427.2645263671875,379.707275390625],[426.61805419921876,379.7873291015625],[425.971435546875,379.8677124023437],[425.32489013671875,379.9485717773437],[424.67852783203125,380.02939453125],[424.031982421875,380.11025390624997],[423.3856201171875,380.1910766601562],[422.73907470703125,380.2719360351562],[422.092822265625,380.3529052734375],[421.44638671875,380.4345336914062],[420.80009765625,380.51612548828126],[420.153662109375,380.59775390625],[419.50722656249997,380.67938232421875],[418.8609375,380.76097412109374],[418.21453857421875,380.8426025390625],[417.568359375,380.9249633789062],[416.9220336914062,381.0073608398437],[416.27581787109375,381.0897583007812],[415.6294921875,381.1721923828125],[414.98316650390626,381.25458984375],[414.3369873046875,381.3369873046875],[413.69066162109374,381.419970703125],[413.0445922851562,381.5031372070312],[412.39833984374997,381.5863403320312],[411.7522705078125,381.6695068359375],[411.1060546875,381.75267333984374],[410.45994873046874,381.83587646484375],[409.81376953125,381.91944580078126],[409.16762695312497,382.0034545898437],[408.52166748046875,382.08739013671874],[407.8755249023437,382.17139892578126],[407.2295654296875,382.25537109375],[406.5834228515625,382.33934326171874],[405.9375,382.42353515625],[405.2914672851562,382.50831298828126],[404.6454345703125,382.5930541992187],[403.9995849609375,382.67783203125],[403.3535522460937,382.7626098632812],[402.70766601562497,382.84735107421875],[402.06163330078124,382.9321655273437],[401.4158569335937,383.01771240234376],[400.7699340820312,383.10325927734374],[400.12401123046874,383.1888427734375],[399.4782348632812,383.2743896484375],[398.8323120117187,383.35997314453124],[398.18653564453126,383.4455200195312],[397.5406860351562,383.53172607421874],[396.89501953125,383.6180786132812],[396.24920654296875,383.7044311523437],[395.60354003906247,383.79078369140626],[394.9577270507812,383.8771728515625],[394.31191406249997,383.96352539062497],[393.666357421875,384.05028076171874],[393.02065429687497,384.13747558593747],[392.37509765625,384.22459716796874],[391.72939453124997,384.31179199218747],[391.083837890625,384.39895019531247],[390.43813476562497,384.48610839843747],[389.79250488281247,384.5744384765625],[389.1506103515625,384.68459472656247],[388.5138793945312,384.8227294921875],[387.88341064453124,384.98631591796874],[387.2595703125,385.17418212890624],[386.6432739257812,385.38489990234376],[386.03481445312497,385.6179931640625],[385.435546875,385.8731689453125],[384.8459838867187,386.1503540039062],[384.2671875,386.449658203125],[383.70069580078126,386.7711547851562],[383.14764404296875,387.1154296875],[382.6097900390625,387.4829956054687],[382.0890747070312,387.8744750976562],[381.5878051757812,388.29034423828125],[381.10850830078124,388.73155517578124],[380.65400390625,389.1983276367187],[380.22784423828125,389.6908813476562],[379.83336181640624,390.209326171875],[379.4747314453125,390.7528930664062],[379.15601806640626,391.32106933593747],[378.8810302734375,391.9112915039062],[378.65313720703125,392.52150878906247],[378.4753051757812,393.1479858398437],[378.34951171874997,393.78709716796874],[378.2769287109375,394.434375],[378.25828857421874,395.08535156249997],[378.2929321289062,395.73577880859375],[378.37891845703126,396.38140869140625],[378.513427734375,397.018798828125],[378.6924682617187,397.644873046875],[378.9122314453125,398.2581298828125],[379.1686157226562,398.8571044921875],[379.45803222656247,399.440625],[379.7764892578125,400.0089111328125],[380.1207275390625,400.5618896484375],[380.4884399414062,401.0997802734375],[380.8762939453125,401.62294921874997],[381.2827880859375,402.13212890625],[381.70557861328126,402.62794189453126],[382.1429077148437,403.1107177734375],[382.5936767578125,403.58115234375],[383.0562377929687,404.039794921875],[383.52993164062497,404.48704833984374],[384.01333007812497,404.9237548828125],[384.5057739257812,405.3503173828125],[385.00660400390626,405.76673583984376],[385.51519775390625,406.1741455078125],[386.031005859375,406.5721435546875],[386.55336914062497,406.9613891601562],[387.0819580078125,407.3422485351562],[387.6161865234375,407.71497802734376],[388.1539306640625,408.0829833984375],[388.6941284179687,408.4468139648437],[389.23732910156247,408.8066162109375],[389.78298339843747,409.16279296875],[390.3307250976562,409.5153076171875],[390.8810668945312,409.86412353515624],[391.4332763671875,410.209716796875],[391.98753662109374,410.55223388671874],[392.54384765624997,410.89112548828126],[393.10195312499997,411.22734375],[393.66156005859375,411.560888671875],[394.22266845703126,411.89190673828125],[394.7853149414062,412.2206176757812],[395.349169921875,412.546875],[395.91456298828126,412.87060546875],[396.48098144531247,413.1923583984375],[397.0484985351562,413.51239013671875],[397.6168212890625,413.8306640625],[398.1862060546875,414.1475463867187],[398.75635986328126,414.462890625],[399.32720947265625,414.7766967773437],[399.8990112304687,415.089111328125],[400.4709228515625,415.4009765625],[401.04320068359374,415.71229248046876],[401.61610107421876,416.02236328124997],[402.18911132812497,416.33250732421874],[402.762451171875,416.6418090820312],[403.3359375,416.95107421874997],[403.9094604492187,417.2603393554687],[404.4828369140625,417.56953125],[405.05628662109376,417.87890625],[405.629150390625,418.189013671875],[406.20216064453126,418.49915771484376],[406.7743286132812,418.8105102539062],[407.3463500976562,419.12244873046876],[407.91807861328124,419.435009765625],[408.488818359375,419.74892578124997],[409.05897216796876,420.064306640625],[409.6281005859375,420.3812622070312],[410.19638671875,420.69990234375],[410.76361083984375,421.0202270507812],[411.32984619140626,421.3424926757812],[411.89501953125,421.666845703125],[412.45869140625,421.993359375],[413.02089843749997,422.3228393554687],[413.58134765625,422.6546997070312],[414.1402954101562,422.9893798828125],[414.6974853515625,423.3268798828125],[415.2531372070312,423.667236328125],[415.80633544921875,424.0111083984375],[416.35755615234376,424.3586059570312],[416.90643310546875,424.7098022460937],[417.4526733398437,425.06455078125],[417.99660644531247,425.423291015625],[418.53749999999997,425.7863525390625],[419.0756469726562,426.1537353515625],[419.6106811523437,426.52529296874997],[420.142529296875,426.9015380859375],[420.6708618164062,427.2828002929687],[421.19556884765626,427.6688232421875],[421.716650390625,428.0599365234375],[422.23366699218747,428.45635986328125],[422.74639892578125,428.8583129882812],[423.2548461914062,429.26564941406247],[423.7587890625,429.6786254882812],[424.2576049804687,430.09742431640626],[424.7515502929687,430.52248535156247],[425.24022216796874,430.9534057617187],[425.7233642578125,431.3902221679687],[426.20086669921875,431.8336669921875],[426.6719970703125,432.2834106445312],[427.137158203125,432.7396728515625],[427.5958740234375,433.2022705078125],[428.0479248046875,433.6714599609375],[428.492724609375,434.1475341796875],[428.9296142578125,434.63074951171876],[429.3559936523437,435.12330322265626],[429.7726318359375,435.6240966796875],[430.17974853515625,436.13283691406247],[430.5765014648437,436.6493408203125],[430.96409912109374,437.173095703125],[431.3423217773437,437.70351562499997],[431.7110961914062,438.2406005859375],[432.07078857421874,438.78394775390626],[432.4215087890625,439.33282470703125],[432.7635498046875,439.8873046875],[433.0966552734375,440.44713134765624],[433.4212646484375,441.01201171875],[433.73748779296875,441.58154296875],[434.0456176757812,442.155615234375],[434.3456176757812,442.7340454101562],[434.6374145507812,443.31650390625],[434.92144775390625,443.902880859375],[435.19775390625,444.4927734375],[435.4665161132812,445.0862548828125],[435.72780761718747,445.6830322265625],[435.9814819335937,446.28306884765624],[436.22801513671874,446.88629150390625],[436.4672607421875,447.4922241210937],[436.6995483398437,448.10093994140624],[436.9247314453125,448.7120727539062],[437.14317626953124,449.326025390625],[437.35462646484376,449.9421020507812],[437.5593017578125,450.5606689453125],[437.757275390625,451.1813232421875],[437.94862060546876,451.80413818359375],[438.13344726562497,452.42896728515626],[438.31171875,453.05544433593747],[438.4836181640625,453.68389892578125],[438.64907226562497,454.3140014648437],[438.808154296875,454.94582519531247],[438.96075439453125,455.579150390625],[439.1070922851562,456.21405029296875],[439.24713134765625,456.8504150390625],[439.38087158203126,457.487841796875],[439.5084594726562,458.12684326171876],[439.62978515624997,458.76683349609374],[439.7448486328125,459.40814208984375],[439.85350341796874,460.05040283203124],[439.9559326171875,460.69383544921874],[440.052099609375,461.3381103515625],[440.1419677734375,461.98359374999995],[440.2255004882812,462.62962646484374],[440.3027709960937,463.2765747070312],[440.3734130859375,463.92421874999997],[440.43764648437497,464.57244873046875],[440.495361328125,465.2214477539062],[440.5465576171875,465.87092285156245],[440.59108886718747,466.52094726562495],[440.62877197265624,467.17133789062495],[440.65957031249997,467.8220581054687],[440.6835571289062,468.4731079101562],[440.7004760742187,469.1243041992187],[440.7107299804687,469.7757934570312],[440.71706542968747,470.4271362304687],[440.7201416015625,471.078662109375],[440.7195190429687,471.730078125],[440.715673828125,472.381640625],[440.7081665039062,473.0332397460937],[440.69761962890624,473.6845458984375],[440.6830810546875,474.33596191406247],[440.6656494140625,474.98704833984374],[440.64532470703125,475.6383911132812],[440.6220336914062,476.28936767578125],[440.594677734375,476.9403442382812],[440.5645385742187,477.59117431640624],[440.531689453125,478.241748046875],[440.49580078125,478.89232177734374],[440.4561767578125,479.5426025390625],[440.413916015625,480.19277343749997],[440.369091796875,480.842578125],[440.32122802734375,481.49238281249995],[440.26988525390624,482.1418579101562],[440.21608886718747,482.79107666015625],[440.15980224609376,483.44029541015624],[440.10040283203125,484.0890014648437],[440.0379272460937,484.73748779296875],[439.9730712890625,485.38564453124997],[439.9058349609375,486.03369140625],[439.83533935546876,486.68129882812497],[439.7621704101562,487.3288330078125],[439.6867309570312,487.9759643554687],[439.60902099609376,488.6227661132812],[439.5279052734375,489.26923828124995],[439.4445556640625,489.91523437499995],[439.3589721679687,490.5611572265625],[439.27100830078126,491.20660400390625],[439.1798950195312,491.85175781249995],[439.08673095703125,492.49665527343745],[438.99151611328125,493.1410766601562],[438.8934814453125,493.7852416992187],[438.79295654296874,494.42878417968745],[438.690380859375,495.07232666015625],[438.585791015625,495.7152465820312],[438.4781982421875,496.3578369140625],[438.36855468749997,496.99998779296874],[438.25693359375,497.64195556640624],[438.1431884765625,498.2834838867187],[438.0266967773437,498.9242797851562],[437.90826416015625,499.5650756835937],[437.7879638671875,500.2053588867187],[437.66517333984376,500.84523925781247],[437.54014892578124,501.4845336914062],[437.4132934570312,502.12353515625],[437.2846435546875,502.76228027343745],[437.1532470703125,503.40029296874997],[437.0199829101562,504.0380493164062],[436.88499755859374,504.67543945312497],[436.7479614257812,505.3124267578125],[436.60850830078124,505.9486450195312],[436.467333984375,506.58482666015624],[436.3245483398437,507.22027587890625],[436.17934570312497,507.85546875],[436.03216552734375,508.49025878906247],[435.8833740234375,509.12446289062495],[435.73293457031247,509.75841064453124],[435.57989501953125,510.39162597656247],[435.42528076171874,511.0245483398437],[435.269091796875,511.65688476562497],[435.1109619140625,512.28896484375],[434.950634765625,512.9205688476562],[434.78884277343747,513.5514770507813],[434.6254028320312,514.1823120117188],[434.4598754882812,514.8123413085938],[434.2925170898437,515.442041015625],[434.1236938476562,516.0711181640625],[433.9533325195312,516.7000122070312],[433.7805541992187,517.3281738281249],[433.60634765624997,517.9560424804687],[433.43067626953126,518.5833618164062],[433.25332031249997,519.2101684570313],[433.07384033203124,519.8364990234375],[432.89296874999997,520.462353515625],[432.71059570312497,521.0879150390625],[432.52639160156247,521.712744140625],[432.34039306640625,522.3370971679688],[432.15296630859376,522.9611938476562],[431.96422119140624,523.58466796875],[431.7733520507812,524.207666015625],[431.5809814453125,524.8299682617187],[431.3869995117187,525.4519409179687],[431.186865234375,526.0718994140625],[430.9796630859375,526.68955078125],[430.76575927734376,527.3051147460938],[430.5454833984375,527.9180419921875],[430.3187622070312,528.528955078125],[430.08599853515625,529.1373046875],[429.847119140625,529.7435668945312],[429.6024536132812,530.347265625],[429.35203857421874,530.9486938476563],[429.0960205078125,531.547705078125],[428.8344360351562,532.1444458007812],[428.5675048828125,532.7388793945312],[428.29541015625,533.3307861328125],[428.0181884765625,533.9203125],[427.7357666015625,534.5073486328125],[427.44862060546876,535.0921875],[427.15664062499997,535.6746093749999],[426.85997314453124,536.2545776367188],[426.55861816406247,536.8323120117187],[426.25279541015624,537.4074462890625],[425.942431640625,537.9803100585938],[425.62774658203125,538.5506469726562],[425.3086303710937,539.1187133789062],[424.985302734375,539.6842529296874],[424.6576904296875,540.2474853515624],[424.3260131835937,540.8081176757812],[423.99012451171876,541.3664428710937],[423.65020751953125,541.922314453125],[423.30633544921875,542.4755493164063],[422.9584716796875,543.0264038085937],[422.6067260742187,543.5747680664062],[422.2510620117187,544.1206420898437],[421.89158935546874,544.6638427734375],[421.5281982421875,545.2046630859375],[421.16103515624997,545.742919921875],[420.79013671875,546.2785034179688],[420.41546630859375,546.8115234375],[420.03717041015625,547.3417602539063],[419.655029296875,547.8695068359375],[419.26918945312497,548.3944702148438],[418.8796875,548.9167602539062],[418.4864135742187,549.4359741210938],[418.08925781249997,549.9526611328125],[417.6885498046875,550.4662719726563],[417.2841430664062,550.9770629882812],[416.87600097656247,551.4848876953125],[416.4642333984375,551.9896362304687],[416.04869384765624,552.491455078125],[415.62945556640625,552.990087890625],[415.20640869140624,553.4855712890625],[414.77955322265626,553.9778686523438],[414.3489990234375,554.466796875],[413.91456298828126,554.9523193359374],[413.4759887695312,555.4339599609375],[413.03338623046875,555.9121215820312],[412.58690185546874,556.386474609375],[412.1363525390625,556.8570556640625],[411.68173828125,557.323828125],[411.22313232421874,557.7864257812499],[410.75991210937497,558.24462890625],[410.2831787109375,558.6883666992187],[409.78765869140625,559.1114135742188],[409.275732421875,559.5142456054688],[408.74912109375,559.8977783203125],[408.20961914062497,560.2626708984375],[407.6581787109375,560.6099121093749],[407.09637451171875,560.9397216796875],[406.52501220703124,561.2526489257813],[405.94500732421875,561.5493530273437],[405.35723876953125,561.8300537109375],[404.761962890625,562.0949340820313],[404.16016845703126,562.34443359375],[403.552294921875,562.5786621093749],[402.9386352539062,562.7976196289062],[402.31984863281247,563.0013793945312],[401.6961181640625,563.1898315429687],[401.0683227539062,563.3631591796875],[400.43609619140625,563.5207763671875],[399.800390625,563.6629760742187],[399.1610961914062,563.788916015625],[398.519091796875,563.8986694335937],[397.87415771484376,563.9915405273438],[397.22698974609375,564.0671630859375],[396.5782836914062,564.1250610351562],[395.9278198242187,564.164208984375],[395.276806640625,564.1841674804688],[394.625244140625,564.1839477539062],[393.97426757812497,564.162451171875],[393.32420654296874,564.1188354492188],[392.67604980468747,564.05185546875],[392.03115234374997,563.960302734375],[391.3904296875,563.8423828125],[390.7555297851562,563.6969970703125],[390.1278076171875,563.5223876953124],[389.5081787109375,563.32177734375],[388.89268798828124,563.1077270507812],[388.28203125,562.8808227539063],[387.6760986328125,562.6415405273438],[387.0749267578125,562.3903564453125],[386.4791748046875,562.1271240234374],[385.8882568359375,561.8522827148437],[385.3029052734375,561.5666381835937],[384.7229736328125,561.2697875976562],[384.14846191406247,560.9625366210937],[383.57933349609374,560.6454711914063],[383.01588134765626,560.31826171875],[382.45799560546874,559.9820068359375],[381.9053100585937,559.6369262695313],[381.35841064453126,559.2830932617187],[380.8165649414062,558.9211669921875],[380.2801025390625,558.5517700195312],[379.74880371093747,558.1745727539062],[379.2224487304687,557.7906005859375],[378.7010009765625,557.4001831054687],[378.18431396484374,557.003173828125],[377.6722412109375,556.6005615234375],[377.1643432617187,556.1923461914063],[376.66094970703125,555.7788940429688],[376.1615478515625,555.3603881835937],[375.6658447265625,554.9377807617187],[375.17406005859374,554.5105590820312],[374.68553466796874,554.0793090820313],[374.2004150390625,553.6446533203125],[373.71804199218747,553.2064819335938],[373.23878173828126,552.7654907226562],[372.76186523437497,552.3214965820313],[372.28740234375,551.8750488281249],[371.81520996093747,551.4260742187499],[371.345068359375,550.9750122070312],[370.8767944335937,550.5222656249999],[370.41002197265624,550.0675415039062],[369.94456787109374,549.6117919921875],[369.48021240234374,549.1548706054688],[369.01662597656247,548.6972534179687],[368.553955078125,548.238427734375],[368.09161376953125,547.7794921875],[367.6297119140625,547.3199340820312],[367.1678100585937,546.8603759765625],[366.7060180664062,546.4009643554688],[366.24378662109376,545.9417358398438],[365.78118896484375,545.483056640625],[365.3177124023437,545.025146484375],[364.853759765625,544.5678588867187],[364.38812255859375,544.1120727539062],[363.9220825195312,543.6567626953125],[363.45428466796875,543.2035034179687],[362.98472900390624,542.75185546875],[362.51337890625,542.3021850585938],[362.03997802734375,541.8544189453124],[361.5646728515625,541.4091430664063],[361.0868774414062,540.9662109375],[360.6050170898437,540.5278930664062],[360.1211791992187,540.0913330078125],[359.6356567382812,539.6567871093749],[359.14907226562497,539.2237426757812],[358.6618286132812,538.7911743164062],[358.1736328125,538.3598876953125],[357.6850341796875,537.9287841796875],[357.1958862304687,537.4986328125],[356.706298828125,537.0686279296875],[356.215869140625,536.6396850585937],[355.7255493164062,536.2108154296875],[355.23511962890626,535.7818359375],[354.7447998046875,535.3529663085938],[354.2537475585937,534.92490234375],[353.7622924804687,534.4973510742187],[353.2707275390625,534.0696899414062],[352.77916259765624,533.6420288085938],[352.2876708984375,533.2144409179688],[351.7957397460937,532.7870727539063],[351.30340576171875,532.3605102539062],[350.8109619140625,531.9338745117187],[350.31862792968747,531.5073120117187],[349.826220703125,531.0806396484375],[349.33388671874997,530.6540771484375],[348.8411499023437,530.2278442382812],[348.34801025390624,529.8019775390625],[347.85498046875,529.376220703125],[347.36184082031247,528.9503540039062],[346.8688110351562,528.5246337890625],[346.3757080078125,528.0987670898437],[345.88267822265624,527.673046875],[345.3889526367187,527.2478759765625],[344.8952270507812,526.822705078125],[344.401611328125,526.3976440429688],[343.9078857421875,525.9724731445312],[343.4142700195312,525.5474121093749],[342.92054443359376,525.1222412109374],[342.42685546875,524.6971801757812],[341.9326171875,524.2726318359374],[341.43848876953126,523.8481567382812],[340.9442504882812,523.4235717773437],[340.45001220703125,522.9990234375],[339.9558837890625,522.5745483398438],[339.4616455078125,522.1499633789062],[338.96748046875,521.7255249023438],[338.4728759765625,521.30126953125],[337.978271484375,520.87734375],[337.4835571289062,520.4533081054688],[336.9888427734375,520.0293090820312],[336.49423828125,519.6053833007812],[335.999560546875,519.18134765625],[335.5049560546875,518.757421875],[335.01024169921874,518.3333862304687],[334.51527099609376,517.9099365234375],[334.0201171875,517.4864135742188],[333.5250732421875,517.0629638671875],[333.0299560546875,516.6394775390625],[332.53480224609376,516.2159545898437],[332.039794921875,515.7925048828125],[331.5446411132812,515.3689819335938],[331.0495971679687,514.9455688476562],[330.55422363281247,514.5224853515625],[330.05877685546875,514.0995483398438],[329.56325683593747,513.6765014648437],[329.0677001953125,513.2534545898437],[328.57225341796874,512.830517578125],[328.0766967773437,512.407470703125],[327.58125,511.9845336914062],[327.0857299804687,511.5614868164062],[326.59010009765626,511.13869628906247],[326.09414062499997,510.716162109375],[325.5981811523437,510.2935913085937],[325.1023315429687,509.87109375],[324.6063720703125,509.4485229492187],[324.1105590820312,509.02606201171875],[323.614599609375,508.6034912109375],[323.11875,508.1810302734375],[322.62279052734374,507.7584594726562],[322.12664794921875,507.33636474609375],[321.6302856445312,506.9142700195312],[321.13392333984376,506.49217529296874],[320.63770751953126,506.0701538085937],[320.14134521484374,505.64805908203124],[319.64512939453124,505.2260375976562],[319.1487670898437,504.80394287109374],[318.6525512695312,504.3819213867187],[318.1560791015625,503.95979003906245],[317.65931396484376,503.5381713867187],[317.1626953125,503.1166259765625],[316.6659301757812,502.69497070312497],[316.1693115234375,502.27346191406247],[315.67254638671875,501.851806640625],[315.17589111328124,501.4302978515625],[314.6791625976562,501.008642578125],[314.18250732421876,500.5871337890625],[313.6857421875,500.1656616210937],[313.18857421875,499.7445190429687],[312.6914794921875,499.323486328125],[312.1943115234375,498.90234375],[311.69725341796874,498.48131103515624],[311.20008544921876,498.06016845703124],[310.70302734374997,497.6391357421875],[310.205859375,497.2180297851562],[309.7086547851562,496.7968872070312],[309.2115234375,496.37603759765625],[308.713916015625,495.9554443359375],[308.2163818359375,495.5349243164062],[307.71877441406247,495.1142944335937],[307.2212768554687,494.6937744140625],[306.7236877441406,494.27314453124995],[306.22619018554684,493.8526245117187],[305.728564453125,493.43203124999997],[305.23095703125,493.0114013671875],[304.73322143554685,492.5911010742187],[304.2351379394531,492.1710205078125],[303.73716430664064,491.75104980468745],[303.2390991210937,491.33100585937495],[302.7411254882812,490.91103515624997],[302.2430419921875,490.49099121093747],[301.74497680664064,490.07091064453124],[301.2470031738281,489.65093994140625],[300.74891967773436,489.23089599609375],[300.25067138671875,488.811328125],[299.75209350585936,488.39187011718747],[299.2536254882812,487.97248535156245],[298.75502929687497,487.55302734375],[298.25645141601564,487.13356933593747],[297.7579650878906,486.71422119140624],[297.25938720703124,486.2947631835937],[296.7609191894531,485.8753784179687],[296.26232299804684,485.45592041015624],[295.76328735351564,485.0371215820312],[295.26414184570314,484.6183227539062],[294.7651062011719,484.1996337890625],[294.2659606933594,483.78083496093745],[293.7668151855469,483.3620727539062],[293.2677795410156,482.94334716796874],[292.7686340332031,482.5245483398437],[292.26959838867185,482.10585937499997],[291.7702331542969,481.6874267578125],[291.2705932617187,481.26947021484375],[290.7708068847656,480.8514404296875],[290.2710388183594,480.43337402343747],[289.77138061523436,480.0154174804687],[289.2716125488281,479.5973876953125],[288.77195434570314,479.17943115234374],[288.2721862792969,478.7614013671875],[287.7724182128906,478.3435546875],[287.2719360351562,477.9263671875],[286.77158203125,477.5092529296875],[286.27109985351564,477.09206542968747],[285.77061767578124,476.67487792968745],[285.27024536132814,476.25776367187495],[284.76976318359374,475.840576171875],[284.2694091796875,475.4234619140625],[283.7687255859375,475.00642089843745],[283.2675476074219,474.5902954101562],[282.76625976562497,474.17406005859374],[282.26495361328125,473.757861328125],[281.76377563476564,473.34173583984375],[281.26246948242186,472.925537109375],[280.76129150390625,472.5094116210937],[280.26000366210934,472.0931762695312],[279.75831298828126,471.6777465820312],[279.2560546875,471.26268310546874],[278.75390625,470.84772949218745],[278.25164794921875,470.4327026367187],[277.7493896484375,470.01763916015625],[277.2472412109375,469.60268554687497],[276.74498291015624,469.1876220703125],[276.2424682617187,468.7729614257812],[275.7393493652344,468.35895996093745],[275.2363586425781,467.9450317382812],[274.7332397460937,467.53099365234374],[274.22958984375,467.117724609375],[273.7259582519531,466.7045654296875],[273.222216796875,466.2912963867187],[272.7181091308594,465.87864990234374],[272.2136535644531,465.46625976562495],[271.7093078613281,465.05397949218747],[271.2045043945312,464.64202880859375],[270.69924316406247,464.2306274414062],[270.194091796875,463.8193359375],[269.6885559082031,463.408447265625],[269.18250732421876,462.9982543945312],[268.6763488769531,462.58795166015625],[268.1697509765625,462.1783813476562],[267.662548828125,461.76936035156245],[267.1554748535156,461.36044921875],[266.647412109375,460.9525634765625],[266.13905639648436,460.5450073242187],[265.63051757812497,460.1378173828125],[265.12075195312497,459.7320190429687],[264.61109619140626,459.3262939453125],[264.10012207031247,458.9220703125],[263.58885498046874,458.5184326171875],[263.07667236328126,458.1156005859375],[262.5634094238281,457.71437988281247],[262.04906616210934,457.3146240234375],[261.5332397460937,456.91644287109375],[261.0160217285156,456.520458984375],[260.49684448242186,456.1267822265625],[259.97521362304684,455.7365478515625],[259.4502685546875,455.35059814453126],[258.9211853027344,454.9706176757812],[258.38477783203126,454.60085449218747],[257.8352966308594,454.25079345703125],[257.2750305175781,453.91875],[256.70725708007814,453.5991943359375],[256.13291015625,453.2917236328125],[255.5523742675781,452.9960083007812],[254.96605224609374,452.71201171875],[254.37456665039062,452.4390380859375],[253.77804565429688,452.1766845703125],[253.17718505859375,451.9250244140625],[252.57205810546873,451.68365478515625],[251.96312255859374,451.45220947265625],[251.35043334960938,451.23061523437497],[250.73442993164062,451.01865234375],[250.11522216796874,450.81591796875],[249.49317626953123,450.6227783203125],[248.86820068359373,450.43846435546874],[248.24069824218748,450.2632690429687],[247.6107971191406,450.09693603515626],[246.978662109375,449.9392456054687],[246.34451293945312,449.7905639648437],[245.70823974609374,449.6502685546875],[245.0701171875,449.5187622070312],[244.43027343749998,449.395751953125],[243.78892822265624,449.28134765625],[243.14613647460936,449.1756225585937],[242.5018798828125,449.0782836914062],[241.85648803710936,448.9899169921875],[241.20985107421873,448.90997314453125],[240.56239013671873,448.83900146484376],[239.9137756347656,448.77685546875],[239.2644104003906,448.7236083984375],[238.61447753906248,448.679736328125],[237.9638671875,448.64501953125],[237.31283569335938,448.6197509765625],[236.66149291992187,448.6043334960937],[236.01016845703123,448.59869384765625],[235.3585693359375,448.6031982421875],[234.70746459960935,448.618505859375],[234.056396484375,448.6445068359375],[233.4059326171875,448.6817138671875],[232.75629272460935,448.73052978515625],[232.10767822265623,448.7914672851562],[231.46043701171874,448.86525878906247],[230.814697265625,448.9522705078125],[230.17113647460937,449.05312499999997],[229.5298828125,449.1686279296875],[228.8917053222656,449.29958496093747],[228.25720825195313,449.44680175781247],[227.626611328125,449.61060791015626],[227.00000610351563,449.78843994140624],[226.37677001953125,449.97864990234376],[225.75703124999998,450.17918701171874],[225.14014892578123,450.38880615234376],[224.52615966796876,450.6064819335937],[223.91458740234376,450.8313720703125],[223.30550537109374,451.0626708984375],[222.69873046875,451.2996826171875],[222.09398803710937,451.54222412109374],[221.49127807617188,451.7893798828125],[220.89025268554687,452.04078369140626],[220.2908935546875,452.296142578125],[219.69299926757813,452.55523681640625],[219.09664306640624,452.8176635742187],[218.50184326171873,453.0831298828125],[217.9081604003906,453.3516357421875],[217.31590576171874,453.62274169921875],[216.72467651367188,453.8965209960937],[216.13465576171873,454.172607421875],[215.54542236328123,454.4510009765625],[214.95747070312498,454.73133544921876],[214.3701965332031,455.0136474609375],[213.7839111328125,455.29775390624997],[213.19852294921876,455.583544921875],[212.61381225585936,455.87091064453125],[212.02996215820312,456.15977783203124],[211.44655151367186,456.450146484375],[210.864404296875,456.742236328125],[210.28214721679686,457.03465576171874],[209.7008056640625,457.3289794921875],[209.11988525390623,457.6237060546875],[208.53955078125,457.919970703125],[207.9596923828125,458.21682128906247],[207.3802734375,458.5147338867187],[206.8013671875,458.81341552734375],[206.22264404296874,459.11279296875],[205.64452514648437,459.4130126953125],[205.06653442382813,459.71363525390626],[204.48896484374998,460.0152099609375],[203.9115966796875,460.3169677734375],[203.33477783203125,460.619970703125],[202.75808715820312,460.922900390625],[202.18128662109373,461.22593994140624],[201.6045959472656,461.52886962890625],[201.02830810546874,461.8330444335937],[200.4521484375,462.137255859375],[199.8760986328125,462.44143066406247],[199.29993896484373,462.74567871093745],[198.72388916015623,463.049853515625],[198.1477294921875,463.3541015625],[197.5716796875,463.65827636718745],[196.99552001953126,463.9625244140625],[196.41912231445312,464.2663330078125],[195.84268798828126,464.56977539062495],[195.26612548828123,464.8732543945312],[194.68969116210937,465.17669677734375],[194.11283569335936,465.4794067382812],[193.53570556640625,465.781494140625],[192.95806274414062,466.0829223632812],[192.38025512695313,466.38372802734375],[191.80193481445312,466.6837646484375],[191.22337646484374,466.9834350585937],[190.64492797851562,467.28303222656245],[190.06627807617187,467.5825561523437],[189.48715209960938,467.88079833984375],[188.90767822265624,468.1786376953125],[188.32781982421875,468.47548828124997],[187.74724731445312,468.77135009765624],[187.16630859375,469.0663696289062],[186.584619140625,469.35944824218745],[186.0023986816406,469.65216064453125],[185.41928100585938,469.94256591796875],[184.83532104492187,470.2313232421875],[184.2504455566406,470.5182861328125],[183.66461791992188,470.803271484375],[183.07772827148438,471.08616943359374],[182.4897216796875,471.3668334960937],[181.9005615234375,471.64504394531247],[181.3102294921875,471.9203247070312],[180.71846923828124,472.19296875],[180.12542724609375,472.462646484375],[179.5308837890625,472.72932128906245],[178.93515014648438,472.99266357421874],[178.33773193359374,473.25270996093747],[177.73872070312498,473.50905761718747],[177.13815307617188,473.76123046875],[176.535791015625,474.00959472656245],[175.93183593749998,474.2536743164062],[175.32601318359374,474.4935424804687],[174.71854248046876,474.72886962890624],[174.10918579101562,474.9593994140625],[173.49796142578126,475.1846923828125],[172.88463134765624,475.40485839843745],[172.26947021484375,475.61956787109375],[171.6525695800781,475.82841796875],[171.0334716796875,476.0316284179687],[170.4124328613281,476.22850341796874],[169.78943481445313,476.41904296875],[169.16458740234376,476.60313720703124],[168.53746948242187,476.780126953125],[167.90848388671876,476.9501953125],[167.27772216796873,477.11279296875],[166.644873046875,477.26781005859374],[166.01039428710936,477.41513671875],[165.37380981445312,477.5541137695312],[164.73570556640624,477.6848510742187],[164.0956787109375,477.806982421875],[163.45402221679686,477.92021484375],[162.81091918945313,478.02451171875],[162.16640625,478.1191772460937],[161.520556640625,478.2045043945312],[160.873388671875,478.2797607421875],[160.2252685546875,478.3450927734375],[159.57606811523436,478.40017089843747],[158.92611694335938,478.4446655273437],[158.2756164550781,478.48146972656247],[157.62495117187498,478.51622314453124],[156.9743225097656,478.5490356445312],[156.32349243164063,478.579833984375],[155.67269897460938,478.60784912109375],[155.02174072265623,478.63385009765625],[154.37069091796874,478.6578002929687],[153.7195861816406,478.6796997070312],[153.06828918457032,478.69866943359375],[152.41704711914062,478.7153686523437],[151.76567687988282,478.7299072265625],[151.11438903808593,478.7423217773437],[150.462890625,478.75166015624995],[149.81149291992188,478.7585815429687],[149.1599578857422,478.7632690429687],[148.50845947265626,478.76568603515625],[147.85689697265624,478.7647705078125],[147.20545349121093,478.761328125],[146.55397338867186,478.7555419921875],[145.9024658203125,478.74733886718747],[145.25115966796875,478.7357666015625],[144.59978942871092,478.72166748046874],[143.9485656738281,478.70441894531245],[143.2972869873047,478.6845336914062],[142.6462646484375,478.66157226562495],[141.99526977539062,478.6357177734375],[141.3444396972656,478.60675048828125],[140.69371948242187,478.5747436523437],[140.04317321777344,478.53962402343745],[139.39281005859374,478.50128173828125],[138.74266662597657,478.45989990234375],[138.09273376464844,478.4150024414062],[137.44296569824218,478.3670288085937],[136.7934356689453,478.3153564453125],[136.1443908691406,478.26068115234375],[135.49540100097656,478.2021240234375],[134.8469512939453,478.1403442382812],[134.1986846923828,478.074755859375],[133.5509307861328,478.00568847656245],[132.90351562499998,477.93284912109374],[132.25642089843748,477.856201171875],[131.60993041992188,477.7758544921875],[130.96389770507812,477.69147949218745],[130.31843261718748,477.603369140625],[129.67357177734374,477.51101074218747],[129.02924194335938,477.41484375],[128.38550720214843,477.3141723632812],[127.74234924316406,477.2097290039062],[127.10007934570312,477.1005981445312],[126.45842285156249,476.9874755859375],[125.81778259277343,476.86962890625],[125.17779235839843,476.74749755859375],[124.53884582519531,476.62071533203124],[123.90065002441406,476.4893920898437],[123.26362609863281,476.353271484375],[122.62752685546874,476.21242675781247],[121.99237976074218,476.06667480468747],[121.35867004394531,475.916015625],[120.72592163085938,475.7603759765625],[120.09475708007812,475.599609375],[119.46464538574219,475.4337524414062],[118.83619995117186,475.26251220703125],[118.208935546875,475.0861450195312],[117.5832550048828,474.9040283203125],[116.95936889648436,474.7167114257812],[116.33721313476562,474.5235717773437],[115.71677856445312,474.325048828125],[115.09820251464843,474.12041015625],[114.48161315917969,473.9102416992187],[113.86701049804687,473.69384765625],[113.25464172363282,473.47166748046874],[112.64447937011718,473.24326171875],[112.03657836914063,473.00881347656247],[111.43124999999999,472.7679931640625],[110.82844848632813,472.5208374023437],[110.22838439941405,472.26723632812497],[109.63094787597656,472.007080078125],[109.036669921875,471.7405151367187],[108.44524841308593,471.46699218749995],[107.85690307617188,471.187060546875],[107.27216491699218,470.8999877929687],[106.69046630859374,470.60639648437495],[106.11290588378905,470.30540771484374],[105.53836669921874,469.99782714843747],[104.9683135986328,469.6826293945312],[104.40184020996094,469.36091308593745],[103.8384796142578,469.0337768554687],[103.27721557617187,468.7027587890625],[102.71817626953124,468.3680419921875],[102.16161804199218,468.02973632812495],[101.60716552734375,467.6875122070312],[101.05511169433593,467.341552734375],[100.50541076660156,466.9917846679687],[99.95835571289062,466.63824462890625],[99.41364440917968,466.2806396484375],[98.87162475585937,465.9191528320312],[98.33226928710937,465.55378417968745],[97.79547729492187,465.18438720703125],[97.26163330078124,464.81121826171875],[96.73036193847656,464.43391113281245],[96.20215759277343,464.05279541015625],[95.67668151855469,463.66754150390625],[95.15424499511718,463.2782958984375],[94.63479309082031,462.8850219726562],[94.11845397949219,462.4876831054687],[93.605419921875,462.0863159179687],[93.09539794921875,461.68077392578124],[92.5887451171875,461.27131347656245],[92.08534240722656,460.85771484375],[91.58543701171875,460.4401611328125],[91.088671875,460.0183959960937],[90.59551391601562,459.5926025390625],[90.1060089111328,459.1629272460937],[89.61985473632812,458.7289672851562],[89.13755493164062,458.29119873046875],[88.65875244140625,457.84921875],[88.18389587402343,457.40343017578124],[87.71256408691406,456.95343017578125],[87.24513244628906,456.4994750976562],[86.78177490234374,456.041748046875],[86.32219848632812,455.5799560546875],[85.86659545898438,455.114208984375],[85.41508483886719,454.64454345703126],[84.96766662597656,454.17103271484376],[84.52428588867187,453.6936401367187],[84.08511657714844,453.2124755859375],[83.65005798339844,452.7274658203125],[83.21919250488281,452.2386840820312],[82.79269409179688,451.7463134765625],[82.37037963867188,451.2501708984375],[81.95248718261719,450.75047607421874],[81.53882446289062,450.2470458984375],[81.129638671875,449.7402099609375],[80.72474670410156,449.22974853515626],[80.32430419921874,448.71584472656247],[79.92833862304687,448.19853515625],[79.53677673339844,447.677783203125],[79.14976501464844,447.1537353515625],[78.76715698242187,446.626318359375],[78.38919982910156,446.0958618164062],[78.01565551757812,445.5619262695312],[77.64678955078125,445.0249877929687],[77.28241882324218,444.4849365234375],[76.92248840332032,443.9417358398437],[76.56721801757813,443.3957153320312],[76.21646575927734,442.846728515625],[75.87027740478516,442.2948852539062],[75.5285659790039,441.7401123046875],[75.19143676757812,441.1827392578125],[74.85877075195312,440.622509765625],[74.53074645996094,440.0594970703125],[74.20734558105468,439.4941040039062],[73.88834381103516,438.9258178710937],[73.57684020996093,438.3536865234375],[73.2735122680664,437.77705078125],[72.97876739501953,437.19627685546874],[72.69273834228515,436.61077880859375],[72.41589660644532,436.0209594726562],[72.14854431152344,435.4270385742187],[71.89091033935547,434.8285766601562],[71.64361724853515,434.2259033203125],[71.40673828125,433.61883544921875],[71.18109741210937,433.0078857421875],[70.96686401367187,432.39246826171876],[70.76465148925782,431.7732788085937],[70.57510986328124,431.149951171875],[70.39844055175782,430.522705078125],[70.23581542968749,429.8920166015625],[70.08728942871093,429.25759277343747],[69.95404815673828,428.62005615234375],[69.83639373779296,427.97915039062497],[69.7352783203125,427.33571777343747],[69.6515899658203,426.6895385742187],[69.58588256835937,426.04130859375],[69.53909912109374,425.3915771484375],[69.51236572265624,424.7406372070312],[69.50624542236328,424.08925781249997],[69.52164916992187,423.4379150390625],[69.55944671630859,422.7876708984375],[69.620654296875,422.13896484375],[69.7059814453125,421.49329833984376],[69.81611022949218,420.8511108398437],[69.95164947509765,420.2138305664062],[70.1130615234375,419.5828857421875],[70.3008316040039,418.95897216796874],[70.51505584716797,418.3439208984375],[70.7559585571289,417.7385009765625],[71.02316894531249,417.14447021484375],[71.31853637695312,416.56376953125],[71.64393310546875,415.9994384765625],[71.99557800292969,415.45118408203126],[72.37056427001953,414.9184204101562],[72.76627807617187,414.4010009765625],[73.18079223632812,413.8982666015625],[73.61214752197266,413.41021728515625],[74.0591537475586,412.93623046875],[74.520556640625,412.47637939453125],[74.9955322265625,412.0305541992187],[75.48320159912109,411.5983154296875],[75.98281402587891,411.18035888671875],[76.4939208984375,410.7762451171875],[77.0157989501953,410.3865966796875],[77.548388671875,410.01123046875],[78.09104919433594,409.6509155273437],[78.64363403320313,409.30579833984376],[79.20599670410157,408.9766479492187],[79.77747802734375,408.66408691406247],[80.35827026367187,408.368994140625],[80.9479248046875,408.09206542968747],[81.54646911621093,407.8345458984375],[82.15321655273438,407.59775390625],[82.76832275390625,407.38275146484375],[83.3911376953125,407.19166259765626],[84.02099304199218,407.02606201171875],[84.6577880859375,406.887890625],[85.29890441894531,406.77271728515626],[85.94054260253905,406.65944824218747],[86.58204345703125,406.5462158203125],[87.223681640625,406.4329467773437],[87.86517333984375,406.31971435546876],[88.50682067871094,406.20644531249997],[89.14845886230468,406.0931762695312],[89.78995971679687,405.9799072265625],[90.43159790039063,405.86663818359375],[91.0730987548828,405.75340576171874],[91.71473693847656,405.64013671875],[92.35623779296874,405.526904296875],[92.9978759765625,405.41363525390625],[93.63951416015625,405.3003662109375],[94.28101501464843,405.1870971679687],[94.92265319824219,405.073828125],[95.56415405273437,404.96059570312497],[96.20579223632812,404.8473266601562],[96.84729309082032,404.7340576171875],[97.48893127441406,404.62078857421875],[98.13043212890625,404.50755615234374],[98.77207031249999,404.394287109375],[99.41370849609375,404.28101806640626],[100.05520935058594,404.16778564453125],[100.69684753417968,404.0545166015625],[101.33834838867188,403.9412475585937],[101.97998657226562,403.827978515625],[102.62148742675781,403.71474609374997],[103.26312561035157,403.6014770507812],[103.90477294921875,403.4882080078125],[104.5462646484375,403.3749755859375],[105.18790283203124,403.26170654296874],[105.82940368652343,403.1484375],[106.47104187011719,403.03516845703126],[107.11254272460937,402.92193603515625],[107.75418090820312,402.8086669921875],[108.3956817626953,402.6953979492187],[109.03731994628906,402.58212890625],[109.67896728515625,402.46885986328124],[110.320458984375,402.3556274414062],[110.96209716796875,402.2423583984375],[111.60359802246093,402.1291259765625],[112.24523620605468,402.01585693359374],[112.88673706054688,401.902587890625],[113.52837524414062,401.78931884765626],[114.1700225830078,401.67604980468747],[114.81151428222655,401.5628173828125],[115.45316162109374,401.4495483398437],[116.0947265625,401.33642578125],[116.73643798828124,401.2235595703125],[117.37801208496093,401.11072998046876],[118.01973266601561,400.997900390625],[118.66144409179687,400.88503417968747],[119.30300903320312,400.77220458984374],[119.94472961425781,400.6593383789062],[120.5863037109375,400.5465454101562],[121.22801513671874,400.4336791992187],[121.869580078125,400.320849609375],[122.51130065917968,400.2079833984375],[123.15287475585937,400.09515380859375],[123.79458618164062,399.98232421874997],[124.43629760742186,399.8694580078125],[125.07787170410155,399.7566284179687],[125.7195831298828,399.643798828125],[126.3611572265625,399.5309692382812],[127.00286865234375,399.41810302734376],[127.64444274902343,399.3052734375],[128.2861541748047,399.19244384765625],[128.92787475585936,399.07957763671874],[129.5694396972656,398.966748046875],[130.2111602783203,398.8538818359375],[130.85272521972655,398.7410522460937],[131.49444580078125,398.62822265625],[132.1360107421875,398.51539306640626],[132.7777313232422,398.40252685546875],[133.41929626464844,398.28969726562497],[134.0610168457031,398.17686767578124],[134.70272827148438,398.0640014648437],[135.34430236816405,397.951171875],[135.98601379394532,397.8383422851562],[136.627587890625,397.7255126953125],[137.26929931640623,397.612646484375],[137.91087341308594,397.49981689453125],[138.55258483886718,397.38698730468747],[139.19430541992188,397.27412109375],[139.83587036132812,397.1612915039062],[140.47758178710936,397.0484252929687],[141.11915588378906,396.935595703125],[141.76087646484373,396.82276611328126],[142.40244140625,396.7099365234375],[143.04415283203124,396.59707031249997],[143.68572692871092,396.48424072265624],[144.32744750976562,396.3714111328125],[144.96915893554686,396.258544921875],[145.61073303222656,396.1457153320312],[146.2524444580078,396.0328857421875],[146.89386291503905,395.9201293945312],[147.53562927246094,395.80755615234375],[148.17725830078123,395.69505615234374],[148.81902465820312,395.5824829101562],[149.460791015625,395.4699462890625],[150.10241088867187,395.35740966796874],[150.74417724609376,395.2448364257812],[151.38579711914062,395.13233642578126],[152.0275634765625,395.01976318359374],[152.6691925048828,394.9072265625],[153.3109588623047,394.79468994140626],[153.952734375,394.68211669921874],[154.59435424804687,394.5696166992187],[155.23612060546876,394.45704345703126],[155.87774047851562,394.34450683593747],[156.5195068359375,394.2319702148437],[157.16112670898437,394.11943359375],[157.80289306640626,394.00689697265625],[158.44453124999998,393.8943603515625],[159.086279296875,393.7818237304687],[159.72806396484376,393.66925048828125],[160.36968383789062,393.5567138671875],[161.0114501953125,393.4441772460937],[161.65307006835937,393.331640625],[162.29483642578126,393.21910400390624],[162.93645629882812,393.1065673828125],[163.57822265625,392.993994140625],[164.22000732421876,392.88145751953124],[164.86160888671876,392.7689208984375],[165.5033935546875,392.65638427734376],[166.14501342773437,392.54384765624997],[166.78677978515626,392.4312744140625],[167.42839965820312,392.3187744140625],[168.070166015625,392.20620117187497],[168.71178588867187,392.0936645507812],[169.35355224609376,391.9811279296875],[169.9953186035156,391.86859130859375],[170.63695678710937,391.7560546875],[171.27872314453126,391.6434814453125],[171.92034301757812,391.5309814453125],[172.562109375,391.418408203125],[173.20372924804687,391.3058715820312],[173.84549560546876,391.1933349609375],[174.4872619628906,391.08076171875],[175.1288818359375,390.96826171875],[175.77064819335936,390.8556884765625],[176.41228637695312,390.74315185546874],[177.054052734375,390.630615234375],[177.69567260742187,390.51807861328126],[178.33743896484376,390.40554199218747],[178.97905883789062,390.2930053710937],[179.6208251953125,390.18043212890626],[180.26259155273436,390.06789550781247],[180.90421142578126,389.9553588867187],[181.5459777832031,389.842822265625],[182.18761596679687,389.73028564453125],[182.82938232421876,389.6177124023437],[183.47100219726562,389.5052124023437],[184.1127685546875,389.39263916015625],[184.75453491210936,389.2801025390625],[185.39615478515626,389.1675659179687],[186.0379211425781,389.055029296875],[186.679541015625,388.94249267578124],[187.32130737304686,388.8299194335937],[187.96294555664062,388.71741943359376],[188.6047119140625,388.60484619140624],[189.24647827148436,388.4923095703125],[189.88809814453126,388.37977294921876],[190.5298645019531,388.26719970703124],[191.171484375,388.1546997070312],[191.81325073242186,388.04212646484376],[192.45487060546876,387.92958984374997],[193.0966369628906,387.8170532226562],[193.73827514648437,387.7045166015625],[194.38004150390626,387.59197998046875],[195.0218078613281,387.4794067382812],[195.663427734375,387.3668701171875],[196.30519409179686,387.25433349609375],[196.94681396484376,387.141796875],[197.5885803222656,387.0292602539062],[198.2302001953125,386.9167236328125],[198.87196655273436,386.80418701171874],[199.51373291015625,386.6916137695312],[200.15537109375,386.5790771484375],[200.79713745117186,386.46654052734374],[201.43875732421876,386.35400390625],[202.0805236816406,386.24146728515626],[202.7221435546875,386.12893066406247],[203.36390991210936,386.016357421875],[204.00567626953125,385.90382080078126],[204.6474426269531,385.79124755859374],[205.28893432617187,385.6787475585937],[205.93070068359376,385.5662109375],[206.5724670410156,385.45363769531247],[207.2142333984375,385.3411010742187],[207.85570678710937,385.2286010742187],[208.49747314453126,385.11595458984374],[209.13922119140625,385.00323486328125],[209.78095092773438,384.8905517578125],[210.42269897460938,384.77783203125],[211.06415405273438,384.66518554687497],[211.70588378906248,384.5524658203125],[212.3476318359375,384.43974609375],[212.9893798828125,384.3270263671875],[213.6308166503906,384.21437988281247],[214.2725646972656,384.10166015625],[214.91429443359374,383.9889770507812],[215.55604248046873,383.8762573242187],[216.19779052734376,383.76353759765624],[216.83922729492187,383.65089111328126],[217.48097534179686,383.5381713867187],[218.122705078125,383.4254516601562],[218.764453125,383.31276855468747],[219.405908203125,383.20008544921876],[220.04763793945312,383.08740234375],[220.68938598632812,382.9746826171875],[221.33111572265625,382.86196289062497],[221.97286376953124,382.7492431640625],[222.61431884765625,382.6365966796875],[223.25604858398438,382.523876953125],[223.89779663085938,382.41119384765625],[224.5395263671875,382.29847412109376],[225.1812744140625,382.1857543945312],[225.8227294921875,382.07310791015624],[226.4644592285156,381.96038818359375],[227.10620727539063,381.84766845703126],[227.74793701171873,381.7349853515625],[228.38939208984374,381.62230224609374],[229.03114013671873,381.509619140625],[229.67288818359376,381.3968994140625],[230.31461791992186,381.2841796875],[230.95634765625,381.1714599609375],[231.597802734375,381.0588134765625],[232.23955078125,380.94609375],[232.88128051757812,380.8334106445312],[233.5230285644531,380.72069091796874],[234.16448364257812,380.60804443359376],[234.80621337890625,380.4953247070312],[235.44796142578124,380.3826049804687],[236.08970947265624,380.26988525390624],[236.73143920898437,380.1572021484375],[237.37289428710938,380.0445190429687],[238.01462402343748,379.9318359375],[238.6563720703125,379.81911621093747],[239.2981201171875,379.706396484375],[239.93984985351562,379.5936767578125],[240.5813049316406,379.4810302734375],[241.22303466796873,379.36831054687497],[241.86478271484373,379.25562744140626],[242.50653076171875,379.1429077148437],[243.14796752929686,379.03026123046874],[243.78971557617186,378.91754150390625],[244.4314453125,378.80482177734376],[245.07319335937498,378.6921020507812],[245.71494140624998,378.5794189453125],[246.35637817382812,378.46673583984375],[246.9981262207031,378.354052734375],[247.63985595703124,378.2413330078125],[248.28160400390624,378.12861328125],[248.92305908203124,378.015966796875],[249.56478881835938,377.9032470703125],[250.20653686523437,377.79052734375],[250.84828491210936,377.67784423828124],[251.4900146484375,377.56512451171875],[252.1314697265625,377.4524780273437],[252.7732177734375,377.3397583007812],[253.41494750976562,377.22703857421874],[254.05669555664062,377.11431884765625],[254.69813232421873,377.0016723632812],[255.33988037109373,376.8889526367187],[255.98162841796875,376.77626953124997],[256.62335815429685,376.6635498046875],[257.2651062011719,376.550830078125],[257.90654296875,376.43818359375],[258.548291015625,376.32546386718747],[259.1900390625,376.212744140625],[259.83176879882814,376.1000610351562],[260.4735168457031,375.9873413085937],[261.1149536132812,375.87469482421875],[261.75670166015624,375.76197509765626],[262.39844970703126,375.6492553710937],[263.04017944335936,375.5365356445312],[263.68163452148434,375.42388916015625],[264.3233642578125,375.31116943359376],[264.96511230468747,375.198486328125],[265.6068603515625,375.0857666015625],[266.2485900878906,374.97304687499997],[266.8900451660156,374.860400390625],[267.5317932128906,374.7476806640625],[268.17352294921875,374.6349609375],[268.8152709960937,374.52227783203125],[269.45672607421875,374.409375],[270.0983642578125,374.296142578125],[270.7400207519531,374.18287353515626],[271.38165893554685,374.06964111328125],[272.0233154296875,373.9563720703125],[272.66466064453124,373.8431762695312],[273.30629882812497,373.7299438476562],[273.9479553222656,373.6166748046875],[274.58959350585934,373.50344238281247],[275.23125,373.3902099609375],[275.8725952148437,373.2769775390625],[276.5142517089844,373.1637451171875],[277.1558898925781,373.0505126953125],[277.7975280761719,372.93724365234374],[278.4388916015625,372.8240478515625],[279.0805297851562,372.7108154296875],[279.72218627929686,372.59754638671876],[280.3638244628906,372.48431396484375],[281.00548095703124,372.371044921875],[281.646826171875,372.2578491210937],[282.2884826660156,372.1446166992187],[282.93012084960935,372.03134765625],[283.57175903320314,371.91811523437497],[284.21312255859374,371.80491943359374],[284.85476074218747,371.6916870117187],[285.4964172363281,371.57841796875],[286.13805541992184,371.465185546875],[286.7797119140625,371.35191650390624],[287.4210571289062,371.238720703125],[288.0626953125,371.12548828125],[288.7043518066406,371.01221923828126],[289.3459899902344,370.89898681640625],[289.987353515625,370.78579101562497],[290.6289916992187,370.6725219726562],[291.27064819335936,370.5592895507812],[291.9122863769531,370.44605712890626],[292.5539245605469,370.33278808593747],[293.1952880859375,370.21959228515624],[293.83692626953126,370.1063598632812],[294.47858276367185,369.9930908203125],[295.12022094726564,369.8798583984375],[295.7618774414062,369.76658935546874],[296.40322265624997,369.6533935546875],[297.0448791503906,369.5401611328125],[297.68651733398434,369.4269287109375],[298.3281555175781,369.31365966796875],[298.9695190429687,369.20046386718747],[299.6111572265625,369.0872314453125],[300.2528503417969,368.97337646484374],[300.89439697265624,368.85955810546875],[301.5359252929687,368.745703125],[302.1771789550781,368.6319213867187],[302.8187255859375,368.5181030273437],[303.46027221679685,368.404248046875],[304.10181884765626,368.29042968749997],[304.74305419921876,368.17664794921876],[305.3846008300781,368.0628295898437],[306.02614746093747,367.948974609375],[306.6676940917969,367.83515625],[307.3092407226562,367.72133789062497],[307.9504760742187,367.60755615234376],[308.592041015625,367.493701171875],[309.2335693359375,367.3798828125],[309.87509765625,367.2660278320312],[310.51666259765625,367.15220947265624],[311.15789794921875,367.038427734375],[311.79946289062497,366.924609375],[312.4409912109375,366.8107543945312],[313.08251953125,366.6969360351562],[313.7237915039062,366.58315429687497],[314.3653198242187,366.4693359375],[315.006884765625,366.35548095703126],[315.6484130859375,366.2416625976562],[316.28994140624997,366.1278076171875],[316.93121337890625,366.01402587890624],[317.57274169921874,365.90020751953125],[318.214306640625,365.78638916015626],[318.8558349609375,365.6725341796875],[319.4970703125,365.5587524414062],[320.1386352539062,365.44493408203124],[320.78016357421876,365.33111572265625],[321.42169189453125,365.2172607421875],[322.06325683593747,365.1034423828125],[322.70449218749997,364.9896606445312],[323.34605712890624,364.8758056640625],[323.9875854492187,364.76198730468747],[324.6291137695312,364.6481689453125],[325.2703857421875,364.5343872070312],[325.9119140625,364.4205322265625],[326.55347900390626,364.3067138671875],[327.19500732421875,364.19285888671874],[327.83653564453124,364.07904052734375],[328.47780761718747,363.9652587890625],[329.1193359375,363.8514404296875],[329.7609008789062,363.7375854492187],[330.4021728515625,363.6235107421875],[331.0436279296875,363.5091064453125],[331.6847900390625,363.3948120117187],[332.3262084960937,363.28040771484376],[332.96766357421876,363.16604003906247],[333.60911865234374,363.0516723632812],[334.2502807617187,362.9373413085937],[334.89169921875,362.8229736328125],[335.533154296875,362.70860595703124],[336.174609375,362.59423828125],[336.81606445312497,362.47987060546876],[337.4572265625,362.36553955078125],[338.09864501953126,362.251171875],[338.74010009765624,362.136767578125],[339.3815551757812,362.02239990234375],[340.02271728515626,361.90810546874997],[340.6641357421875,361.793701171875],[341.3055908203125,361.67933349609376],[341.94704589843747,361.56496582031247],[342.5885009765625,361.4505981445312],[343.22962646484376,361.3362670898437],[343.87108154296874,361.2218994140625],[344.5125366210937,361.10753173828124],[345.15399169921875,360.9931640625],[345.79552001953124,360.8783935546875],[346.4366088867187,360.763623046875],[347.07799072265624,360.6488525390625],[347.7193359375,360.53404541015624],[348.3607177734375,360.4192749023437],[349.001806640625,360.30450439453125],[349.6431884765625,360.1897338867187],[350.28453369140624,360.0749267578125],[350.92591552734376,359.9601196289062],[351.5672973632812,359.84534912109376],[352.208349609375,359.73061523437497],[352.8497314453125,359.6158081054687],[353.49111328124997,359.50100097656247],[354.1324951171875,359.38623046875],[354.77354736328124,359.27149658203126],[355.41492919921876,359.156689453125],[356.0563110351562,359.04188232421876],[356.69765624999997,358.92711181640624],[357.3390380859375,358.8123046875],[357.98012695312497,358.69757080078125],[358.6215087890625,358.582763671875],[359.2628540039062,358.4679931640625],[359.90423583984375,358.3531860351562],[360.5451416015625,358.23841552734376],[361.1864501953125,358.1231323242187],[361.8277221679687,358.0078857421875],[362.4690307617187,357.89263916015625],[363.110302734375,357.777392578125],[363.751318359375,357.6621826171875],[364.39259033203126,357.54693603515625],[365.0338989257812,357.431689453125],[365.6751708984375,357.3164428710937],[366.3164794921875,357.20115966796874],[366.95745849609375,357.085986328125],[367.59876708984376,356.970703125],[368.2400390625,356.85545654296874],[368.8813110351562,356.7402099609375],[369.52232666015624,356.625],[370.16359863281247,356.50975341796874],[370.8049072265625,356.3945068359375],[371.44617919921876,356.2792602539062],[372.0874877929687,356.164013671875],[372.728466796875,356.0488037109375],[373.36977539062497,355.9335571289062],[374.01104736328125,355.8182739257812],[374.65235595703126,355.70302734374997],[375.2933349609375,355.5878540039062],[375.93468017578124,355.47235107421875],[376.57587890625,355.35659179687497],[377.2170776367187,355.24083251953124],[377.8582763671875,355.12510986328124],[378.4991821289062,355.00938720703124],[379.140380859375,354.8936279296875],[379.7815795898437,354.7779052734375],[380.4227783203125,354.6621459960937],[381.06397705078126,354.54638671875],[381.7048828125,354.4307006835937],[382.34608154296876,354.31494140625],[382.9872802734375,354.1991821289062],[383.62847900390625,354.0834228515625],[384.269384765625,353.9677368164062],[384.91058349609375,353.8519775390625],[385.55178222656247,353.73621826171876],[386.19298095703124,353.620458984375],[386.8341796875,353.50469970703125],[387.47508544921874,353.389013671875],[388.1162841796875,353.27325439453125],[388.7574829101562,353.15749511718747],[389.398681640625,353.04177246093747],[390.0395874023437,352.92604980468747],[390.6807861328125,352.81029052734374],[391.322021484375,352.6941650390625],[391.96314697265626,352.5778564453125],[392.60423583984374,352.4615478515625],[393.245068359375,352.3453125],[393.8861572265625,352.2290405273437],[394.52724609374997,352.11273193359375],[395.1683349609375,351.9964599609375],[395.8091674804687,351.88018798828125],[396.45025634765625,351.763916015625],[397.0913818359375,351.64760742187497],[397.732470703125,351.5313354492187],[398.37355957031247,351.41502685546874],[399.01439208984374,351.2987915039062],[399.6554809570312,351.18248291015624],[400.29656982421875,351.0662109375],[400.9376953125,350.94990234375],[401.5787841796875,350.83363037109376],[402.219580078125,350.71739501953124],[402.86070556640624,350.60108642578126],[403.5017944335937,350.4847778320312],[404.14288330078125,350.368505859375],[404.78371582031247,350.2522705078125],[405.4248046875,350.1359619140625],[406.0658935546875,350.0196533203125],[406.7067626953125,349.9028686523437],[407.3477783203125,349.7859741210937],[407.98846435546875,349.6691528320312],[408.6294799804687,349.552294921875],[409.270458984375,349.43543701171876],[409.911474609375,349.31854248046875],[410.5521606445312,349.20172119140625],[411.19317626953125,349.08486328124997],[411.8341552734375,348.96800537109374],[412.4751342773437,348.8511108398437],[413.11614990234375,348.7342529296875],[413.7568359375,348.617431640625],[414.39785156249997,348.5005737304687],[415.03883056640626,348.38367919921876],[415.6798461914062,348.2668212890625],[416.32082519531247,348.14996337890625],[416.9615478515625,348.03314208984375],[417.60252685546874,347.91624755859374],[418.24354248046876,347.7993896484375],[418.884521484375,347.6825317382812],[419.525244140625,347.5657104492187],[420.1662231445312,347.4488159179687],[420.80723876953124,347.3319580078125],[421.4483642578125,347.21495361328124],[422.0892333984375,347.09743652343747],[422.72984619140624,346.980029296875],[423.37071533203124,346.8625122070312],[424.01158447265624,346.7450317382812],[424.65249023437497,346.6275146484375],[425.29306640625,346.510107421875],[425.933935546875,346.39259033203126],[426.57484130859376,346.2751098632812],[427.21571044921876,346.1575927734375],[427.8566162109375,346.0401123046875],[428.4971923828125,345.92266845703125],[429.1380615234375,345.80518798828126],[429.7789672851562,345.6877075195312],[430.4198364257812,345.5701904296875],[431.06041259765624,345.45274658203124],[431.70131835937497,345.33526611328125],[432.34218749999997,345.21778564453126],[432.98305664062497,345.1002685546875],[433.62396240234375,344.9827880859375],[434.26453857421876,344.86534423828124],[434.9054443359375,344.74786376953125],[435.5463134765625,344.6303466796875],[436.1871826171875,344.5128662109375],[436.82801513671876,344.39512939453124],[437.4684814453125,344.2770263671875],[438.10924072265624,344.15888671875],[438.75,344.04071044921875],[439.39075927734376,343.9225708007812],[440.0312255859375,343.80446777343747],[440.67198486328124,343.68629150390626],[441.312744140625,343.5681518554687],[441.95350341796876,343.45001220703125],[442.59426269531247,343.3318359375],[443.23472900390624,343.21373291015624],[443.87548828125,343.09559326171876],[444.51624755859376,342.9774536132812],[445.15700683593747,342.85927734374997],[445.79747314453124,342.7411743164062],[446.438232421875,342.62303466796874],[447.07899169921876,342.5048583984375],[447.71975097656247,342.38671875],[448.3605102539062,342.26857910156247],[449.0010131835937,342.1504760742187],[449.6417724609375,342.0322998046875],[450.28253173828125,341.91416015625],[450.923291015625,341.7959838867187],[451.5640502929687,341.67784423828124],[452.204443359375,341.559375],[452.8450561523437,341.44053955078124],[453.48570556640624,341.32166748046876],[454.126318359375,341.20283203125],[454.7666748046875,341.084033203125],[455.40732421875,340.9651611328125],[456.0479370117187,340.84632568359376],[456.68858642578124,340.727490234375],[457.32919921875,340.6086181640625],[457.9695556640625,340.4898193359375],[458.61016845703125,340.37098388671876],[459.2508178710937,340.2521484375],[459.8914306640625,340.1332763671875],[460.531787109375,340.0144775390625],[461.1723999023437,339.89564208984376],[461.81304931640625,339.7767700195312],[462.453662109375,339.6579345703125],[463.09431152343745,339.5390991210937],[463.73466796875,339.42030029296876],[464.3752807617187,339.3014282226562],[465.01593017578125,339.1825927734375],[465.65654296875,339.0637573242187],[466.29689941406247,338.94495849609376],[466.9375122070312,338.8260864257812],[467.5780517578125,338.70677490234374],[468.2185546875,338.58717041015626],[468.8590576171875,338.4676025390625],[469.499267578125,338.34803466796876],[470.1397705078125,338.228466796875],[470.7802368164062,338.1088623046875],[471.4207397460937,337.9892944335937],[472.0612426757812,337.86968994140625],[472.7014526367187,337.7501586914062],[473.3419189453125,337.6305908203125],[473.982421875,337.510986328125],[474.6229248046875,337.39141845703125],[475.26313476562495,337.2718872070312],[475.90363769531245,337.15228271484375],[476.5441040039062,337.03271484375],[477.1846069335937,336.91311035156247],[477.8251098632812,336.7935424804687],[478.46531982421874,336.67401123046875],[479.10582275390624,336.5544067382812],[479.74628906249995,336.43483886718747],[480.38679199218745,336.315234375],[481.02700195312497,336.19570312499997],[481.66750488281247,336.0760986328125],[482.30800781249997,335.95653076171874],[482.9482177734375,335.83641357421874],[483.5885375976562,335.7160400390625],[484.2286010742187,335.5957397460937],[484.86895751953125,335.47536621093747],[485.5093139648437,335.35499267578126],[486.1496704101562,335.2346557617187],[486.78999023437495,335.11428222656247],[487.4300537109375,334.9939819335937],[488.07041015625,334.8736083984375],[488.71076660156245,334.75323486328125],[489.351123046875,334.6328979492187],[489.9911865234375,334.51259765624997],[490.63154296874995,334.39222412109376],[491.2718627929687,334.2718505859375],[491.91221923828124,334.15151367187497],[492.5525756835937,334.03114013671876],[493.1926391601562,333.91083984375],[493.83299560546874,333.79046630859375],[494.4733154296875,333.6700927734375],[495.11367187499997,333.549755859375],[495.75373535156245,333.4294189453125],[496.394091796875,333.30908203125],[497.03444824218747,333.18870849609374],[497.6748046875,333.0683349609375],[498.315234375,332.9473022460937],[498.95515136718745,332.82619628906247],[499.59532470703124,332.70501708984375],[500.23553466796875,332.583837890625],[500.8757446289062,332.4626953125],[501.515625,332.341552734375],[502.15583496093745,332.2203735351562],[502.79604492187497,332.09923095703124],[503.43621826171875,331.97805175781247],[504.0764282226562,331.85687255859375],[504.7163452148437,331.7357666015625],[505.35651855468745,331.6145874023437],[505.99672851562497,331.493408203125],[506.63690185546875,331.3722290039062],[507.2771118164062,331.2510498046875],[507.9170288085937,331.12994384765625],[508.55720214843745,331.0087646484375],[509.19741210937497,330.88758544921876],[509.8376220703125,330.7664428710937],[510.4775024414062,330.6453002929687],[511.1177124023437,330.52412109375],[511.75792236328124,330.40297851562497],[512.398095703125,330.28179931640625],[513.0383056640625,330.1606201171875],[513.6781127929687,330.0388549804687],[514.3181762695312,329.9168334960937],[514.958203125,329.79481201171876],[515.5982299804688,329.67279052734375],[516.2379638671874,329.55084228515625],[516.87802734375,329.42882080078124],[517.5180541992187,329.3067993164062],[518.1580810546875,329.1847778320312],[518.7981079101562,329.06275634765626],[519.4378784179687,328.940771484375],[520.0779052734375,328.81874999999997],[520.7179321289062,328.69676513671874],[521.3579589843749,328.5747436523437],[521.9980224609375,328.4527221679687],[522.6377563476562,328.3307373046875],[523.277783203125,328.2087158203125],[523.9178100585938,328.08669433593747],[524.5578735351562,327.9646728515625],[525.197607421875,327.842724609375],[525.8376342773437,327.720703125],[526.4776611328125,327.598681640625],[527.1177246093749,327.47666015625],[527.7577514648438,327.35463867187497],[528.3974853515625,327.23269042968747],[529.0373657226562,327.11004638671875],[529.67724609375,326.9871826171875],[530.31708984375,326.86428222656247],[530.9566772460937,326.7414184570312],[531.5965576171875,326.61851806640624],[532.2364013671875,326.49561767578126],[532.8762817382812,326.3727172851562],[533.5161621093749,326.24981689453125],[534.155712890625,326.1269897460937],[534.7955932617188,326.00408935546875],[535.4354736328124,325.8811889648437],[536.0753173828125,325.75828857421874],[536.7149047851562,325.6354248046875],[537.3547851562499,325.5125244140625],[537.99462890625,325.38966064453126],[538.6345092773437,325.2667602539062],[539.2743896484375,325.14385986328125],[539.9139404296875,325.02099609375],[540.5538208007812,324.89809570312497],[541.193701171875,324.7751953125],[541.8335449218749,324.652294921875],[542.4734252929687,324.52939453125],[543.1130126953125,324.4065673828125],[543.7528564453124,324.2836669921875],[544.3925537109375,324.160400390625],[545.0322875976562,324.03680419921875],[545.671728515625,323.91328125],[546.3114624023438,323.7897216796875],[546.9511962890625,323.66612548828124],[547.5909301757812,323.5425659179687],[548.2306640625,323.41896972656247],[548.8701049804687,323.2954467773437],[549.5098754882812,323.1718505859375],[550.149609375,323.048291015625],[550.7893432617187,322.92469482421876],[551.4287841796875,322.80117187499997],[552.0684448242188,322.67739257812497],[552.7080688476562,322.5533203125],[553.3477294921875,322.4292846679687],[553.9873901367188,322.3052490234375],[554.6267211914062,322.18125],[555.2663818359375,322.057177734375],[555.906005859375,321.9331420898437],[556.5456665039062,321.80910644531247],[557.1853271484375,321.6850341796875],[557.824658203125,321.56103515625],[558.4643188476563,321.43699951171874],[559.1039428710938,321.3129638671875],[559.743603515625,321.18870849609374],[560.3828979492188,321.06427001953125],[561.0224487304687,320.93972167968747],[561.6619995117187,320.81520996093747],[562.3015502929687,320.69069824218747],[562.9411010742188,320.56618652343747],[563.5803588867187,320.44171142578125],[564.2199096679688,320.31719970703125],[564.8594604492188,320.19265136718747],[565.4990112304687,320.06813964843747],[566.1382690429688,319.94366455078125],[566.7778198242187,319.81915283203125],[567.4174072265624,319.6944946289062],[568.0568481445313,319.5695068359375],[568.6962890625,319.44448242187497],[569.3354736328125,319.31953125],[569.974951171875,319.1945434570312],[570.6143920898437,319.06951904296875],[571.2538330078124,318.94453125],[571.893017578125,318.819580078125],[572.5324951171875,318.6945556640625],[573.1719360351562,318.56953125],[573.8114135742187,318.4445434570312],[574.4508544921874,318.31951904296875],[575.0899291992188,318.19427490234375],[575.72314453125,318.0410888671875],[576.3445678710938,317.8454223632812],[576.9530639648438,317.6132080078125],[577.5485961914062,317.34862060546874],[578.1301391601562,317.0559814453125],[578.6992675781249,316.73865966796876],[579.255322265625,316.3991455078125],[579.7992919921875,316.0404418945312],[580.3307006835937,315.66419677734376],[580.8511962890625,315.2720581054687],[581.3604125976562,314.865966796875],[581.8590087890625,314.4463623046875],[582.3471313476563,314.014892578125],[582.825146484375,313.5724731445312],[583.2934204101563,313.11968994140625],[583.752392578125,312.6570556640625],[584.2018432617188,312.18544921874997],[584.6419921875,311.7052001953125],[585.0729125976562,311.21678466796874],[585.4950073242187,310.72020263671874],[585.9078002929688,310.21636962890625],[586.3117309570313,309.7048828125],[586.7062133789062,309.1866943359375],[587.0913940429688,308.66143798828125],[587.4671264648438,308.1290771484375],[587.832861328125,307.58986816406247],[588.1885253906249,307.0437377929687],[588.5331298828124,306.4913818359375],[588.8666748046875,305.9315734863281],[589.188134765625,305.3646789550781],[589.4965942382812,304.790771484375],[589.7905151367187,304.20990600585935],[590.0689819335937,303.62080078125],[590.3297973632813,303.0236022949219],[590.57021484375,302.4182556152344],[590.7870483398438,301.8037536621094],[590.9754638671875,301.1805908203125],[591.1307006835938,300.5479064941406],[591.2539306640625,299.9080078125],[591.3466918945312,299.26342163085934],[591.4115478515624,298.61517333984375],[591.4498901367188,297.9648193359375],[591.4634033203125,297.3134765625],[591.4535888671875,296.6619873046875],[591.4216552734375,296.01148681640626],[591.3685913085938,295.3623779296875],[591.2952392578125,294.7149169921875],[591.2029174804687,294.0697814941406],[591.091552734375,293.4279052734375],[590.9625366210937,292.78965454101564],[590.8155395507812,292.1550659179687],[590.6513305664063,291.52439575195314],[590.4700561523438,290.898486328125],[590.2718994140624,290.27785034179686],[590.0572265625,289.66322021484376],[589.8254882812499,289.05419311523434],[589.57705078125,288.451904296875],[589.3113281249999,287.8569030761719],[589.0285034179688,287.2701782226562],[588.72802734375,286.6923522949219],[588.4089477539062,286.12412109375],[588.07177734375,285.56678466796876],[587.7197387695312,285.0186767578125],[587.3569702148437,284.4778198242187],[586.9826293945313,283.9444885253906],[586.5963500976562,283.41990966796874],[586.1973266601562,282.9046325683594],[585.7853393554688,282.3999572753906],[585.3598754882812,281.9070556640625],[584.9198364257812,281.42633056640625],[584.465478515625,280.9595947265625],[583.9961425781249,280.50770874023436],[583.5119384765625,280.072119140625],[583.0124267578125,279.65392456054684],[582.4977905273437,279.25446166992185],[581.9680664062499,278.8749572753906],[581.4239501953125,278.51671142578124],[580.8661376953124,278.1809509277344],[580.2944824218749,277.86842651367186],[579.7100463867188,277.5799987792969],[579.114404296875,277.3165649414062],[578.5078857421875,277.0782897949219],[577.8922119140625,276.86559448242184],[577.2684448242187,276.67705078125],[576.6387451171875,276.5104064941406],[576.0039916992188,276.3638671875],[575.3654663085937,276.2359680175781],[574.7232788085937,276.1254455566406],[574.0787109375,276.03028564453126],[573.432275390625,275.94970092773434],[572.7838989257813,275.88270263671876],[572.1352294921875,275.82789916992186],[571.4849487304688,275.78428344726564],[570.8342651367187,275.7515441894531],[570.183251953125,275.7283630371094],[569.5320922851562,275.71400756835936],[568.8805297851562,275.707763671875],[568.228857421875,275.70937499999997],[567.5774780273438,275.71783447265625],[566.9259887695313,275.73261108398435],[566.2752685546875,275.753173828125],[565.62421875,275.77906494140626],[564.9733154296874,275.8098999023437],[564.322705078125,275.8449279785156],[563.6723876953125,275.8837097167969],[563.0222900390625,275.925732421875],[562.372412109375,275.97057495117184],[561.7224243164062,276.018310546875],[561.0727661132812,276.0667785644531],[560.4234741210937,276.11742553710934],[559.77392578125,276.1681823730469],[559.1243408203125,276.2191223144531],[558.4747924804688,276.2700622558594],[557.8252075195312,276.3210021972656],[557.1759521484374,276.3719055175781],[556.5263671875,276.42284545898434],[555.8767822265625,276.4737854003906],[555.2272338867188,276.52470703125],[554.5779418945312,276.57562866210935],[553.9283935546874,276.62656860351564],[553.27880859375,276.67750854492186],[552.6292602539062,276.7284301757812],[551.9796752929688,276.7793701171875],[551.330419921875,276.8302917480469],[550.6808349609374,276.88121337890624],[550.03125,276.93215332031247],[549.3817016601562,276.98309326171875],[548.7324096679687,277.03399658203125],[548.082861328125,277.0849365234375],[547.4332763671874,277.13587646484376],[546.7837280273437,277.18681640625],[546.1341430664062,277.23773803710935],[545.4848876953125,277.2886596679687],[544.835302734375,277.339599609375],[544.1857177734374,277.39052124023436],[543.5361694335937,277.4414611816406],[542.8865844726562,277.4924011230469],[542.2373291015625,277.5433044433594],[541.587744140625,277.5942443847656],[540.9381958007813,277.6451843261719],[540.2886108398437,277.6961242675781],[539.63935546875,277.7470275878906],[538.9897705078125,277.79796752929684],[538.340185546875,277.8489074707031],[537.6906372070313,277.89984741210935],[537.0410522460937,277.9507690429687],[536.391796875,278.00169067382814],[535.7422119140625,278.05263061523436],[535.0926635742187,278.1035522460937],[534.4430786132813,278.1544921875],[533.7938232421875,278.2054138183594],[533.14423828125,278.25633544921874],[532.4946533203125,278.30727539062497],[531.8451049804687,278.35821533203125],[531.1955200195313,278.4091552734375],[530.5462646484375,278.46005859375],[529.8966796875,278.51099853515626],[529.2471313476562,278.5619384765625],[528.5975463867187,278.6128784179687],[527.9482910156249,278.6637817382812],[527.2987060546875,278.7147216796875],[526.64912109375,278.7656616210937],[525.9995727539062,278.8165832519531],[525.3499877929687,278.8675231933594],[524.7007324218749,278.91844482421874],[524.0511474609375,278.9693664550781],[523.4015991210937,279.0203063964844],[522.7520141601562,279.0712463378906],[522.1024658203124,279.12218627929684],[521.4531738281249,279.17308959960934],[520.8035888671875,279.2240295410156],[520.1540405273437,279.27496948242185],[519.5044555664062,279.3258911132812],[518.8552001953125,279.37681274414064],[518.2056152343749,279.42775268554686],[517.5560668945312,279.4786743164062],[516.9064819335937,279.5296142578125],[516.25693359375,279.58055419921874],[515.6076416015625,279.6310729980469],[514.9580566406249,279.6816101074219],[514.3084350585938,279.7321472167969],[513.6588500976562,279.78270263671874],[513.009521484375,279.8332214355469],[512.3599365234375,279.8837585449219],[511.71035156249997,279.9342956542969],[511.06072998046875,279.9848327636719],[510.4111450195312,280.0353698730469],[509.76181640625,280.085888671875],[509.1122314453125,280.1364440917969],[508.462646484375,280.1869812011719],[507.8130249023437,280.2375183105469],[507.1637329101562,280.288037109375],[506.51411132812495,280.33857421875],[505.86452636718747,280.3891296386719],[505.21494140625,280.4396667480469],[504.5653198242187,280.4902038574219],[503.9160278320312,280.54072265625],[503.26640625,280.591259765625],[502.6168212890625,280.641796875],[501.96723632812495,280.6923522949219],[501.31761474609374,280.7428894042969],[500.66832275390624,280.793408203125],[500.01870117187497,280.8439453125],[499.3691162109375,280.894482421875],[498.71953125,280.94501953125],[498.0702026367187,280.9955383300781],[497.4206176757812,281.04609375],[496.77099609375,281.096630859375],[496.12141113281245,281.14716796875],[495.47182617187497,281.197705078125],[494.82249755859374,281.2482238769531],[494.17291259765625,281.298779296875],[493.523291015625,281.34931640625],[492.8737060546875,281.399853515625],[492.2244140625,281.4503723144531],[491.5747924804687,281.5009094238281],[490.9252075195312,281.5514465332031],[490.27558593749995,281.602001953125],[489.62600097656247,281.6525390625],[488.97670898437497,281.7030578613281],[488.32708740234375,281.7535949707031],[487.6775024414062,281.8041320800781],[487.027880859375,281.8546691894531],[486.3782958984375,281.905224609375],[485.72900390625,281.9557434082031],[485.0793823242187,282.0062805175781],[484.42979736328124,282.0568176269531],[483.78017578124997,282.1073547363281],[483.13088378906247,282.1578735351562],[482.481298828125,282.2084289550781],[481.8316772460937,282.2589660644531],[481.1820922851562,282.3095031738281],[480.532470703125,282.3600402832031],[479.8831787109375,282.4105590820312],[479.23359374999995,282.4610961914062],[478.58397216796874,282.5116516113281],[477.93438720703125,282.5621887207031],[477.28505859374997,282.6127075195312],[476.6354736328125,282.6632446289062],[475.985888671875,282.7137817382812],[475.3362670898437,282.7643188476562],[474.6866821289062,282.8148742675781],[474.037353515625,282.8653930664062],[473.38776855468745,282.9159301757812],[472.73818359374997,282.9664672851562],[472.08852539062497,283.0169677734375],[471.43923339843747,283.067431640625],[470.78961181640625,283.11793212890626],[470.1400268554687,283.1684143066406],[469.4904052734375,283.2189147949219],[468.8408203125,283.26939697265624],[468.1914916992187,283.3198608398437],[467.5419067382812,283.370361328125],[466.89228515624995,283.42084350585935],[466.24270019531247,283.47132568359376],[465.59307861328125,283.521826171875],[464.94378662109375,283.57229003906247],[464.2941650390625,283.6227722167969],[463.644580078125,283.6732727050781],[462.9949584960937,283.7237548828125],[462.3456298828125,283.77421875],[461.696044921875,283.82471923828126],[461.04645996093745,283.8752014160156],[460.39683837890624,283.9257019042969],[459.74721679687497,283.97618408203124],[459.09792480468747,284.0266479492187],[458.44833984375,284.07713012695314],[457.79871826171876,284.12763061523435],[457.1490966796875,284.17811279296876],[456.4998046875,284.22857666015625],[455.8501831054687,284.27907714843747],[455.2005981445312,284.3295593261719],[454.5509765625,284.3800598144531],[453.90139160156247,284.4305419921875],[453.25206298828124,284.481005859375],[452.60247802734375,284.53150634765626],[451.9528564453125,284.5819885253906],[451.303271484375,284.63247070312497],[450.6536499023437,284.68297119140624],[450.0043579101562,284.7334350585937],[449.354736328125,284.78391723632814],[448.7051513671875,284.83441772460935],[448.05552978515624,284.88489990234376],[447.40623779296874,284.93536376953125],[446.75661621093747,284.98586425781247],[446.10703125,285.0363464355469],[445.45740966796876,285.0868469238281],[444.8078247070312,285.1373291015625],[444.15849609375,285.18779296875],[443.5089111328125,285.23829345703126],[442.8592895507812,285.2887756347656],[442.20970458984374,285.33925781249997],[441.5603759765625,285.3897399902344],[440.91079101562497,285.4402221679687],[440.26116943359375,285.49070434570314],[439.61158447265626,285.54120483398435],[438.961962890625,285.59168701171876],[438.3126708984375,285.64215087890625],[437.6630493164062,285.69265136718747],[437.0134643554687,285.7431335449219],[436.3638427734375,285.7936340332031],[435.71455078125,285.84409790039064],[435.06492919921874,285.894580078125],[434.41534423828125,285.94506225585934],[433.76572265625,285.9955627441406],[433.1161376953125,286.04604492187497],[432.46680908203126,286.0965087890625],[431.8172241210937,286.1470092773437],[431.1676025390625,286.19749145507814],[430.518017578125,286.24799194335935],[429.86839599609374,286.29847412109376],[429.21910400390624,286.34893798828125],[428.5693359375,286.39963989257814],[427.9197509765625,286.45043334960934],[427.27020263671875,286.50120849609374],[426.62091064453125,286.5519653320312],[425.97132568359376,286.6027587890625],[425.3217407226562,286.6535339355469],[424.6721557617187,286.70432739257814],[424.02257080078124,286.7551025390625],[423.37327880859374,286.805859375],[422.72369384765625,286.85663452148435],[422.0741455078125,286.9074279785156],[421.424560546875,286.958203125],[420.7752685546875,287.0089599609375],[420.12568359375,287.05975341796875],[419.47609863281247,287.1105285644531],[418.826513671875,287.16132202148435],[418.1769287109375,287.21209716796875],[417.52763671875,287.2628540039062],[416.8780517578125,287.3136474609375],[416.22850341796874,287.3644226074219],[415.57891845703125,287.4151977539062],[414.92933349609376,287.4659912109375],[414.28004150390626,287.51674804687497],[413.6304565429687,287.56752319335936],[412.9808715820312,287.6183166503906],[412.33128662109374,287.66909179687497],[411.68199462890624,287.7198486328125],[411.0324462890625,287.77064208984376],[410.382861328125,287.8214172363281],[409.7332763671875,287.8721923828125],[409.08369140625,287.92298583984376],[408.4343994140625,287.97374267578124],[407.78481445312497,288.02451782226564],[407.1352294921875,288.07531127929684],[406.48564453125,288.12608642578124],[405.8363525390625,288.1768432617187],[405.1868041992187,288.22763671875],[404.53721923828124,288.2784118652344],[403.88763427734375,288.3291870117187],[403.23804931640626,288.37998046875],[402.58875732421876,288.4307373046875],[401.9391723632812,288.48151245117185],[401.2895874023437,288.5323059082031],[400.64000244140624,288.5830810546875],[399.99071044921874,288.633837890625],[399.341162109375,288.68463134765625],[398.6915771484375,288.7354064941406],[398.0419921875,288.786181640625],[397.3924072265625,288.83697509765625],[396.743115234375,288.8877319335937],[396.09353027343747,288.9385070800781],[395.4439453125,288.9893005371094],[394.7943603515625,289.0400756835937],[394.1448120117187,289.0908508300781],[393.4955200195312,289.14162597656247],[392.84593505859374,289.19240112304686],[392.19635009765625,289.24317626953126],[391.54676513671876,289.29396972656247],[390.89747314453126,289.3447265625],[390.2478881835937,289.39550170898434],[389.5983032226562,289.4462951660156],[388.94871826171874,289.4970703125],[388.299169921875,289.54784545898434],[387.6498779296875,289.59862060546874],[387.00029296875,289.64939575195314],[386.3507080078125,289.7001708984375],[385.701123046875,289.75096435546874],[385.05194091796875,289.80199584960934],[384.402392578125,289.85321044921875],[383.7528442382812,289.90444335937497],[383.10329589843747,289.9556579589844],[382.45374755859376,290.0068725585937],[381.8044921875,290.0580688476562],[381.1549438476562,290.1092834472656],[380.50539550781247,290.160498046875],[379.85584716796876,290.2117126464844],[379.206298828125,290.26292724609374],[378.5570434570312,290.3141235351562],[377.90749511718747,290.36533813476564],[377.25794677734376,290.416552734375],[376.6083984375,290.46776733398434],[375.9591430664062,290.5189636230469],[375.30959472656247,290.57017822265624],[374.66004638671876,290.6213928222656],[374.010498046875,290.67262573242186],[373.36094970703124,290.7238403320312],[372.71169433593747,290.77503662109376],[372.0621826171875,290.8262512207031],[371.4126342773437,290.87746582031247],[370.76308593749997,290.9286804199219],[370.11383056640625,290.97987670898436],[369.4642822265625,291.0310913085937],[368.8147338867187,291.0823059082031],[368.16518554687497,291.1335205078125],[367.51563720703126,291.1847351074219],[366.8663818359375,291.2359313964844],[366.2168334960937,291.2871459960937],[365.56728515624997,291.33836059570314],[364.91773681640626,291.38959350585935],[364.2684814453125,291.440771484375],[363.61907958984375,291.492041015625],[362.9695678710937,291.5436584472656],[362.32005615234374,291.5952941894531],[361.67054443359376,291.64691162109375],[361.0213256835937,291.69851074218747],[360.37181396484374,291.7501281738281],[359.72230224609376,291.80174560546874],[359.0727905273437,291.8533630371094],[358.42327880859375,291.9049987792969],[357.77406005859376,291.9565979003906],[357.1245483398437,292.0082153320312],[356.47503662109375,292.05983276367186],[355.82548828125,292.1114501953125],[355.17626953125,292.1630493164062],[354.52675781249997,292.21466674804685],[353.87724609375,292.26630249023435],[353.227734375,292.317919921875],[352.57822265625,292.3695373535156],[351.92900390625,292.42113647460934],[351.2794921875,292.47275390625],[350.62998046875,292.5243713378906],[349.98046875,292.5760070800781],[349.33125,292.6276062011719],[348.68173828125,292.67922363281247],[348.0322265625,292.7308410644531],[347.38267822265624,292.78245849609374],[346.73316650390626,292.8340759277344],[346.0839477539062,292.8856750488281],[345.43443603515624,292.9373107910156],[344.78492431640626,292.9889282226562],[344.1354125976562,293.04054565429686],[343.48590087890625,293.0921630859375],[342.83668212890626,293.1437622070312],[342.1871704101562,293.19537963867185],[341.537548828125,293.24732666015626],[340.88807373046876,293.2994384765625],[340.2388916015625,293.351513671875],[339.58941650390625,293.40362548828125],[338.93994140625,293.4557373046875],[338.29046630859375,293.5078491210937],[337.6409912109375,293.55996093749997],[336.99180908203124,293.61205444335934],[336.342333984375,293.66416625976564],[335.69285888671874,293.7162780761719],[335.0433837890625,293.7683898925781],[334.3942016601562,293.8204650878906],[333.7447265625,293.87257690429686],[333.0952514648437,293.9246887207031],[332.4457763671875,293.97680053710934],[331.7963012695312,294.02891235351564],[331.14711914062497,294.081005859375],[330.4976440429687,294.13311767578125],[329.84816894531247,294.1852294921875],[329.1986938476562,294.2373413085937],[328.54951171875,294.2894348144531],[327.90003662109376,294.3415283203125],[327.2505615234375,294.3936401367187],[326.60108642578126,294.445751953125],[325.951611328125,294.49786376953125],[325.30242919921875,294.5499572753906],[324.6529541015625,294.60206909179686],[324.00347900390625,294.6541809082031],[323.35400390625,294.70629272460934],[322.70452880859375,294.75840454101564],[322.0553466796875,294.810498046875],[321.40587158203124,294.86260986328125],[320.756396484375,294.9147033691406],[320.10706787109376,294.9668518066406],[319.457958984375,295.01951293945314],[318.8085205078125,295.07221069335935],[318.15908203124997,295.12489013671876],[317.5096435546875,295.177587890625],[316.86024169921876,295.2302673339844],[316.2110961914062,295.2829284667969],[315.56165771484376,295.3356262207031],[314.91221923828124,295.3883056640625],[314.2628173828125,295.44098510742185],[313.61367187499997,295.49364624023434],[312.9642333984375,295.5463439941406],[312.314794921875,295.59902343749997],[311.66539306640624,295.65172119140624],[311.0159545898437,295.7044006347656],[310.36680908203124,295.75706176757814],[309.7174072265625,295.80975952148435],[309.06796875,295.86243896484376],[308.4185302734375,295.9151184082031],[307.769091796875,295.9678161621094],[307.1199645996094,296.0204772949219],[306.4705444335937,296.0731567382812],[305.82110595703125,296.1258544921875],[305.1716857910156,296.17853393554685],[304.5225402832031,296.23119506835934],[303.8731201171875,296.28387451171875],[303.223681640625,296.33657226562497],[302.5742614746094,296.3892517089844],[301.92482299804686,296.4419494628906],[301.27569580078125,296.49461059570314],[300.6262573242187,296.5472900390625],[299.9768371582031,296.59998779296876],[299.3273986816406,296.6526672363281],[298.678271484375,296.7053283691406],[298.02863159179685,296.7583740234375],[297.37926635742184,296.8117309570312],[296.72988281249997,296.8650695800781],[296.080517578125,296.9184265136719],[295.4314270019531,296.97174682617185],[294.7820617675781,297.02508544921875],[294.13267822265624,297.0784423828125],[293.4833129882812,297.13178100585935],[292.83422241210934,297.1851013183594],[292.1848571777344,297.2384582519531],[291.5354736328125,297.291796875],[290.8861083984375,297.34515380859375],[290.2367248535156,297.3984924316406],[289.58763427734374,297.4518127441406],[288.9382690429687,297.5051696777344],[288.28888549804685,297.5585083007812],[287.63952026367184,297.6118469238281],[286.99013671874997,297.6652038574219],[286.341064453125,297.71852416992186],[285.6916809082031,297.77186279296876],[285.0423156738281,297.82521972656247],[284.39293212890624,297.87855834960936],[283.74384155273435,297.93187866210934],[283.09447631835934,297.9852355957031],[282.44509277343747,298.03857421875],[281.7957275390625,298.09193115234376],[281.14634399414064,298.1452697753906],[280.4972717285156,298.19859008789064],[279.84788818359374,298.25194702148434],[279.1985229492187,298.30528564453124],[278.54913940429685,298.358642578125],[277.9000671386719,298.411962890625],[277.25068359375,298.4653015136719],[276.601318359375,298.5186401367187],[275.95217285156247,298.57269287109375],[275.3028625488281,298.6267822265625],[274.6538452148437,298.6808349609375],[274.0045166015625,298.73492431640625],[273.35520629882814,298.7890319824219],[272.7058959960937,298.84312133789064],[272.05658569335935,298.89721069335934],[271.407568359375,298.95128173828124],[270.7582580566406,299.00537109375],[270.1089294433594,299.05946044921876],[269.45961914062497,299.11354980468747],[268.8106018066406,299.16762084960936],[268.1612915039062,299.2217102050781],[267.51198120117186,299.2757995605469],[266.8626708984375,299.3298889160156],[266.2133422851562,299.38397827148435],[265.56432495117184,299.43804931640625],[264.9150146484375,299.492138671875],[264.2657043457031,299.5462280273437],[263.61639404296875,299.6003173828125],[262.9673583984375,299.6543884277344],[262.3180480957031,299.70847778320314],[261.6687377929687,299.76256713867184],[261.01942749023436,299.8166564941406],[260.3701171875,299.87074584960936],[259.7210998535156,299.92481689453126],[259.07177124023434,299.97890624999997],[258.4224609375,300.0329956054687],[257.7731506347656,300.0870849609375],[257.12413330078124,300.1411560058594],[256.4748229980469,300.1952453613281],[255.82549438476562,300.24933471679685],[255.17618408203123,300.3034240722656],[254.52681884765624,300.35773315429685],[253.87783813476562,300.4124084472656],[253.22858276367185,300.4671203613281],[252.57930908203124,300.5218139648437],[251.9300537109375,300.5765075683594],[251.28079833984373,300.63121948242184],[250.6318176269531,300.68589477539064],[249.98256225585936,300.74058837890624],[249.33328857421873,300.79530029296876],[248.68403320312498,300.84999389648436],[248.03507080078123,300.9046691894531],[247.38579711914062,300.95936279296876],[246.73654174804688,301.0140747070312],[246.08726806640624,301.0687683105469],[245.4380126953125,301.12348022460935],[244.78905029296874,301.1781555175781],[244.1397766113281,301.23284912109375],[243.49053955078125,301.28778076171875],[242.84132080078123,301.34291381835936],[242.19237670898437,301.3980285644531],[241.54315795898435,301.4531616210937],[240.89393920898436,301.50829467773434],[240.24470214843748,301.563427734375],[239.5954833984375,301.6185791015625],[238.9465576171875,301.6736755371094],[238.2973205566406,301.72882690429685],[237.64810180664062,301.78395996093747],[236.9988830566406,301.83909301757814],[236.34964599609373,301.89422607421875],[235.70072021484373,301.9493408203125],[235.05148315429688,302.0044738769531],[234.40226440429686,302.0596252441406],[233.75304565429687,302.11475830078126],[233.10410156249998,302.169873046875],[232.45502929687498,302.2254638671875],[231.80584716796875,302.2812927246094],[231.15668334960935,302.3371215820312],[230.50751953124998,302.39296874999997],[229.85864868164063,302.4487609863281],[229.20948486328123,302.50458984375],[228.56032104492186,302.56041870117184],[227.9111572265625,302.6162475585937],[227.2622863769531,302.67205810546875],[226.61310424804688,302.72788696289064],[225.96394042968748,302.78371582031247],[225.3147766113281,302.83954467773435],[224.66561279296874,302.89537353515624],[224.01674194335936,302.95118408203126],[223.367578125,303.0070129394531],[222.71841430664062,303.062841796875],[222.06923217773436,303.11867065429686],[221.42036132812498,303.1744812011719],[220.7711975097656,303.2303100585937],[220.12203369140624,303.2861389160156],[219.47286987304688,303.3419677734375],[218.8237060546875,303.3977966308594],[218.17483520507812,303.4535888671875],[217.52565307617186,303.50941772460936],[216.8764892578125,303.56524658203125],[216.22732543945312,303.62107543945314],[215.57816162109376,303.67690429687497],[214.92929077148438,303.73271484375],[214.280126953125,303.7885437011719],[213.6309631347656,303.84437255859376],[212.98178100585938,303.9002014160156],[212.33291015625,303.9560119628906],[211.68374633789062,304.0118408203125]], bounds=3000, full_zoom=0.17, max_episode_steps=2500 ) Netherlands = RaceTrack( name='Netherlands', xy=[[165.425,18.186999702453615],[165.62725219726562,17.712688446044922],[165.8474365234375,17.24643077850342],[166.085066986084,16.78882179260254],[166.3395782470703,16.340374755859376],[166.61024627685546,15.901490116119385],[166.89644622802734,15.472583198547364],[167.19742431640626,15.053890800476074],[167.51256561279297,14.645771217346192],[167.84091796875,14.248187255859376],[168.18174743652344,13.8612566947937],[168.53459777832032,13.485248565673828],[168.8985366821289,13.11996078491211],[169.2728500366211,12.765323925018311],[169.65716094970705,12.421525192260743],[170.05057678222656,12.08816909790039],[170.45262145996094,11.765299034118653],[170.86273956298828,11.452737712860108],[171.28035583496094,11.150268173217773],[171.70509338378906,10.857860660552978],[172.13633728027344,10.57515811920166],[172.57380981445314,10.302179765701295],[173.01695556640627,10.038534450531007],[173.46555633544924,9.784238290786744],[173.91913604736328,9.538978862762452],[174.37745666503906,9.30263466835022],[174.84018096923828,9.075073051452637],[175.30697174072267,8.855987167358398],[175.7777099609375,8.645469999313354],[176.2519989013672,8.443118619918824],[176.72969970703124,8.24892807006836],[177.21057434082033,8.062771272659303],[177.69440460205078,7.884390354156494],[178.1810516357422,7.713876438140869],[178.67029724121093,7.550974750518799],[179.1619827270508,7.395555114746094],[179.65598907470704,7.247727251052857],[180.15213775634766,7.1072227478027346],[180.6502700805664,6.973962259292603],[181.1503463745117,6.848095798492432],[181.65214843750002,6.729368591308594],[182.15557708740235,6.61775770187378],[182.66057281494142,6.513392066955567],[183.16695709228517,6.416073322296143],[183.67467041015627,6.325875234603882],[184.18359375,6.242842435836792],[184.6936279296875,6.166850948333741],[185.20469360351564,6.09812331199646],[185.7166519165039,6.0365386486053465],[186.229443359375,5.982218456268311],[186.74296875000002,5.9352569580078125],[187.25708923339843,5.895655393600464],[187.77176513671876,5.863639402389526],[188.2868377685547,5.8392009258270265],[188.80222778320314,5.82258791923523],[189.31781616210938,5.8138977050781255],[189.83346405029297,5.813289594650269],[190.349072265625,5.821113204956055],[190.86446228027344,5.837441062927247],[191.3795150756836,5.862579393386841],[191.89401245117188,5.89698133468628],[192.40779571533204,5.9408495903015135],[192.92064666748047,5.994592046737671],[193.43230743408205,6.058667421340942],[193.9425003051758,6.133575344085694],[194.45086822509765,6.219886732101441],[194.9570541381836,6.3182357311248785],[195.46060180664062,6.429322814941407],[195.9609359741211,6.554016447067261],[196.45740203857423,6.693322086334229],[196.9492660522461,6.848092079162598],[197.43543701171876,7.019885444641114],[197.91541900634766,7.208282518386841],[198.3891128540039,7.412009429931641],[198.85626068115235,7.630306816101075],[199.31668395996095,7.862476682662964],[199.77020416259765,8.107830953598024],[200.21674194335938,8.365709447860718],[200.65619812011718,8.635469961166383],[201.08851318359376,8.91652545928955],[201.5136672973633,9.208304405212402],[201.9316604614258,9.510260677337646],[202.34247283935548,9.821908283233643],[202.74606475830078,10.142874670028688],[203.1424758911133,10.472648429870606],[203.5317855834961,10.810781383514405],[203.91403350830078,11.156893539428712],[204.28910064697266,11.510759258270264],[204.657145690918,11.871923542022705],[205.01822814941406,12.24006404876709],[205.3722686767578,12.61496877670288],[205.71936645507813,12.996322822570802],[206.05958099365236,13.383810043334961],[206.39279327392578,13.777338695526124],[206.71918182373048,14.176559162139894],[207.03870697021486,14.581295394897461],[207.35128936767578,14.991401100158692],[207.65710754394533,15.40659236907959],[207.95596313476562,15.826817131042482],[208.24801483154297,16.251796436309814],[208.5331039428711,16.681478214263915],[208.81134948730468,17.115620708465578],[209.0825927734375,17.554178047180176],[209.34691314697267,17.996945667266846],[209.6041717529297,18.44383430480957],[209.8543884277344,18.894727420806884],[210.09742431640626,19.34951219558716],[210.33331909179688,19.808060932159425],[210.5619140625,20.270271968841552],[210.78312988281252,20.736069679260254],[210.9969268798828,21.20532512664795],[211.20308685302734,21.677970123291015],[211.4016891479492,22.153848457336426],[211.59231719970703,22.632975006103518],[211.77512969970704,23.11513652801514],[211.94976959228515,23.60032558441162],[212.11617736816407,24.088390922546388],[212.27413482666017,24.579255676269533],[212.42344360351564,25.07283306121826],[212.56400451660156,25.568954467773438],[212.69538116455078,26.067600059509278],[212.81753387451172,26.568576431274415],[212.93020477294922,27.07177200317383],[213.03291778564454,27.57709503173828],[213.12559356689454,28.084347152709963],[213.20791473388672,28.593387031555178],[213.2794647216797,29.104051017761233],[213.3398864746094,29.61614818572998],[213.38890228271484,30.1294677734375],[213.42613525390627,30.64376678466797],[213.4511489868164,31.15881214141846],[213.4635467529297,31.674316215515137],[213.46273345947267,32.189964103698735],[213.44845123291017,32.70540866851807],[213.4201644897461,33.220285415649414],[213.37735748291016,33.73414554595947],[213.31961364746095,34.24655017852783],[213.24639739990235,34.756961250305174],[213.15725250244142,35.26483573913574],[213.05166320800782,35.769551277160645],[212.92962951660158,36.270537567138675],[212.79521789550782,36.76836738586426],[212.6520980834961,37.263769721984865],[212.5022933959961,37.757188415527345],[212.34703369140627,38.24892597198487],[212.18768768310548,38.73934192657471],[212.02459259033205,39.22853298187256],[211.8584426879883,39.71669502258301],[211.68955535888674,40.20391483306885],[211.51848602294922,40.69038333892822],[211.34509582519533,41.17602367401123],[211.1699401855469,41.66102180480957],[210.99317779541016,42.145442199707034],[210.81490783691407,42.62931709289551],[210.6351104736328,43.11261672973633],[210.4541030883789,43.59547500610352],[210.2719451904297,44.077886962890624],[210.08873596191407,44.559912109375],[209.90423736572265,45.04144134521484],[209.7192825317383,45.52279205322266],[209.5330581665039,46.003661727905275],[209.34651641845704,46.48439750671387],[209.1586654663086,46.96462745666504],[208.9706558227539,47.444792938232425],[208.7814163208008,47.924472427368165],[208.59205780029296,48.40412216186524],[208.4015884399414,48.88331069946289],[208.21100006103515,49.36246452331543],[208.01945953369142,49.841246414184575],[207.8277603149414,50.31995887756348],[207.63528747558595,50.79834403991699],[207.4425765991211,51.27664489746094],[207.24927062988283,51.754707717895506],[207.0555877685547,52.23261184692383],[206.8615280151367,52.71037712097168],[206.66697235107424,53.18793411254883],[206.47225799560547,53.6654167175293],[206.27688903808595,54.14264144897461],[206.0815200805664,54.61987113952637],[205.88545684814454,55.09679336547852],[205.68933410644533,55.57370567321777],[205.49275512695314,56.050439453125],[205.29593811035156,56.527069091796875],[205.0989227294922,57.00360450744629],[204.90147094726564,57.47996635437012],[204.7039993286133,57.95632820129395],[204.50597229003907,58.432447052001955],[204.3079055786133,58.90856094360352],[204.1095413208008,59.3845458984375],[203.91091918945312,59.86042175292969],[203.7121780395508,60.33625297546387],[203.51280212402344,60.811821365356444],[203.31344604492188,61.287379837036134],[203.11407012939455,61.762948226928714],[202.9146942138672,62.23851661682129],[202.7150405883789,62.713951110839844],[202.5147918701172,63.189147567749025],[202.31454315185547,63.664344024658206],[202.11429443359376,64.13954048156738],[201.91404571533204,64.61472702026367],[201.7134796142578,65.08979454040528],[201.51247711181642,65.56466865539551],[201.31145477294922,66.0395378112793],[201.1104522705078,66.51441688537598],[200.90944976806642,66.98929100036621],[200.70816955566406,67.46403617858887],[200.5065124511719,67.9386474609375],[200.30487518310548,68.41325378417969],[200.10323791503907,68.88785514831544],[199.90158081054688,69.36246147155762],[199.6997055053711,69.83696365356445],[199.4975326538086,70.3113468170166],[199.2953598022461,70.78572006225586],[199.0931869506836,71.26010322570801],[198.8910140991211,71.73448638916015],[198.688623046875,72.2087703704834],[198.48601379394532,72.68297004699707],[198.28340454101564,73.15716972351075],[198.08081512451173,73.63135452270508],[197.87820587158203,74.10555419921876],[197.67535858154298,74.57964973449707],[197.4723129272461,75.05364608764648],[197.26926727294924,75.52765731811523],[197.06622161865235,76.00166358947754],[196.86317596435546,76.4756649017334],[196.6601303100586,76.94967117309571],[196.45706481933595,77.42368240356446],[196.25401916503907,77.89768867492675],[196.05097351074218,78.37168998718262],[195.84792785644532,78.84569625854492],[195.64466400146486,79.31961326599121],[195.44134063720705,79.79349060058594],[195.23799743652344,80.26737785339355],[195.03467407226563,80.74127006530762],[194.83135070800782,81.21514739990235],[194.6280075073242,81.68903465270996],[194.4246841430664,82.16292190551758],[194.2213607788086,82.63680419921876],[194.01803741455078,83.11069145202637],[193.81473388671876,83.58460845947266],[193.6115493774414,84.05855026245118],[193.4083450317383,84.5324821472168],[193.20514068603515,85.00643386840821],[193.00195617675783,85.48037567138672],[192.7987518310547,85.95430755615234],[192.59556732177734,86.42825927734376],[192.39236297607422,86.90220108032227],[192.1891586303711,87.37613296508789],[191.98613281250002,87.85014419555664],[191.7833251953125,88.3242546081543],[191.58053741455078,88.79836502075196],[191.37774963378908,89.27247543334961],[191.1750213623047,89.74663543701172],[190.97266998291016,90.2209342956543],[190.7703384399414,90.69525299072266],[190.56800689697266,91.16956176757813],[190.36573486328126,91.64390029907227],[190.1640380859375,92.11847686767578],[189.96234130859375,92.5930534362793],[189.76064453125,93.06763992309571],[189.55918579101564,93.54231567382813],[189.35834197998048,94.01726913452148],[189.15749816894532,94.49221267700196],[188.95667419433593,94.96715621948242],[188.75638580322266,95.44233779907226],[188.5563751220703,95.9176383972168],[188.3569793701172,96.3931869506836],[188.15784149169923,96.86885452270508],[187.95923919677736,97.34474029541016],[187.7612518310547,97.8208839416504],[187.56376037597656,98.29722595214844],[187.36728057861328,98.77400436401368],[187.172526550293,99.25146713256837],[186.97914123535156,99.72949523925782],[186.78712463378906,100.20807876586915],[186.59649658203125,100.68721771240234],[186.40731658935547,101.16691207885742],[186.2197036743164,101.64723129272461],[186.03371734619142,102.1281951904297],[185.8491989135742,102.60971450805664],[185.66616821289062,103.09179916381837],[185.48462524414063,103.57444915771485],[185.30458984375,104.0576644897461],[185.12610168457033,104.54144515991212],[184.94929962158204,105.02586059570312],[184.77418365478516,105.51088104248048],[184.60059509277343,105.9964469909668],[184.42859344482423,106.48258819580079],[184.25821838378906,106.96929473876953],[184.0894500732422,107.45654678344727],[183.92230834960938,107.94437408447266],[183.7568328857422,108.43276672363281],[183.59302368164063,108.92171478271484],[183.43101959228517,109.4112777709961],[183.27076110839843,109.9014060974121],[183.11220855712892,110.39207992553712],[182.95538177490235,110.88331909179688],[182.80026092529297,111.37510375976562],[182.64690551757812,111.86743392944337],[182.4953155517578,112.3602996826172],[182.34549102783203,112.8537208557129],[182.1974319458008,113.34768753051758],[182.05121765136718,113.84217987060548],[181.90680847167968,114.33721771240235],[181.76424407958984,114.83278121948243],[181.62352447509767,115.32885055541992],[181.48464965820312,115.8254753112793],[181.34763946533204,116.32260589599609],[181.21255340576172,116.8202522277832],[181.07935180664063,117.31841430664063],[180.94803466796876,117.81709213256836],[180.8186813354492,118.31624603271484],[180.69121246337892,118.81591567993165],[180.56568756103516,119.31608123779297],[180.44212646484377,119.81671295166016],[180.32054901123047,120.31784057617188],[180.20089569091797,120.81942443847656],[180.0832260131836,121.3214942932129],[179.96757965087892,121.8240104675293],[179.85393676757812,122.32699279785156],[179.74227752685547,122.8304313659668],[179.63262176513672,123.33428649902343],[179.52498931884767,123.83859786987306],[179.41936035156252,124.34332580566407],[179.3157745361328,124.84848022460938],[179.2142120361328,125.35406112670898],[179.11469268798828,125.85999908447266],[179.01721649169923,126.36636352539062],[178.92188262939453,126.8731544494629],[178.82865142822266,127.38032226562501],[178.73748321533205,127.88786697387695],[178.64839782714844,128.39576873779296],[178.56133575439455,128.90401763916017],[178.4763168334961,129.4126434326172],[178.39338073730468,129.9215866088867],[178.31248779296877,130.43085708618165],[178.23379669189453,130.94048461914062],[178.1572479248047,131.4504493713379],[178.08270263671875,131.9606918334961],[178.01020050048828,132.47122192382812],[177.9397216796875,132.98204956054687],[177.87126617431642,133.49315490722657],[177.8050720214844,134.0045478820801],[177.7409408569336,134.51621856689454],[177.67879333496094,135.02812728881835],[177.6186492919922,135.5402442932129],[177.56044921875,136.05262908935546],[177.50453033447266,136.56525192260742],[177.4505355834961,137.07808303833008],[177.3984848022461,137.59112243652345],[177.34837799072267,138.10434036254884],[177.3004333496094,138.61776657104494],[177.2543731689453,139.13136138916016],[177.2101776123047,139.64512481689454],[177.16790618896485,140.15904693603517],[177.12771759033203,140.67314758300782],[177.08929443359375,141.18738708496093],[177.05263671875,141.70175552368164],[177.01800231933595,142.21624298095705],[176.98513336181642,142.730859375],[176.95395050048828,143.24558486938477],[176.9246322631836,143.76041946411132],[176.89703979492188,144.2753433227539],[176.87103424072265,144.7903564453125],[176.84679412841797,145.30543899536133],[176.82418060302734,145.8205909729004],[176.80299530029296,146.33583221435546],[176.78379364013674,146.85114288330078],[176.76576232910156,147.36648330688476],[176.7489212036133,147.88187332153322],[176.7338851928711,148.397322845459],[176.72015838623048,148.91279220581055],[176.70752258300783,149.42831115722657],[176.69619598388672,149.94385986328126],[176.6862976074219,150.45941848754885],[176.67737121582033,150.9750068664551],[176.66939697265624,151.49061508178713],[176.6626724243164,152.00621337890627],[176.6568603515625,152.52186126708986],[176.65182189941407,153.03748931884766],[176.6475372314453,153.55314712524415],[176.6441848754883,154.06880493164064],[176.64166564941408,154.5844627380371],[176.6395233154297,155.1001205444336],[176.63744049072267,155.6157684326172],[176.63636932373046,156.13143615722657],[176.6352981567383,156.64710388183593],[176.63442535400392,157.16275177001953],[176.6337905883789,157.6784194946289],[176.6331558227539,158.1940872192383],[176.6323425292969,158.7097351074219],[176.6314895629883,159.22540283203125],[176.63029937744142,159.74108047485353],[176.6285140991211,160.25673828125],[176.62674865722656,160.77240600585938],[176.62399139404297,161.28806381225587],[176.62042083740235,161.80373153686523],[176.61599731445312,162.31934967041016],[176.61060180664063,162.83499755859376],[176.60411529541017,163.3506156921387],[176.5960418701172,163.86621398925783],[176.58654022216797,164.38179244995118],[176.57545166015626,164.89735107421876],[176.56267700195312,165.4128402709961],[176.54803771972658,165.92829971313478],[176.53145446777344,166.4436996459961],[176.51243133544924,166.95899047851563],[176.49092864990234,167.4742416381836],[176.46686706542968,167.98931427001955],[176.4401077270508,168.50430755615236],[176.41033325195312,169.01908264160156],[176.3773651123047,169.53369903564453],[176.3411834716797,170.04807739257814],[176.30155029296876,170.56223754882814],[176.25822753906252,171.07608032226562],[176.2108581542969,171.58954620361328],[176.1595016479492,172.1026351928711],[176.10393981933595,172.61528778076172],[176.04395446777343,173.1274642944336],[175.9793472290039,173.6390853881836],[175.90976104736328,174.15001220703127],[175.83519592285157,174.66026458740234],[175.75545349121094,175.1697235107422],[175.67039489746094,175.67828979492188],[175.57984161376953,176.18594360351562],[175.48353576660156,176.692546081543],[175.3811798095703,177.19793853759765],[175.27283325195313,177.70208129882812],[175.15831756591797,178.2048751831055],[175.03753356933595,178.70616149902344],[174.91036224365234,179.20590057373047],[174.7766845703125,179.7039535522461],[174.6361831665039,180.20010223388672],[174.48889770507813,180.694287109375],[174.33486785888672,181.18638916015627],[174.17385559082032,181.67626953125],[174.0058609008789,182.16380920410157],[173.83092346191407,182.64888916015624],[173.64896392822266,183.1313705444336],[173.45994262695314,183.61115417480468],[173.2639587402344,184.08812103271484],[173.06089324951174,184.5621124267578],[172.8509048461914,185.03304901123047],[172.63397369384765,185.50089111328126],[172.41021881103515,185.96544036865234],[172.1796600341797,186.426676940918],[171.94237670898437,186.88450164794924],[171.6985275268555,187.33883514404297],[171.4480926513672,187.7895980834961],[171.19127044677734,188.2367706298828],[170.9282196044922,188.68031311035156],[170.65888061523438,189.12004699707032],[170.3835906982422,189.55609130859375],[170.10242919921876,189.98834686279298],[169.81543579101563,190.4167938232422],[169.52288818359375,190.84139251708984],[169.22488555908203,191.26224212646486],[168.92156677246095,191.6792434692383],[168.61293182373046,192.09233703613282],[168.28713836669922,192.4919418334961],[167.938671875,192.8719680786133],[167.57181701660156,193.23428039550782],[167.18968811035157,193.5804656982422],[166.7951614379883,193.91246795654297],[166.38994293212892,194.23135833740236],[165.97588729858398,194.53868408203127],[165.55421447753906,194.83547668457032],[165.12586669921876,195.12256927490236],[164.6918556213379,195.4009536743164],[164.2527961730957,195.67140350341796],[163.80934295654296,195.93457336425783],[163.36198196411132,196.1910385131836],[162.91109008789064,196.4412353515625],[162.4570541381836,196.68571929931642],[162.0002510070801,196.92490692138674],[161.540869140625,197.1591751098633],[161.07913665771486,197.38878173828127],[160.615380859375,197.61422271728517],[160.14959182739258,197.83547821044922],[159.68211669921877,198.0531433105469],[159.21289596557617,198.26699981689453],[158.74222717285156,198.47762298583984],[158.27017974853516,198.68523101806642],[157.79688262939453,198.88992309570312],[157.32241516113282,199.09187774658204],[156.84681701660156,199.29115447998046],[156.37009811401367,199.48779296875],[155.89246673583986,199.68209075927734],[155.41392288208007,199.874186706543],[154.9345359802246,200.06417999267578],[154.454345703125,200.25218963623047],[153.9734313964844,200.4382751464844],[153.4918228149414,200.6225555419922],[153.00956954956055,200.80509033203126],[152.52666168212892,200.98599853515626],[152.0431983947754,201.16531982421876],[151.5591598510742,201.34315338134766],[151.07460556030273,201.51953887939453],[150.58954544067385,201.6945755004883],[150.10403900146486,201.86832275390626],[149.6180862426758,202.04080047607422],[149.13171691894533,202.2121078491211],[148.64494094848632,202.38232421875],[148.1577980041504,202.5514694213867],[147.6703079223633,202.7195831298828],[147.1824806213379,202.88674468994142],[146.6943557739258,203.0529739379883],[146.20581436157227,203.2179931640625],[145.71714401245117,203.38267517089844],[145.2281364440918,203.546305847168],[144.73892059326172,203.70934143066407],[144.24944686889648,203.8715835571289],[143.75974502563477,204.03315124511718],[143.2698844909668,204.1941635131836],[142.779736328125,204.35440216064453],[142.2894889831543,204.5143035888672],[141.79896392822266,204.67337188720703],[141.30838928222656,204.83230133056642],[140.81752700805666,204.99031829833984],[140.3266944885254,205.1483352661133],[139.83557434082033,205.30549926757814],[139.34442443847658,205.4626235961914],[138.85307617187502,205.61915283203126],[138.361678314209,205.77548370361328],[137.87017135620118,205.93145751953125],[137.37857513427736,206.0871337890625],[136.88689956665038,206.2425521850586],[136.39507522583008,206.3975341796875],[135.90325088500978,206.55251617431642],[135.41142654418945,206.7075180053711],[134.91959228515626,206.8625],[134.4276092529297,207.0169662475586],[133.93562622070314,207.17139282226563],[133.4436233520508,207.32581939697266],[132.95163040161134,207.4802658081055],[132.4596176147461,207.63467254638672],[131.96759490966798,207.7890594482422],[131.47558212280273,207.94342651367188],[130.98356933593752,208.09781341552736],[130.49156646728517,208.2522201538086],[129.99968261718752,208.4070037841797],[129.50778884887697,208.56180725097656],[129.0159049987793,208.71659088134766],[128.52402114868164,208.87139434814455],[128.032315826416,209.0267333984375],[127.54072952270508,209.18240966796876],[127.04913330078125,209.33812561035157],[126.55752716064454,209.4938217163086],[126.06599044799805,209.6496765136719],[125.57471160888673,209.80636444091797],[125.0834228515625,209.9630325317383],[124.59239196777344,210.12049407958986],[124.10137100219727,210.277995300293],[123.61056823730469,210.43623046875],[123.11984481811524,210.59468383789064],[122.62933959960938,210.75375213623047],[122.13897323608398,210.91329650878907],[121.64875564575196,211.07329711914062],[121.15880584716797,211.2340515136719],[120.66892547607422,211.39510345458984],[120.17941207885742,211.5572265625],[119.6899185180664,211.71944885253907],[119.20090103149414,211.8830795288086],[118.71188354492188,212.04671020507814],[118.22339172363282,212.2118682861328],[117.73493957519531,212.37716522216797],[117.24698333740234,212.54389038085938],[116.75914611816407,212.7110321044922],[116.27166595458985,212.8791458129883],[115.78455276489258,213.04837036132812],[115.29780654907226,213.2186264038086],[114.81144714355469,213.38995361328125],[114.32546463012696,213.56239166259766],[113.83989868164063,213.7359802246094],[113.35474929809571,213.91077880859376],[112.87008590698242,214.0868667602539],[112.38587875366211,214.2642837524414],[111.90223693847656,214.4430694580078],[111.41948776245117,214.62435455322267],[110.94113235473633,214.81688690185547],[110.46788482666015,215.0216781616211],[109.99996337890626,215.23833160400392],[109.53751678466797,215.4664306640625],[109.08074340820313,215.70569763183593],[108.62972259521484,215.95563659667968],[108.1845932006836,216.21593017578127],[107.74548416137695,216.4862808227539],[107.31251449584961,216.76637115478516],[106.88583297729492,217.05594329833986],[106.46557846069337,217.35471954345704],[106.05183029174805,217.66246185302734],[105.64470748901367,217.97889251708986],[105.24428939819336,218.3038330078125],[104.85073471069336,218.63702545166015],[104.46418228149415,218.97831115722656],[104.08472137451172,219.32745208740235],[103.71250076293946,219.68432922363283],[103.34763946533204,220.0486846923828],[102.99025650024414,220.42041931152343],[102.64053039550781,220.79935455322266],[102.29860000610351,221.18533172607422],[101.96461410522461,221.57823181152344],[101.6387710571289,221.97789611816407],[101.3211898803711,222.38412628173828],[101.01205902099609,222.79684295654297],[100.71155700683595,223.21588745117188],[100.41985244750977,223.64110107421877],[100.1371238708496,224.07234497070314],[99.86361923217774,224.5095001220703],[99.59951705932617,224.9523483276367],[99.34502563476563,225.400830078125],[99.10034332275391,225.85474700927736],[98.86571807861328,226.3139205932617],[98.64137802124024,226.77821197509766],[98.4276107788086,227.24746246337892],[98.22457504272461,227.72147369384766],[98.03252868652343,228.20000762939455],[97.85169982910156,228.68292541503908],[97.68233642578126,229.1699691772461],[97.5246566772461,229.66092071533203],[97.37891845703125,230.1555419921875],[97.24533004760742,230.65361480712892],[97.12414932250977,231.15480194091796],[97.0156639099121,231.65890502929688],[96.92002258300782,232.16560668945314],[96.83739395141602,232.67458953857422],[96.76797637939454,233.18555603027343],[96.71192855834961,233.69812927246093],[96.6694091796875,234.2120315551758],[96.64058685302734,234.72684631347656],[96.62565994262695,235.24227600097657],[96.62457885742188,235.75792388916017],[96.63743286132812,236.2734329223633],[96.66421203613281,236.78838653564455],[96.70510482788086,237.30240783691406],[96.76003189086914,237.81508026123046],[96.82881469726563,238.3261459350586],[96.91143341064453,238.8351287841797],[97.00798721313477,239.3416519165039],[97.1180793762207,239.84539794921875],[97.24167022705079,240.34602966308594],[97.37863082885742,240.84315032958986],[97.52852478027344,241.3365219116211],[97.6914909362793,241.82574768066408],[97.86416702270508,242.31162109375],[98.04519424438477,242.79445953369142],[98.23510818481445,243.27386627197265],[98.43393859863282,243.74966278076172],[98.64165573120117,244.22161102294922],[98.85906295776367,244.68921508789063],[99.08567428588867,245.15239562988282],[99.32229309082031,245.6105178833008],[99.56848297119141,246.0636215209961],[99.82502746582031,246.51089324951172],[100.09159927368164,246.95233306884765],[100.36837692260742,247.38736572265626],[100.65580673217774,247.8154754638672],[100.95363082885743,248.23644409179687],[101.26191864013673,248.64979553222656],[101.58071975708008,249.0550537109375],[101.91025238037109,249.45166320800783],[102.25024871826172,249.83938598632812],[102.60061950683594,250.21768646240236],[102.96124572753907,250.5862274169922],[103.3320083618164,250.9445526123047],[103.71272888183594,251.29232482910157],[104.10311965942383,251.62918701171876],[104.5029525756836,251.95480194091797],[104.91189041137696,252.2688720703125],[105.32966537475586,252.57109985351565],[105.7558807373047,252.86136627197266],[106.1902587890625,253.1392547607422],[106.6322738647461,253.4048049926758],[107.08153915405273,253.657878112793],[107.53758850097657,253.89849395751955],[108.00004501342774,254.12657318115237],[108.46849212646485,254.34209594726565],[108.94253311157227,254.54498291015625],[109.42167205810547,254.73553161621095],[109.90552215576172,254.9138412475586],[110.39361724853516,255.08009033203126],[110.8857292175293,255.23417968750002],[111.38133239746094,255.3764862060547],[111.88011932373047,255.50730743408204],[112.38172302246095,255.62686157226562],[112.8858757019043,255.73516845703125],[113.39222030639648,255.83262481689454],[113.90049896240235,255.9195281982422],[114.41045379638672,255.99615631103518],[114.92179718017579,256.0625885009766],[115.43434066772461,256.11918182373046],[115.94780654907227,256.1663131713867],[116.46209564208985,256.2042404174805],[116.9769401550293,256.2329833984375],[117.49223098754884,256.2529983520508],[118.00773010253907,256.2645431518555],[118.52338790893555,256.2678558349609],[119.03902587890626,256.2630157470703],[119.55453491210938,256.250439453125],[120.06979598999024,256.23032531738284],[120.5847396850586,256.2028121948242],[121.09922714233399,256.1681182861328],[121.61320877075195,256.1265609741211],[122.1265853881836,256.07823944091797],[122.63929748535156,256.023193359375],[123.15132522583008,255.96209716796875],[123.66250991821289,255.89443511962892],[124.17292098999023,255.8210205078125],[124.68245925903321,255.74185333251955],[125.19103546142578,255.65659637451174],[125.69865951538087,255.56592407226563],[126.20531158447267,255.46989593505862],[126.71093215942383,255.36863098144534],[127.21542205810547,255.26193084716797],[127.7188606262207,255.15027160644533],[128.22120819091796,255.03369293212893],[128.72230606079103,254.91233367919924],[129.22234268188478,254.78623352050784],[129.72116928100587,254.6554916381836],[130.21873626708984,254.5201873779297],[130.71510314941406,254.38036041259767],[131.2101707458496,254.23616943359377],[131.70398864746093,254.08757476806642],[132.19645767211915,253.9347351074219],[132.68794479370118,253.7786819458008],[133.1793327331543,253.6223114013672],[133.67072067260742,253.4659408569336],[134.16210861206056,253.3095703125],[134.65345687866213,253.15302124023438],[135.14453735351563,252.99581756591797],[135.63565750122072,252.83861389160157],[136.12677764892578,252.68141021728516],[136.61789779663087,252.52420654296876],[137.10878982543946,252.36630859375],[137.5996520996094,252.20831146240235],[138.0905143737793,252.0503143310547],[138.5813865661621,251.89231719970704],[139.07210006713868,251.7338638305664],[139.56271438598634,251.57511291503909],[140.05333862304687,251.41636199951174],[140.54396286010743,251.2575912475586],[141.0344482421875,251.0985824584961],[141.52483444213868,250.93907775878907],[142.01521072387695,250.77959289550782],[142.50559692382814,250.6200881958008],[142.99591369628908,250.4604446411133],[143.48607177734377,250.3002655029297],[143.97622985839845,250.1400863647461],[144.46638793945314,249.97990722656252],[144.95653610229493,249.81960906982422],[145.44647598266602,249.65877532958984],[145.93642578125,249.49794158935546],[146.4263656616211,249.3371078491211],[146.91626586914063,249.1761947631836],[147.40597763061524,249.0147659301758],[147.8957191467285,248.8533172607422],[148.3854606628418,248.6918685913086],[148.87515258789062,248.53026123046877],[149.36461639404297,248.36799926757814],[149.8540901184082,248.20573730468752],[150.34356384277345,248.0434555053711],[150.8330375671387,247.88119354248047],[151.32250137329103,247.71893157958985],[151.81197509765624,247.55664978027343],[152.30144882202148,247.3943878173828],[152.79077377319337,247.23166961669924],[153.2799301147461,247.06847534179687],[153.76905670166016,246.90528106689453],[154.2582229614258,246.7420867919922],[154.74737930297852,246.57889251708986],[155.23654556274414,246.41569824218752],[155.72570190429687,246.2524841308594],[156.21489791870118,246.08927001953126],[156.70381622314454,245.92536163330078],[157.1927345275879,245.76143341064454],[157.68165283203126,245.59752502441407],[158.17058105468752,245.43359680175783],[158.65949935913088,245.26966857910156],[159.14841766357424,245.1057601928711],[159.63734588623046,244.94183197021485],[160.1260757446289,244.7775665283203],[160.6148452758789,244.6131820678711],[161.103604888916,244.44879760742188],[161.59236450195314,244.28439331054688],[162.08112411499025,244.12000885009766],[162.56989364624025,243.95560455322266],[163.05865325927735,243.79122009277344],[163.54736328125,243.62669677734377],[164.03607330322265,243.4621337890625],[164.52478332519533,243.29759063720704],[165.01348342895508,243.13302764892578],[165.50219345092773,242.96846466064454],[165.99089355468752,242.80390167236328],[166.4795639038086,242.6393585205078],[166.96827392578126,242.47479553222658],[167.4569839477539,242.31023254394532],[167.9456741333008,242.14568939208985],[168.43438415527345,241.9811264038086],[168.9230941772461,241.81656341552736],[169.41180419921875,241.6520004272461],[169.900553894043,241.48761596679688],[170.3894226074219,241.3235092163086],[170.878271484375,241.1594024658203],[171.36712036132812,240.99529571533205],[171.85598907470703,240.83116912841797],[172.34483795166017,240.66706237792968],[172.83366699218752,240.5029754638672],[173.32279357910156,240.3396224975586],[173.81190032958986,240.17626953125],[174.30100708007814,240.0129165649414],[174.7901138305664,239.8495834350586],[175.27924041748048,239.68623046875],[175.76834716796876,239.52287750244142],[176.2576919555664,239.3601791381836],[176.74707641601563,239.19763946533203],[177.23644104003907,239.03509979248048],[177.72598419189453,238.87309570312502],[178.21560668945312,238.71123046875002],[178.70520935058593,238.54936523437502],[179.19495086669923,238.388134765625],[179.6848114013672,238.22704315185547],[180.17467193603517,238.06595153808595],[180.6647903442383,237.90565338134766],[181.154948425293,237.74545440673828],[181.64510650634767,237.58525543212892],[182.13560180664064,237.42602844238283],[182.6260772705078,237.2668212890625],[183.11661224365236,237.10777282714844],[183.6074447631836,236.94969635009767],[184.09829711914062,236.79161987304687],[184.58924865722656,236.63392028808593],[185.08047790527345,236.4770935058594],[185.57168731689453,236.3202865600586],[186.06317443847658,236.16419372558593],[186.55484008789062,236.00873565673828],[187.04652557373046,235.85327758789063],[187.5385482788086,235.69902954101562],[188.03069000244142,235.54507904052736],[188.52291107177734,235.3913070678711],[189.01556854248048,235.23898315429688],[189.5082260131836,235.08665924072267],[190.00108184814454,234.93493041992187],[190.49415588378906,234.7840545654297],[190.98750762939454,234.633952331543],[191.48111724853516,234.4846435546875],[191.97486572265626,234.33602905273438],[192.46883239746094,234.1881286621094],[192.96307678222658,234.04102172851563],[193.4576385498047,233.89492645263672],[193.95239868164063,233.74962463378907],[194.44739685058593,233.60517578125],[194.9426727294922,233.46156005859376],[195.43822631835937,233.31895599365234],[195.93411712646486,233.17742309570312],[196.43022613525392,233.0368621826172],[196.92665252685546,232.89727325439455],[197.4233367919922,232.75867614746093],[197.92029876708986,232.6211898803711],[198.4176773071289,232.48501281738282],[198.91535339355468,232.34994659423828],[199.4133071899414,232.21605072021484],[199.9116180419922,232.0833251953125],[200.41020660400392,231.95180969238282],[200.90917205810547,231.82160339355468],[201.40853424072267,231.69290466308595],[201.90821380615236,231.56551513671874],[202.4082504272461,231.4394943237305],[202.90860443115236,231.3148620605469],[203.40935516357422,231.19167785644532],[203.91048278808594,231.069921875],[204.41192779541015,230.94983215332033],[204.91380920410157,230.83144836425782],[205.4160873413086,230.71465148925782],[205.9187026977539,230.59948120117187],[206.42173461914064,230.48597717285156],[206.9251235961914,230.37417907714845],[207.4289093017578,230.26412658691407],[207.93311157226563,230.155859375],[208.43767089843752,230.0494171142578],[208.9426467895508,229.94505767822267],[209.4480392456055,229.8426025390625],[209.95378875732422,229.7421112060547],[210.45999450683595,229.64356384277343],[210.9664779663086,229.54707946777344],[211.47343750000002,229.4526382446289],[211.98077392578125,229.36029968261718],[212.48848724365234,229.2700637817383],[212.9965774536133,229.18199005126954],[213.5050247192383,229.09613800048828],[214.0138687133789,229.0125274658203],[214.52312927246095,228.9314163208008],[215.03272705078126,228.8525863647461],[215.54268188476564,228.77611694335937],[216.05301361083986,228.70200805664064],[216.5636428833008,228.63031921386718],[217.07464904785158,228.56105041503906],[217.5859329223633,228.4942413330078],[218.09757385253906,228.429931640625],[218.6094924926758,228.36812133789064],[219.1217483520508,228.30886993408203],[219.63428192138673,228.25217742919924],[220.1471130371094,228.19806365966798],[220.6602020263672,228.14656829833984],[221.17352905273438,228.09771118164062],[221.68711395263674,228.05155181884766],[222.20095672607422,228.00816955566407],[222.71501770019532,227.9674850463867],[223.22929687500002,227.9295181274414],[223.7437744140625,227.89426879882814],[224.25837097167968,227.8617172241211],[224.7731460571289,227.83184356689455],[225.2880401611328,227.80314025878906],[225.80303344726562,227.77653961181642],[226.31804656982422,227.75122833251953],[226.83315887451172,227.7270278930664],[227.34835052490234,227.70516815185547],[227.86358184814455,227.68445892333986],[228.37889251708984,227.66497955322265],[228.8942825317383,227.64784088134766],[229.4096923828125,227.63187255859376],[229.92514190673828,227.6172332763672],[230.4406707763672,227.60491485595705],[230.9561996459961,227.5938461303711],[231.47176818847657,227.58404693603515],[231.9873764038086,227.57672729492188],[232.5030044555664,227.57071685791016],[233.01865234375,227.5660354614258],[233.5343200683594,227.56363525390626],[234.04998779296875,227.56280212402345],[234.56563568115234,227.5633773803711],[235.08130340576173,227.5659164428711],[235.5969711303711,227.57039947509767],[236.11259918212892,227.57633056640626],[236.62820739746095,227.58386840820313],[237.14375610351564,227.5937469482422],[237.65928497314454,227.60511322021486],[238.17477416992188,227.61802673339844],[238.69022369384766,227.63308258056642],[239.20563354492188,227.6500228881836],[239.7209442138672,227.66851043701172],[240.23621520996093,227.68858489990234],[240.7513870239258,227.71113891601564],[241.2664794921875,227.73529968261718],[241.7814926147461,227.76104736328125],[242.29642639160156,227.78860015869142],[242.81124114990234,227.8184539794922],[243.32593688964843,227.8499542236328],[243.84053344726564,227.8830810546875],[244.35497131347657,227.91807250976564],[244.8693099975586,227.95530548095704],[245.38350982666017,227.99420471191408],[245.89757080078127,228.03475036621094],[246.41149291992187,228.0771011352539],[246.92519683837892,228.12175292968752],[247.43878173828125,228.16807098388674],[247.95222778320314,228.21603546142578],[248.465495300293,228.26570587158204],[248.97854461669922,228.31765747070312],[249.49139556884765,228.3713348388672],[250.00408782958985,228.4266784667969],[250.51658172607424,228.4836883544922],[251.02883758544922,228.5426025390625],[251.54089508056643,228.6035598754883],[252.0527542114258,228.66616363525392],[252.56441497802734,228.7303939819336],[253.07585754394532,228.79625091552734],[253.58704223632813,228.86419067382812],[254.09794921875002,228.9338562011719],[254.60867767333986,229.0051284790039],[255.11914825439453,229.07794799804688],[255.62946014404298,229.15235443115236],[256.13941497802733,229.22884368896484],[256.64913177490234,229.3068603515625],[257.15857086181643,229.38638458251953],[257.66783142089844,229.46743621826172],[258.1768539428711,229.55001525878907],[258.68557891845705,229.6344985961914],[259.1940460205078,229.72041015625],[259.70223541259764,229.80774993896486],[260.2102264404297,229.89651794433595],[260.7179397583008,229.98665466308594],[261.2253555297852,230.07859649658204],[261.7324935913086,230.1718475341797],[262.2394332885742,230.26642761230468],[262.74609527587893,230.3622772216797],[263.25255889892577,230.4593963623047],[263.75864562988284,230.55812225341796],[264.2644943237305,230.6580780029297],[264.7701644897461,230.75922393798828],[265.27557678222655,230.86150054931642],[265.78077087402346,230.96494750976564],[266.2856674194336,231.06976318359375],[266.7903457641602,231.17570953369142],[267.29480590820316,231.2826675415039],[267.79902801513674,231.39065704345703],[268.3030517578125,231.49961853027344],[268.80679779052736,231.60980987548828],[269.3103652954102,231.72097320556642],[269.8136947631836,231.8330291748047],[270.3168060302734,231.94593811035156],[270.8197982788086,232.05970001220703],[271.32239379882816,232.17502899169924],[271.82500915527345,232.2903579711914],[272.3273666381836,232.4066589355469],[272.82952575683595,232.52395172119142],[273.3316650390625,232.64126434326172],[273.8334075927734,232.76028289794922],[274.3351501464844,232.87936096191407],[274.8366943359375,232.99909362792968],[275.3380401611328,233.11975860595703],[275.8393859863281,233.24042358398438],[276.3404739379883,233.36231842041016],[276.84144287109376,233.4843521118164],[277.34237213134764,233.60678253173828],[277.843083190918,233.73004608154298],[278.34381408691405,233.85330963134766],[278.84434661865237,233.97730712890626],[279.3447998046875,234.1015823364258],[279.84525299072266,234.22595672607423],[280.3455078125,234.35106506347657],[280.8457824707031,234.47615356445314],[281.3459381103516,234.60169830322266],[281.8459747314453,234.7276794433594],[282.34603118896484,234.8536605834961],[282.8460678100586,234.97964172363282],[283.34606475830077,235.10560302734376],[283.84606170654297,235.23168334960937],[284.34595947265626,235.3582000732422],[284.84587707519535,235.4846969604492],[285.3457946777344,235.61121368408203],[285.84569244384767,235.73771057128906],[286.34561004638675,235.86422729492188],[286.8455078125,235.9907241821289],[287.3454254150391,236.11724090576172],[287.84532318115237,236.24375762939454],[288.3452407836914,236.37025451660156],[288.8451583862305,236.49677124023438],[289.3451553344727,236.62303009033204],[289.8452117919922,236.7487335205078],[290.3453277587891,236.8744369506836],[290.84544372558594,237.00016021728516],[291.34555969238284,237.12586364746093],[291.84565582275394,237.25156707763674],[292.34593048095707,237.37661590576172],[292.8462646484375,237.50140686035158],[293.34661865234375,237.6261978149414],[293.8471313476563,237.75025482177736],[294.3476837158203,237.8741928100586],[294.8482360839844,237.99815063476564],[295.34900665283203,238.12117614746094],[295.8497970581055,238.2441619873047],[296.35054779052734,238.3670883178711],[296.8515960693359,238.48900299072267],[297.35264434814457,238.6109176635742],[297.85371246337894,238.73267364501953],[298.35505828857424,238.85337829589844],[298.85640411376954,238.97408294677734],[299.35778961181643,239.09458923339844],[299.85945281982424,239.2139846801758],[300.36109619140626,239.33336029052734],[300.8628189086914,239.4525573730469],[301.3648193359375,239.57048492431642],[301.8668197631836,239.68841247558595],[302.3688598632813,239.80624084472657],[302.87117767333984,239.92262115478516],[303.37353515625,240.03900146484375],[303.87591247558595,240.15538177490234],[304.3786071777344,240.27017517089845],[304.8813415527344,240.3849090576172],[305.3840957641602,240.49964294433593],[305.8870880126953,240.6133056640625],[306.3901596069336,240.7265121459961],[306.8933898925781,240.8390640258789],[307.3967590332031,240.95104064941407],[307.90020751953125,241.0626403808594],[308.403874206543,241.17330780029297],[308.90758056640624,241.28359832763672],[309.41140594482425,241.39329376220704],[309.9154495239258,241.50225524902345],[310.4195724487305,241.6108596801758],[310.9238540649414,241.71859130859374],[311.42821502685547,241.825846862793],[311.93273468017577,241.93254699707032],[312.43739318847656,242.03843383789064],[312.94219055175785,242.1439636230469],[313.44712677001957,242.24860076904298],[313.9521820068359,242.352702331543],[314.45779266357425,242.45396728515627],[314.9640579223633,242.55201873779296],[315.4708786010742,242.64687652587892],[315.9783737182617,242.73836212158204],[316.4864044189453,242.8266143798828],[316.99501037597656,242.91167297363282],[317.50413208007814,242.9935775756836],[318.01376953125003,243.07222900390624],[318.5239227294922,243.14758758544923],[319.0344924926758,243.2197723388672],[319.54551849365237,243.2888427734375],[320.0569412231445,243.3547790527344],[320.56880035400394,243.41732330322267],[321.08105621337893,243.47677307128907],[321.59362945556643,243.53310852050782],[322.10648040771486,243.58632965087892],[322.6197082519531,243.63633728027344],[323.13325347900394,243.68317108154298],[323.64705657958984,243.7269302368164],[324.16111755371094,243.76761474609376],[324.67541656494143,243.80520477294922],[325.18995361328126,243.83946228027344],[325.7046691894531,243.87088317871095],[326.21958312988284,243.89883270263672],[326.7345962524414,243.92396545410156],[327.24980773925785,243.94608306884766],[327.76511840820314,243.9651657104492],[328.28052825927733,243.98125305175782],[328.7959777832031,243.99446411132814],[329.3115463256836,244.00442199707032],[329.8271743774414,244.01126556396486],[330.342822265625,244.01517333984376],[330.8584701538086,244.015788269043],[331.37415771484376,244.0136260986328],[331.88976593017577,244.00850830078124],[332.40537414550784,244.00045471191407],[332.9209228515625,243.98946533203124],[333.4363922119141,243.9755401611328],[333.9517822265625,243.95867919921875],[334.46705322265626,243.93890228271485],[334.9822052001953,243.9158920288086],[335.4972381591797,243.8899658203125],[336.01207275390624,243.86112365722656],[336.52674865722656,243.82942504882814],[337.04126586914066,243.79485015869142],[337.5555450439453,243.7573989868164],[338.0696655273438,243.71707153320312],[338.5834686279297,243.67390747070314],[339.0971130371094,243.62788696289064],[339.61047973632816,243.57902984619142],[340.1235290527344,243.52713775634766],[340.6362609863281,243.4722900390625],[341.1486358642578,243.41460571289062],[341.66077270507816,243.35408477783204],[342.17247314453124,243.29078674316406],[342.68389587402345,243.2246520996094],[343.19496154785156,243.15572052001954],[343.70555114746094,243.08399200439453],[344.2158233642578,243.0094467163086],[344.7256591796875,242.9321044921875],[345.23505859375,242.8520050048828],[345.7440216064453,242.76904907226563],[346.2524688720703,242.68309783935547],[346.76044006347655,242.59434967041017],[347.2679351806641,242.50286407470705],[347.7748748779297,242.40862121582032],[348.28137817382816,242.31158142089845],[348.78724670410156,242.21182403564453],[349.2925994873047,242.10928955078126],[349.7973968505859,242.00399780273438],[350.3016387939453,241.8959487915039],[350.8052459716797,241.78514251708984],[351.3082580566406,241.67161865234377],[351.8106353759766,241.5552978515625],[352.312338256836,241.43623962402344],[352.81340637207035,241.31424560546876],[353.313720703125,241.1894943237305],[353.8134002685547,241.06202545166016],[354.31236572265624,240.93179931640626],[354.8105773925781,240.7988754272461],[355.30803527832035,240.66319427490234],[355.8047790527344,240.524755859375],[356.3007293701172,240.38359985351562],[356.7959259033203,240.23968658447265],[357.29028930664066,240.0930358886719],[357.7838592529297,239.9436477661133],[358.2765563964844,239.7915222167969],[358.76842041015624,239.6366394042969],[359.25941162109376,239.4789993286133],[359.74949035644534,239.31864166259766],[360.2386962890625,239.15552673339843],[360.7269500732422,238.98963470458986],[361.21421203613284,238.82090606689454],[361.7004821777344,238.64936065673828],[362.18580017089846,238.47507781982424],[362.6701263427735,238.297998046875],[363.15342102050784,238.1181610107422],[363.63564453125,237.9355667114258],[364.11683654785156,237.7501953125],[364.5969573974609,237.56204681396486],[365.0759674072266,237.37110137939453],[365.5538269042969,237.17733917236328],[366.03057556152345,236.98079986572267],[366.5061737060547,236.7814437866211],[366.9805419921875,236.5792709350586],[367.4536804199219,236.37428131103516],[367.92558898925785,236.166455078125],[368.3962677001953,235.9558120727539],[368.8656768798828,235.7423324584961],[369.3337371826172,235.5259765625],[369.80048828125,235.3067642211914],[370.2658905029297,235.08467559814454],[370.72986450195316,234.85973052978517],[371.19248962402344,234.63186950683595],[371.653646850586,234.40111236572267],[372.11329650878906,234.1674591064453],[372.5714782714844,233.93085021972658],[373.0281524658203,233.691325378418],[373.4832397460938,233.44890441894532],[373.9367401123047,233.2034881591797],[374.38865356445314,232.9550964355469],[374.8389007568359,232.70374908447266],[375.28748168945316,232.4493865966797],[375.73435668945314,232.19202880859376],[376.1794464111328,231.93165588378906],[376.6227111816406,231.66824798583986],[377.0642303466797,231.40176544189453],[377.50384521484375,231.1322479248047],[377.9415954589844,230.85963592529296],[378.3773620605469,230.58392944335938],[378.81114501953124,230.3051284790039],[379.2428253173828,230.02317352294924],[379.6724029541016,229.73788604736328],[380.09991760253905,229.44952392578125],[380.52521057128905,229.15796813964843],[380.94915466308595,228.86444854736328],[381.3774627685547,228.57727661132813],[381.80763549804686,228.29288177490236],[382.238720703125,228.0099349975586],[382.670361328125,227.72774200439454],[383.10267639160156,227.44665985107423],[383.5351898193359,227.16585540771484],[383.9680603027344,226.88564605712892],[384.4012481689453,226.6059127807617],[384.8348327636719,226.3268539428711],[385.26845703125,226.04779510498048],[385.70208129882815,225.76871643066406],[386.1357055664063,225.48963775634766],[386.57012329101565,225.2117691040039],[387.00458068847655,224.93399963378906],[387.4390380859375,224.65621032714844],[387.8734954833985,224.3784408569336],[388.3079528808594,224.10065155029298],[388.7430053710938,223.82381439208984],[389.1782562255859,223.54727478027345],[389.61346740722655,223.27073516845704],[390.04871826171876,222.99419555664062],[390.4839294433594,222.71765594482423],[390.9192199707031,222.44117584228516],[391.3550659179688,222.16558837890625],[391.79091186523436,221.88998107910157],[392.2267578125,221.61441345214845],[392.6630004882813,221.33948059082033],[393.0992828369141,221.0645477294922],[393.5355255126953,220.7895950317383],[393.9722045898438,220.5153366088867],[394.40892333984374,220.24109802246093],[394.84564208984375,219.96687927246094],[395.2826782226563,219.6932357788086],[395.719873046875,219.4197509765625],[396.15698852539066,219.1462860107422],[396.59450073242186,218.87325744628907],[397.0321716308594,218.60056610107424],[397.4698425292969,218.32787475585937],[397.9076721191406,218.05550079345704],[398.3458984375,217.78368225097657],[398.7840850830078,217.5118835449219],[399.22239074707034,217.24016418457032],[399.6611724853516,216.96929779052735],[400.09999389648436,216.69843139648438],[400.5387756347656,216.42754516601562],[400.9781524658203,216.1576110839844],[401.4175689697266,215.88777618408204],[401.85698547363285,215.61798095703125],[402.2969177246094,215.34893951416015],[402.7370880126953,215.0802749633789],[403.1772186279297,214.81163024902344],[403.61778564453124,214.543620300293],[404.0587493896484,214.27628479003906],[404.4997131347656,214.0089294433594],[404.9409942626953,213.7422088623047],[405.38283081054686,213.4763412475586],[405.82470703125,213.2104934692383],[406.2669403076172,212.94526062011718],[406.7098083496094,212.68111877441407],[407.1526763916016,212.41697692871094],[407.5959014892578,212.1534896850586],[408.0396423339844,211.89081573486328],[408.48401794433596,211.6291931152344],[408.9288299560547,211.3683044433594],[409.37407836914065,211.10816955566406],[409.81988220214845,210.84898681640627],[410.2664794921875,210.59111328125002],[410.71363220214846,210.33433074951174],[411.161459350586,210.0787582397461],[411.61015930175785,209.82455444335938],[412.0597320556641,209.5719970703125],[412.5104553222656,209.32146301269532],[412.9623687744141,209.07313079833986],[413.4156707763672,208.82729797363282],[413.8705993652344,208.58448028564453],[414.3274719238281,208.3452926635742],[414.78684387207034,208.1112030029297],[415.2495086669922,207.8833221435547],[415.715902709961,207.66339569091798],[416.1832489013672,207.44557189941406],[416.6511901855469,207.22903747558595],[417.11980590820315,207.0138122558594],[417.58917541503905,206.80023345947265],[418.05917968750003,206.58808288574218],[418.5297790527344,206.3773406982422],[419.0010528564453,206.16800689697266],[419.47296142578125,205.9600814819336],[419.9455841064453,205.7537826538086],[420.41896057128906,205.54924926757812],[420.89293212890624,205.34620361328126],[421.367578125,205.14464569091797],[421.8428985595703,204.9445755004883],[422.3189727783203,204.74644927978517],[422.79576110839844,204.55008850097656],[423.2732238769531,204.35525512695312],[423.75132141113284,204.1620086669922],[424.2301330566406,203.97052764892578],[424.70981750488284,203.7812286376953],[425.1900970458984,203.59355621337892],[425.6710113525391,203.40755004882814],[426.15263977050785,203.22326965332033],[426.6351806640625,203.0414291381836],[427.1183563232422,202.86127471923828],[427.6022064208984,202.68284606933594],[428.0866912841797,202.5063018798828],[428.5720489501953,202.33233642578125],[429.05804138183595,202.16015625],[429.5447479248047,201.9897415161133],[430.03220825195314,201.82146911621095],[430.5205810546875,201.6557357788086],[431.00950927734374,201.49190673828124],[431.499072265625,201.32992248535157],[431.9894683837891,201.17053680419923],[432.4805389404297,201.01307525634766],[432.97236328125,200.85821228027345],[433.46482238769534,200.70543212890627],[433.958154296875,200.5552505493164],[434.45220031738285,200.40721130371094],[434.94688110351564,200.26177062988282],[435.44223632812503,200.1186706542969],[435.9384246826172,199.97803039550783],[436.43528747558594,199.8399887084961],[436.93274536132816,199.70432739257814],[437.4309967041016,199.57146301269532],[437.9298828125,199.4410186767578],[438.4295623779297,199.31341094970705],[438.92979736328124,199.18842163085938],[439.4307861328125,199.06614990234377],[439.9324493408203,198.9467742919922],[440.43470764160156,198.8299575805664],[440.93771972656253,198.71633453369142],[441.44116821289066,198.60540924072265],[441.94544982910156,198.4974792480469],[442.45032653808596,198.39252471923828],[442.95579833984374,198.29046630859375],[443.4619445800781,198.19176025390627],[443.96860656738284,198.09591064453124],[444.4759033203125,198.0033935546875],[444.9837158203125,197.91403045654297],[445.49212341308595,197.8277816772461],[446.0011260986328,197.74508361816407],[446.51064453125,197.66542053222656],[447.0206787109375,197.58944702148438],[447.53118896484375,197.51680603027344],[448.0421356201172,197.44753723144532],[448.55371704101566,197.38203735351564],[449.06553649902344,197.31983032226563],[449.5779113769531,197.2615509033203],[450.0906433105469,197.20682220458986],[450.6038513183594,197.15574340820314],[451.1173370361328,197.10869140625002],[451.6311004638672,197.06519012451173],[452.1453399658203,197.02589416503906],[452.65977783203124,196.99036712646486],[453.17441406250003,196.9587875366211],[453.6894073486328,196.9314926147461],[454.2044403076172,196.90794677734377],[454.71971130371094,196.88894348144532],[455.2352203369141,196.87396697998048],[455.7507293701172,196.8631561279297],[456.266357421875,196.85694732666016],[456.7820251464844,196.85472564697267],[457.2976928710938,196.8573440551758],[457.81328125,196.86424713134767],[458.3288299560547,196.87559356689454],[458.8442596435547,196.89128417968752],[459.3596496582031,196.90826416015625],[459.8750396728516,196.92522430419922],[460.3904296875,196.9421844482422],[460.90581970214845,196.95916442871095],[461.4212097167969,196.97612457275392],[461.9365997314453,196.9930847167969],[462.4519897460938,197.01006469726562],[462.9673797607422,197.0270248413086],[463.48276977539064,197.04398498535156],[463.9981597900391,197.06096496582032],[464.513510131836,197.0779251098633],[465.0289001464844,197.09488525390626],[465.54429016113284,197.11186523437502],[466.05968017578124,197.128825378418],[466.5750701904297,197.14578552246095],[467.09046020507816,197.1627655029297],[467.60577087402345,197.17972564697266],[468.12120056152344,197.1970230102539],[468.6365905761719,197.2144790649414],[469.1519409179688,197.2319549560547],[469.6673309326172,197.2494110107422],[470.18268127441405,197.2668670654297],[470.6980712890625,197.284342956543],[471.2134216308594,197.3017990112305],[471.72881164550785,197.319255065918],[472.2441619873047,197.3367111206055],[472.7595520019531,197.35418701171875],[473.27490234375,197.37164306640625],[473.79029235839846,197.38909912109375],[474.30564270019534,197.40655517578125],[474.82103271484374,197.42403106689454],[475.3364227294922,197.44148712158204],[475.8517730712891,197.45894317626954],[476.36716308593753,197.4764190673828],[476.8825134277344,197.49423217773438],[477.3978637695313,197.51242218017578],[477.91321411132816,197.5306121826172],[478.42852478027345,197.5488021850586],[478.9438751220703,197.5669723510742],[479.4592254638672,197.58516235351564],[479.9745758056641,197.60335235595704],[480.48992614746095,197.62154235839844],[481.0051971435547,197.63971252441408],[481.5205474853516,197.65790252685548],[482.03589782714846,197.67609252929688],[482.55124816894534,197.69428253173828],[483.0665985107422,197.71245269775392],[483.5819488525391,197.73064270019532],[484.0972595214844,197.74883270263672],[484.61260986328125,197.76702270507812],[485.1279602050781,197.78519287109376],[485.643310546875,197.8038787841797],[486.15862121582035,197.82274322509767],[486.6739715576172,197.84160766601562],[487.1892822265625,197.8604721069336],[487.7045928955078,197.87933654785158],[488.21990356445315,197.89820098876953],[488.73525390625,197.9170654296875],[489.2505645751953,197.93594970703126],[489.7658355712891,197.9550323486328],[490.28114624023436,197.9744125366211],[490.7964569091797,197.99381256103516],[491.3117279052735,198.01319274902343],[491.82703857421876,198.0325927734375],[492.34234924316405,198.05197296142578],[492.8576599121094,198.07137298583984],[493.3729705810547,198.09075317382812],[493.88832092285156,198.1102523803711],[494.4035125732422,198.13020782470704],[494.918783569336,198.15018310546876],[495.4340545654297,198.17015838623047],[495.949365234375,198.19011383056642],[496.4646362304688,198.21008911132813],[496.9799072265625,198.23006439208984],[497.49517822265625,198.2500198364258],[498.0104888916016,198.2699951171875],[498.5257202148438,198.2905456542969],[499.04095153808595,198.3111358642578],[499.5562225341797,198.33172607421875],[500.0714538574219,198.3523162841797],[500.58672485351565,198.37290649414064],[501.1019958496094,198.3934768676758],[501.6172271728516,198.41406707763673],[502.13249816894535,198.43465728759767],[502.6477691650391,198.45572357177736],[503.1630004882813,198.47698822021485],[503.67823181152346,198.49823303222658],[504.19346313476564,198.51949768066407],[504.7086944580078,198.54074249267578],[505.22392578125005,198.5620071411133],[505.7391571044922,198.583251953125],[506.2543884277344,198.6045166015625],[506.76958007812505,198.6260986328125],[507.2846923828125,198.64805755615234],[507.79988403320317,198.6700164794922],[508.31511535644535,198.6919952392578],[508.83030700683594,198.71395416259767],[509.3454986572266,198.7359130859375],[509.86069030761723,198.75787200927735],[510.3758819580078,198.7798309326172],[510.8910736083985,198.80194854736328],[511.40622558593753,198.8246612548828],[511.9214172363281,198.84735412597658],[512.4365692138672,198.87004699707032],[512.9517608642578,198.89275970458985],[513.4669128417969,198.9154525756836],[513.982064819336,198.93816528320312],[514.4972564697266,198.9608581542969],[515.0124084472657,198.98355102539062],[515.5275207519531,199.0069580078125],[516.0426330566406,199.03042449951172],[516.5577850341797,199.05389099121095],[517.0728973388672,199.07737731933594],[517.5880493164062,199.10084381103516],[518.1031616210938,199.1243103027344],[518.6183135986329,199.14779663085938],[519.1334259033204,199.1712631225586],[519.648617553711,199.1951461791992],[520.1637298583985,199.2194061279297],[520.6787231445313,199.24366607666016],[521.1938354492188,199.2679458618164],[521.7089477539063,199.29220581054688],[522.2240203857422,199.31646575927735],[522.7391326904298,199.34072570800782],[523.2542053222656,199.3649856567383],[523.7692382812501,199.3893051147461],[524.284310913086,199.4143783569336],[524.7993835449219,199.4394515991211],[525.3144165039063,199.4645248413086],[525.8294891357422,199.4895980834961],[526.3445617675782,199.5146713256836],[526.8595947265625,199.5397445678711],[527.3746673583985,199.5648376464844],[527.8897003173828,199.58991088867188],[528.4046936035156,199.61617431640624],[528.9196075439453,199.64434204101562],[529.4343627929687,199.6750686645508],[529.9488800048829,199.70896911621094],[530.4633178710938,199.74521026611328],[530.9775177001953,199.78357391357423],[531.4915588378907,199.8250915527344],[532.0053222656251,199.86934661865234],[532.5188079833985,199.9164581298828],[533.032015991211,199.96614837646484],[533.5450256347657,200.01897277832032],[534.0575988769532,200.07449493408203],[534.5699737548829,200.1328140258789],[535.081951904297,200.194287109375],[535.5935729980469,200.2585174560547],[536.1048767089844,200.32564392089844],[536.6157440185547,200.3960433959961],[537.1261749267578,200.4692794799805],[537.6361694335938,200.5454513549805],[538.145687866211,200.62493591308595],[538.6546905517579,200.7074951171875],[539.1631774902344,200.79304962158204],[539.6711486816406,200.8816390991211],[540.178564453125,200.97375946044923],[540.6853851318359,201.068994140625],[541.191571044922,201.16734313964844],[541.6971618652344,201.2688461303711],[542.2020385742188,201.3737808227539],[542.7061218261719,201.4821273803711],[543.2096099853516,201.59376678466796],[543.7122650146484,201.7086395263672],[544.2142852783203,201.8268249511719],[544.7153533935547,201.94850158691406],[545.2155487060547,202.07378845214845],[545.7148712158204,202.20242767333986],[546.2134002685547,202.33453826904298],[546.7109375,202.47004089355468],[547.2074035644531,202.60899505615234],[547.7029968261719,202.7515396118164],[548.1974792480469,202.89791259765624],[548.6908508300781,203.04781646728517],[549.1831115722656,203.2012710571289],[549.6743011474609,203.35831604003906],[550.1643005371094,203.51897125244142],[550.653109741211,203.68329620361328],[551.1406494140625,203.85125122070312],[551.6269195556641,204.02297515869142],[552.1116821289063,204.1986068725586],[552.595135498047,204.37798767089845],[553.0772399902344,204.56109771728515],[553.5578369140625,204.74797668457032],[554.0370056152344,204.93860473632813],[554.5145477294922,205.13300170898438],[554.9906219482422,205.33126678466797],[555.4650299072266,205.5333206176758],[555.9378112792969,205.73926239013673],[556.4088470458985,205.9489929199219],[556.8782165527344,206.1626708984375],[557.3456817626953,206.38035583496094],[557.8112823486329,206.60196838378906],[558.2749786376953,206.8274688720703],[558.7367706298828,207.05693664550782],[559.1966186523438,207.29027252197267],[559.6544036865234,207.52751617431642],[560.1101654052735,207.76870727539062],[560.5638244628907,208.01382598876953],[561.0155792236328,208.2624954223633],[561.4646759033203,208.51590576171876],[561.9120269775391,208.7724105834961],[562.3567993164063,209.03333892822266],[562.7993103027344,209.29817504882814],[563.2393218994141,209.5669189453125],[563.6770324707031,209.83964996337892],[564.1122039794922,210.11630859375],[564.5449157714844,210.39685516357423],[564.9749694824219,210.68128967285156],[565.4024841308594,210.96967163085938],[565.8273406982422,211.261882019043],[566.2494995117188,211.55802001953126],[566.6689605712891,211.8580062866211],[567.0855651855469,212.16180114746095],[567.499432373047,212.46944427490234],[567.9104034423829,212.78087615966797],[568.3184783935548,213.09613647460938],[568.7236572265625,213.415185546875],[569.12578125,213.73790435791017],[569.5249694824219,214.06439208984375],[569.921063232422,214.3946090698242],[570.3139434814453,214.72849578857424],[570.7037292480469,215.0660125732422],[571.090380859375,215.4071990966797],[571.4738983154297,215.7519760131836],[571.8540832519532,216.10032348632814],[572.2310943603516,216.45216217041016],[572.6048126220703,216.8074722290039],[572.9751983642578,217.1662139892578],[573.3422515869141,217.5283676147461],[573.7058929443359,217.89403228759767],[574.066082763672,218.26306915283203],[574.4228607177735,218.6353988647461],[574.7761871337891,219.0109817504883],[575.1260620117188,219.38975830078127],[575.472445678711,219.771728515625],[575.8153381347656,220.15687255859376],[576.1545806884766,220.54524993896484],[576.4902526855469,220.93668212890626],[576.8225128173829,221.33110961914062],[577.1511627197266,221.7284133911133],[577.476123046875,222.12879180908203],[577.7974731445313,222.53208618164064],[578.1152526855469,222.93823699951173],[578.4294219970703,223.34708557128906],[578.7399810791015,223.7587905883789],[579.0467315673828,224.1733123779297],[579.3498718261719,224.5903335571289],[579.649560546875,225.0100326538086],[579.9454010009766,225.43238983154296],[580.2379486083985,225.8570083618164],[580.5271636962891,226.28394775390626],[580.8132843017578,226.71295013427735],[581.0962310791016,227.14403533935547],[581.3760833740234,227.57720336914062],[581.6526824951172,228.01239471435548],[581.9261871337891,228.4495101928711],[582.1965576171875,228.88862915039064],[582.463754272461,229.32965240478515],[582.7276184082032,229.7726791381836],[582.9882293701172,230.21770935058595],[583.2456268310547,230.66454467773437],[583.4997711181641,231.1132049560547],[583.7507415771485,231.5636703491211],[583.9984588623047,232.0159408569336],[584.2429229736329,232.46991729736328],[584.4841339111329,232.9256790161133],[584.7220916748047,233.38316650390627],[584.9567169189453,233.8423797607422],[585.1880493164062,234.30323944091796],[585.4160095214844,234.7657653808594],[585.6406768798828,235.22989807128906],[585.8619720458985,235.6956970214844],[586.0797760009766,236.16302337646485],[586.294287109375,236.63199615478516],[586.5052673339844,237.1024368286133],[586.7128356933594,237.5744842529297],[586.9169525146484,238.04807891845704],[587.1175384521484,238.52316131591797],[587.3145538330078,238.9996322631836],[587.5080780029297,239.4776107788086],[587.698031616211,239.9570770263672],[587.8843353271485,240.43789215087892],[588.0670684814453,240.9201156616211],[588.2461120605469,241.40364837646484],[588.4215057373048,241.88858947753906],[588.5931701660156,242.3747802734375],[588.7612243652344,242.86235961914062],[588.9254302978516,243.35112915039062],[589.0858673095703,243.8411880493164],[589.2424957275391,244.3325164794922],[589.3953552246094,244.82505493164064],[589.5443267822266,245.3187042236328],[589.6894104003907,245.81350402832032],[589.83056640625,246.30945434570313],[589.9677947998047,246.80655517578126],[590.1010559082032,247.30472717285156],[590.2303497314454,247.8038314819336],[590.3561523437501,248.30398712158203],[590.4772735595703,248.80513458251954],[590.5943878173829,249.3072738647461],[590.7074157714844,249.8104446411133],[590.8163177490235,250.31448822021486],[590.9210540771485,250.81940460205078],[591.0216247558594,251.32517395019534],[591.1179504394531,251.8317367553711],[591.2101104736329,252.33911285400393],[591.297787475586,252.8472625732422],[591.3812591552735,253.35610656738282],[591.4604064941407,253.8656448364258],[591.5352294921876,254.37585754394533],[591.6056884765625,254.88670501708987],[591.6717834472656,255.39810791015626],[591.7333557128907,255.91008605957032],[591.7904052734375,256.42259979248047],[591.8430114746094,256.9355895996094],[591.8911743164062,257.44901580810546],[591.9348541259766,257.96277923583983],[591.9740509033203,258.47693939208983],[592.0086059570312,258.9914764404297],[592.0384399414063,259.5062515258789],[592.0637512207031,260.02132415771484],[592.0845001220704,260.536555480957],[592.1006072998047,261.0520050048828],[592.1121520996094,261.56743469238285],[592.1187774658204,262.08302307128906],[592.1207214355469,262.59869079589845],[592.1181030273438,263.11435852050784],[592.1108032226563,263.63000640869143],[592.0987823486329,264.1455352783203],[592.0818420410156,264.660905456543],[592.0601806640625,265.17607727050785],[592.0339569091797,265.6910705566406],[592.0029327392579,266.20584564208986],[591.966909790039,266.72024383544925],[591.926205444336,267.23424530029297],[591.8808197021484,267.74792938232423],[591.8307525634766,268.2611968994141],[591.7756072998047,268.7738891601563],[591.715740966797,269.28602600097656],[591.6512329101563,269.7977066040039],[591.5819244384766,270.3086929321289],[591.5076568603516,270.81894531250003],[591.4287872314453,271.32850341796876],[591.3452362060547,271.83736724853514],[591.2567260742188,272.34541778564454],[591.1635345458984,272.852555847168],[591.0657012939454,273.3589004516602],[590.9631072998047,273.86419372558595],[590.8556732177734,274.36859436035155],[590.7437561035157,274.87184448242186],[590.6270385742188,275.3741821289063],[590.5055603027344,275.875309753418],[590.379638671875,276.3753463745117],[590.2489562988281,276.8741928100586],[590.1136322021484,277.3717895507813],[589.9739440917969,277.86817626953126],[589.8294555664063,278.36315460205077],[589.6804840087891,278.85686340332035],[589.5271881103516,279.3491836547852],[589.3690521240235,279.8400161743164],[589.2067504882813,280.32947998046876],[589.039926147461,280.8173767089844],[588.8686187744141,281.3038055419922],[588.6932250976563,281.7886672973633],[588.5131103515625,282.27188262939455],[588.3290283203125,282.7535705566406],[588.1404632568359,283.23351287841797],[587.9477722167969,283.711848449707],[587.7508758544922,284.18847808837893],[587.5496948242188,284.66326293945315],[587.3446258544922,285.13636169433596],[587.1351135253907,285.60757598876955],[586.9219909667969,286.07712402343753],[586.7043853759766,286.5446090698242],[586.4832092285156,287.01040802001955],[586.2577880859375,287.4741439819336],[586.0287963867188,287.9361343383789],[585.7955596923829,288.3960815429688],[585.558871459961,288.85422363281253],[585.3180572509766,289.3101440429688],[585.0737915039062,289.7643585205078],[584.8255584716798,290.2163116455078],[584.5739929199219,290.66641998291016],[584.318539428711,291.11436614990237],[584.0597137451172,291.560368347168],[583.7972381591798,292.00420837402345],[583.5313110351562,292.4460845947266],[583.26201171875,292.8857788085938],[582.9891418457031,293.3233901977539],[582.7132568359375,293.75899810791014],[582.4349517822266,294.1931381225586],[582.1564880371094,294.6271194458008],[581.8771118164062,295.06056518554686],[581.597299194336,295.49371337890625],[581.3168914794923,295.92646484375],[581.0357696533204,296.35874023437503],[580.7542907714844,296.7907974243164],[580.4718200683594,297.22227935791017],[580.1891510009766,297.65350341796875],[579.9055297851563,298.0841918945313],[579.6214721679688,298.5146026611328],[579.3368591308594,298.9445373535156],[579.0514526367188,299.3739959716797],[578.7656890869141,299.8031967163086],[578.4785369873047,300.2315048217774],[578.1913848876953,300.6598129272461],[577.9041931152344,301.08812103271487],[577.6154541015625,301.5154174804688],[577.326318359375,301.9424163818359],[577.037222290039,302.3694152832031],[576.7470153808594,302.79564056396487],[576.4560150146484,303.221369934082],[576.1650146484375,303.64707946777344],[575.8732208251953,304.07227325439453],[575.5803955078126,304.49673309326175],[575.2875701904297,304.9211929321289],[574.994189453125,305.34527587890625],[574.6996978759765,305.76856536865233],[574.4051666259766,306.1918350219727],[574.1101593017578,306.61480712890625],[573.8140411376953,307.03696594238284],[573.5178833007812,307.45912475585936],[573.2213684082031,307.88096618652344],[572.9237426757812,308.30205383300785],[572.6261169433594,308.723161315918],[572.3280548095703,309.14393157958983],[572.0290405273438,309.5640670776367],[571.7301055908204,309.98412322998047],[571.4305755615235,310.40394134521483],[571.1303314208984,310.82320404052734],[570.830126953125,311.24244689941406],[570.5293273925781,311.66129302978516],[570.2279724121094,312.0797622680664],[569.9266571044922,312.4982513427735],[569.6247467041015,312.91622467041014],[569.3224792480469,313.33401947021486],[569.0202514648438,313.7518341064453],[568.7173095703125,314.1691528320313],[568.4142883300782,314.5863922119141],[568.1111877441407,315.0036315917969],[567.807373046875,315.42027587890624],[567.5035186767578,315.83692016601566],[567.1997039794923,316.2535842895508],[566.895849609375,316.6702285766602],[566.5920349121094,317.08689270019534],[566.2879425048828,317.5033187866211],[565.9836517333985,317.9196258544922],[565.6793212890625,318.33591308593753],[565.3750305175781,318.7522201538086],[565.0707000732422,319.1685272216797],[564.7663696289063,319.58483428955077],[564.4623168945312,320.0013198852539],[564.1583038330078,320.4177459716797],[563.8542510986329,320.8342315673828],[563.5501983642579,321.25071716308594],[563.2461456298828,321.6672027587891],[562.9426086425782,322.0841049194336],[562.6395080566407,322.50132446289064],[562.3364471435547,322.9185241699219],[562.0333862304688,323.3357238769531],[561.7302856445312,323.7529235839844],[561.4273040771485,324.170182800293],[561.1253936767579,324.58823547363284],[560.8235229492187,325.0062881469727],[560.5219299316407,325.42453918457034],[560.2210510253907,325.84334564208984],[559.9202117919922,326.2621520996094],[559.6199279785156,326.68137512207034],[559.3202392578125,327.1010345458985],[559.0205505371094,327.5206741333008],[558.7218139648438,327.9410079956055],[558.4234344482422,328.3615997314453],[558.1250946044922,328.78221130371094],[557.8280639648438,329.203695678711],[557.5311920166016,329.62535858154297],[557.2343597412109,330.047021484375],[556.9391143798829,330.46973571777346],[556.6438690185547,330.8925094604492],[556.3487823486329,331.31536254882815],[556.0552825927734,331.73936614990237],[555.7617828369141,332.1633499145508],[555.4685607910156,332.58751220703124],[555.1769256591797,333.01280517578124],[554.8852508544923,333.4380584716797],[554.5939331054688,333.86351013183594],[554.3042419433594,334.2901519775391],[554.0145904541016,334.7167541503906],[553.7251373291016,335.1435546875],[553.4375091552735,335.57154541015626],[553.1498809814453,335.99957580566405],[552.8623321533204,336.4275665283203],[552.5762908935548,336.85662841796875],[552.2907257080078,337.2860076904297],[552.0057556152344,337.7157836914063],[551.7217376708985,338.1462341308594],[551.4382354736329,338.57692260742186],[551.1554870605469,339.00816650390624],[550.8734924316407,339.4398864746094],[550.59189453125,339.87188415527345],[550.3114074707031,340.3045959472656],[550.031396484375,340.7375854492188],[549.752099609375,341.1710510253906],[549.4735961914063,341.6050720214844],[549.1954498291016,342.03937072753905],[548.9184936523437,342.47422485351564],[548.64189453125,342.9093963623047],[548.3660888671875,343.3450836181641],[548.0909576416016,343.7812866210938],[547.8163024902344,344.2177276611328],[547.5426788330078,344.65480346679686],[547.2693328857422,345.0920776367188],[546.9970581054688,345.5299865722656],[546.7251800537109,345.9681335449219],[546.4540954589844,346.40679626464845],[546.1836059570313,346.8458557128906],[545.913671875,347.2851928710938],[545.6446105957032,347.72508544921874],[545.3758666992188,348.16517639160156],[545.108154296875,348.60594177246094],[544.8406005859375,349.0467468261719],[544.5742370605469,349.4883056640625],[544.3079528808594,349.92994384765626],[544.0427398681641,350.37217712402344],[543.7778045654297,350.8145294189453],[543.5137817382813,351.2574768066406],[543.2500762939453,351.70062255859375],[542.9872039794922,352.1442443847656],[542.7246887207032,352.58806457519535],[542.4629669189453,353.03240051269535],[542.2016021728516,353.47693481445316],[541.9410705566406,353.9219055175781],[541.6808563232422,354.3671142578125],[541.4214752197266,354.81279907226565],[541.1623321533203,355.25860290527345],[540.9041015625,355.70496215820316],[540.6460693359376,356.1513610839844],[540.388949584961,356.5983551025391],[540.1319091796876,357.04542846679686],[539.8759002685547,357.49305725097656],[539.6199310302735,357.94068603515626],[539.3649932861329,358.3889495849609],[539.1101348876954,358.83721313476565],[538.8561096191406,359.2860321044922],[538.6023620605469,359.73497009277344],[538.3492889404297,360.18418579101564],[538.0966125488281,360.63367919921876],[537.8443328857422,361.0834899902344],[537.5927276611328,361.5336181640625],[537.3412811279297,361.98382568359375],[537.0907867431641,362.43458862304686],[536.8402923583984,362.88531188964845],[536.5907104492188,363.3365112304688],[536.3412872314453,363.78782958984374],[536.0923797607422,364.2394653320313],[535.8439880371094,364.69133911132815],[535.5957946777344,365.14329223632814],[535.3484741210938,365.59576110839845],[535.1011138916016,366.04826965332035],[534.8546264648438,366.5011352539063],[534.6082977294922,366.95415954589845],[534.3624053955078,367.4074615478516],[534.117108154297,367.8610412597656],[533.8718109130859,368.3146209716797],[533.6274658203125,368.7687164306641],[533.3831604003907,369.2228515625],[533.1393707275391,369.67722473144534],[532.8960571289062,370.1318756103516],[532.6527435302735,370.58652648925784],[532.4103820800782,371.04173278808594],[532.1680603027344,371.4969390869141],[531.9260955810547,371.95234375],[531.6847259521485,372.4080261230469],[531.4433563232423,372.86370849609375],[531.2028198242188,373.3198272705078],[530.96240234375,373.776025390625],[530.7221832275391,374.2323425292969],[530.4827178955078,374.68901672363285],[530.243212890625,375.14573059082034],[530.004263305664,375.6026824951172],[529.7657501220704,376.05987243652345],[529.527197265625,376.5170623779297],[529.2894775390625,376.9745300292969],[529.0518371582032,377.4321563720703],[528.8143157958984,377.8898620605469],[528.5775878906251,378.34800415039064],[528.3408599853516,378.8061065673828],[528.1044494628907,379.2644470214844],[527.8685943603516,379.7230255126953],[527.6327789306641,380.1816040039063],[527.3974395751953,380.640380859375],[527.1624969482422,381.0993957519531],[526.9275146484375,381.55841064453125],[526.6934844970704,382.0179016113281],[526.4598114013672,382.47759094238285],[526.2261383056641,382.93724060058594],[525.992465209961,383.3969299316406],[525.7587921142579,383.85661926269535],[525.5251190185547,384.31630859375],[525.2925170898437,384.77655334472655],[525.0600738525391,385.23687744140625],[524.827670288086,385.69720153808595],[524.595980834961,386.1578826904297],[524.3644104003906,386.618603515625],[524.1328002929688,387.07936401367186],[523.9022613525391,387.5406799316406],[523.6718811035156,388.002035522461],[523.4415008544922,388.46339111328126],[523.2111602783203,388.92466735839844],[522.9807800292969,389.3860229492188],[522.7504394531251,389.8473388671875],[522.5211700439453,390.3091705322266],[522.2923767089844,390.7713195800781],[522.0635833740234,391.2334289550781],[521.8347900390626,391.6955780029297],[521.6059967041016,392.1576873779297],[521.3771636962891,392.6198364257813],[521.1488861083984,393.0823028564453],[520.9216003417969,393.545166015625],[520.6943542480469,394.00806884765626],[520.4670684814454,394.47093200683594],[520.2397827148437,394.9337951660156],[520.0124969482422,395.3966979980469],[519.7852508544922,395.85956115722655],[519.5592346191406,396.3230194091797],[519.333416748047,396.78659667968753],[519.1076385498047,397.2502136230469],[518.8818206787109,397.7138305664063],[518.6560424804687,398.1774078369141],[518.430224609375,398.6410247802734],[518.2042877197266,399.10460205078124],[517.9734313964844,399.56567993164066],[517.7328155517579,400.0217590332031],[517.4829162597656,400.4727996826172],[517.22353515625,400.9184051513672],[516.9543548583985,401.35813903808594],[516.6756530761719,401.79200134277346],[516.3874694824219,402.2195953369141],[516.089486694336,402.64048461914064],[515.7821014404298,403.0544708251953],[515.4653137207032,403.46135559082035],[515.1391235351563,403.8607421875],[514.8037292480469,404.252392578125],[514.4593688964844,404.6361480712891],[514.1062408447266,405.0119293212891],[513.7441467285156,405.3791015625],[513.3737213134766,405.737744140625],[512.9950836181641,406.0878570556641],[512.608432006836,406.42908325195316],[512.2140441894531,406.7612243652344],[511.81223754882814,407.0843994140625],[511.40325012207035,407.39844970703126],[510.98728027343753,407.7032165527344],[510.56484375,407.9989379882813],[510.136019897461,408.28529663085936],[509.7012451171875,408.5624908447266],[509.26079711914065,408.8306396484375],[508.81483459472656,409.0895446777344],[508.36387329101564,409.339682006836],[507.907992553711,409.58045654296876],[507.4476287841797,409.8127807617188],[506.982861328125,410.0360992431641],[506.51416625976566,410.2511260986328],[506.04150390625,410.4573455810547],[505.56550903320317,410.6555511474609],[505.0860229492188,410.8454254150391],[504.6035614013672,411.02728576660155],[504.1182037353516,411.2014495849609],[503.630029296875,411.3677185058594],[503.1394348144531,411.5265289306641],[502.64657897949223,411.67811889648436],[502.15150146484376,411.82248840332034],[501.65447998046875,411.9596771240235],[501.1556335449219,412.0902008056641],[500.65500183105473,412.2140594482422],[500.1528625488281,412.3314514160156],[499.64929504394536,412.4422973632813],[499.1443786621094,412.5469940185547],[498.638232421875,412.6457000732422],[498.1310546875,412.73853454589846],[497.6227264404297,412.82573547363285],[497.1136047363281,412.9072631835938],[496.60353088378906,412.9833557128906],[496.09278259277346,413.0541717529297],[495.58135986328125,413.1198699951172],[495.0693023681641,413.1805694580078],[494.5567291259766,413.23638916015625],[494.04356079101564,413.2874481201172],[493.5299560546875,413.3338653564453],[493.0159942626953,413.3757598876953],[492.5017547607422,413.4132904052735],[491.98711853027345,413.4465759277344],[491.4722839355469,413.475537109375],[490.95725097656253,413.50005493164065],[490.4420196533203,413.5214385986328],[489.9266693115234,413.5384185791016],[489.41112060546874,413.55198669433594],[488.8955322265625,413.5615478515625],[488.37994384765625,413.5674591064453],[487.86427612304686,413.5699188232422],[487.34860839843753,413.5690460205078],[486.8329803466797,413.56495971679686],[486.3173522949219,413.5576599121094],[485.8018432617188,413.54734497070314],[485.2863342285156,413.5335388183594],[484.7709045410156,413.5166381835938],[484.25563354492186,413.4969207763672],[483.7404815673828,413.4743865966797],[483.2254089355469,413.44919433593753],[482.7104949951172,413.4211853027344],[482.19573974609375,413.3900421142578],[481.6813018798828,413.3564788818359],[481.1669036865234,413.32049560546875],[480.6526641845703,413.28221130371094],[480.1386627197266,413.24107055664064],[479.62481994628905,413.1973907470703],[479.11121520996096,413.1515686035156],[478.5978088378906,413.10364379882816],[478.08460083007816,413.0532989501953],[477.57163085937503,413.0004150390625],[477.05889892578125,412.9456268310547],[476.54636535644534,412.88897399902345],[476.03406982421876,412.8298614501953],[475.5220520019531,412.76860656738285],[475.01023254394534,412.7056854248047],[474.4986511230469,412.6410186767578],[473.987387084961,412.5736938476563],[473.4763214111328,412.50482177734375],[472.9655334472656,412.4344024658203],[472.4549835205078,412.3618408203125],[471.94471130371096,412.2873748779297],[471.43467712402344,412.2115203857422],[470.9248809814453,412.13384094238285],[470.4153625488281,412.05421752929686],[469.9061614990234,411.97328491210936],[469.397119140625,411.89068603515625],[468.8883941650391,411.8061431884766],[468.3800262451172,411.7204498291016],[467.87177734375,411.6331298828125],[467.3638458251953,411.5440246582031],[466.8561126708984,411.45380859375],[466.34869689941405,411.3619659423828],[465.8415985107422,411.26849670410155],[465.33469848632814,411.1740753173828],[464.828076171875,411.07786865234374],[464.3216918945313,410.98035278320316],[463.8154663085938,410.8820037841797],[463.30967712402344,410.78155212402345],[462.80408630371096,410.6802673339844],[462.2987335205078,410.5777130126953],[461.7936584472656,410.47361145019534],[461.2887817382813,410.36871643066405],[460.784262084961,410.2621551513672],[460.2799011230469,410.1545623779297],[459.7757781982422,410.0460571289063],[459.2720520019531,409.9358856201172],[458.76836547851565,409.82507934570316],[458.26511535644534,409.7127655029297],[457.76206359863284,409.59949951171876],[457.25917053222656,409.4853210449219],[456.7566345214844,409.36963500976566],[456.2542175292969,409.25343322753906],[455.752197265625,409.13560485839844],[455.2504547119141,409.0171813964844],[454.74883117675785,408.89764709472655],[454.24744567871096,408.77696228027344],[453.7462585449219,408.6556823730469],[453.24546813964844,408.53289489746095],[452.74475708007816,408.4097106933594],[452.24468078613285,408.28363037109375],[451.7455963134766,408.1539001464844],[451.2473846435547,408.0207977294922],[450.7501251220703,407.8843627929688],[450.2538970947266,407.74411926269534],[449.758383178711,407.60137634277345],[449.2637420654297,407.45557861328126],[448.7700927734375,407.3064880371094],[448.27747497558596,407.1542633056641],[447.78565063476566,406.9993011474609],[447.29465942382814,406.84168090820316],[446.80454101562503,406.6815216064453],[446.3152557373047,406.51866455078124],[445.82700195312503,406.35267333984376],[445.3396209716797,406.18426208496095],[444.85303344726566,406.013510131836],[444.3672790527344,405.8404571533203],[443.8823974609375,405.6649444580078],[443.3985870361328,405.4866149902344],[442.9155303955078,405.3061431884766],[442.4333465576172,405.1236083984375],[441.95179748535156,404.9389312744141],[441.4713592529297,404.75159606933596],[440.99183349609376,404.5620391845703],[440.5130615234375,404.37053833007815],[440.03504333496096,404.17713317871096],[439.5579772949219,403.98134765625],[439.0818237304688,403.78330078125003],[438.60650329589845,403.58342895507815],[438.13193664550784,403.38177185058595],[437.6582824707031,403.1779327392578],[437.1855804443359,402.9717926025391],[436.7135925292969,402.7639465332031],[436.24243774414066,402.5544342041016],[435.77223510742186,402.3427398681641],[435.30298461914066,402.1289825439453],[434.83448791503906,401.9135192871094],[434.36670532226566,401.69646911621095],[433.89995422363285,401.477197265625],[433.4341949462891,401.2560211181641],[432.9691101074219,401.03321838378906],[432.50481872558595,400.8088684082031],[432.04167785644535,400.582177734375],[431.5792907714844,400.35382080078125],[431.1176971435547,400.12391662597656],[430.6570953369141,399.8923065185547],[430.19752502441406,399.6584747314453],[429.73870849609375,399.4231353759766],[429.28064575195316,399.186328125],[428.82361450195316,398.9474578857422],[428.36753540039064,398.70668334960936],[427.91232910156253,398.4644805908203],[427.4578765869141,398.22080993652344],[427.00469360351565,397.9747589111328],[426.55234375000003,397.7272399902344],[426.1007476806641,397.478173828125],[425.6502227783203,397.2273620605469],[425.2008087158203,396.9744873046875],[424.7522277832031,396.72014465332035],[424.3044799804688,396.46437377929686],[423.8580017089844,396.2064208984375],[423.4124755859375,395.94676208496094],[422.96778259277346,395.6856353759766],[422.5240417480469,395.4229217529297],[422.081689453125,395.1579071044922],[421.6402099609375,394.8914245605469],[421.19964294433595,394.62351379394534],[420.76026611328126,394.3535400390625],[420.32207946777345,394.0816223144531],[419.8849243164063,393.8082763671875],[419.4486022949219,393.53338317871095],[419.0138275146484,393.2562286376953],[418.5801239013672,392.9773681640625],[418.147412109375,392.6969207763672],[417.7157318115234,392.41480712890626],[417.2855987548828,392.13031311035155],[416.8565368652344,391.8442718505859],[416.4285461425781,391.5566436767578],[416.001904296875,391.26703186035155],[415.57677001953124,390.97523803710936],[415.1527069091797,390.68177795410156],[414.72987365722656,390.3866912841797],[414.3084686279297,390.08946228027344],[413.8885711669922,389.79005126953126],[413.46998291015626,389.4889343261719],[413.05262451171876,389.1861114501953],[412.63689270019535,388.8810272216797],[412.2227478027344,388.5737213134766],[411.80999145507815,388.26463012695314],[411.39862365722655,387.95371398925784],[410.9889221191406,387.640576171875],[410.5810455322266,387.3250183105469],[410.1747161865234,387.00755615234374],[409.7698944091797,386.6881500244141],[409.36669921875,386.36668090820314],[408.9657653808594,386.0424743652344],[408.5660614013672,385.71656188964846],[408.1686584472656,385.3881103515625],[407.77300109863285,385.0573974609375],[407.37932739257815,384.72434387207034],[406.98767700195316,384.3889099121094],[406.5980499267578,384.05113525390624],[406.21064453125,383.7107818603516],[405.825341796875,383.3680877685547],[405.4423400878906,383.0227752685547],[405.0616790771484,382.6748840332031],[404.6833190917969,382.32457275390624],[404.3076171875,381.9714050292969],[403.934375,381.61561889648436],[403.5636322021484,381.25713500976565],[403.19586486816405,380.8956756591797],[402.8308349609375,380.53147888183594],[402.4685821533203,380.1644256591797],[402.1095825195313,379.79423828125],[401.7537567138672,379.42103576660156],[401.40106506347655,379.04485778808595],[401.05174560546874,378.66558532714845],[400.70603637695314,378.282861328125],[400.3640167236328,377.8970031738281],[400.0258056640625,377.5077728271485],[399.6914825439453,377.11513061523436],[399.3613647460938,376.7189575195313],[399.0358093261719,376.319174194336],[398.71465759277345,375.91570129394535],[398.3982666015625,375.5085388183594],[398.0868347167969,375.0975677490234],[397.780599975586,374.68266906738285],[397.4798797607422,374.2637634277344],[397.18487243652345,373.840771484375],[396.89605407714845,373.4136932373047],[396.61350402832034,372.9822906494141],[396.3377380371094,372.54656372070315],[396.0691131591797,372.1063934326172],[395.8079467773438,371.6617797851563],[395.5547149658203,371.2126037597656],[395.3098541259766,370.7588256835938],[395.0737609863281,370.3002868652344],[394.84710998535155,369.83714599609374],[394.63037719726566,369.3692840576172],[394.4239990234375,368.8967010498047],[394.2292449951172,368.4192779541016],[394.0461151123047,367.9372131347656],[393.8754425048828,367.45062561035155],[393.7181396484375,366.9596343994141],[393.575,366.4641998291016],[393.4468963623047,365.9647186279297],[393.3346618652344,365.4614288330078],[393.2391693115234,364.95468750000003],[393.1612518310547,364.4450897216797],[393.10182189941406,363.93291320800785],[393.0617126464844,363.41883239746096],[393.0418365478516,362.9036010742188],[393.03052978515626,362.3897186279297],[392.95911865234376,361.8800018310547],[392.9565002441406,361.3645324707031],[392.9928802490235,360.8502532958984],[393.0586181640625,360.3388702392578],[393.149072265625,359.8312164306641],[393.26087036132816,359.3278472900391],[393.39206848144534,358.82919921875003],[393.5411590576172,358.33562927246095],[393.70667419433596,357.84729614257816],[393.88730468750003,357.3642791748047],[394.08241577148436,356.88697509765626],[394.291015625,356.41542358398436],[394.51258850097656,355.9498229980469],[394.746142578125,355.49005432128905],[394.9912414550781,355.03639526367186],[395.24729003906253,354.58880615234375],[395.5136932373047,354.14732666015624],[395.78997497558595,353.7118774414063],[396.07581787109376,353.28265686035155],[396.37046813964844,352.8595458984375],[396.67368774414064,352.4424255371094],[396.9850799560547,352.0315338134766],[397.304248046875,351.6265533447266],[397.63087463378906,351.22752380371094],[397.9646423339844,350.8344451904297],[398.30523376464845,350.44727783203126],[398.65233154296874,350.0658630371094],[399.0055389404297,349.69020080566406],[399.3646575927734,349.3202117919922],[399.7294891357422,348.9557769775391],[400.09979553222655,348.5968963623047],[400.4752990722656,348.2435302734375],[400.8558013916016,347.89540100097656],[401.24090576171875,347.55254821777345],[401.6307312011719,347.2150115966797],[402.02492065429686,346.8824737548828],[402.42327575683595,346.5550537109375],[402.8255981445313,346.2325134277344],[403.2318481445313,345.91493225097656],[403.641748046875,345.601953125],[404.055258178711,345.29393310546874],[404.4721405029297,344.9904754638672],[404.892236328125,344.69142150878906],[405.315625,344.3969696044922],[405.74194946289066,344.1069610595703],[406.1711700439453,343.8211578369141],[406.60320739746095,343.539599609375],[407.03782348632814,343.2622467041016],[407.4751373291016,342.98890075683596],[407.9148712158203,342.7196014404297],[408.3570251464844,342.45422973632816],[408.8014801025391,342.1928649902344],[409.24815673828124,341.9351501464844],[409.6970153808594,341.6812438964844],[410.14793701171874,341.4311065673828],[410.60084228515626,341.1845397949219],[411.0556121826172,340.94150390625003],[411.5122863769531,340.70195922851565],[411.9707061767578,340.4657867431641],[412.43079223632816,340.2329864501953],[412.8926239013672,340.00351867675784],[413.3560821533203,339.7774230957031],[413.8210083007813,339.55446166992186],[414.28740234375,339.3345153808594],[414.7553436279297,339.11786193847655],[415.2246337890625,338.9041442871094],[415.6952728271485,338.6933624267578],[416.1672607421875,338.485595703125],[416.64051818847656,338.2808044433594],[417.11488647460936,338.07863159179686],[417.59056396484374,337.8795135498047],[418.06727294921876,337.6829742431641],[418.5452117919922,337.4892120361328],[419.02406311035156,337.29814758300785],[419.5040252685547,337.1096618652344],[419.9850189208984,336.92383422851566],[420.4670043945313,336.7403869628906],[420.9499420166016,336.5595977783203],[421.4337127685547,336.3811889648438],[421.9195861816406,336.2084136962891],[422.4085144042969,336.0447631835938],[422.9003387451172,335.8896026611328],[423.3945037841797,335.74229736328124],[423.8908905029297,335.60264892578124],[424.38902282714844,335.4693878173828],[424.8886627197266,335.3418395996094],[425.389730834961,335.2202423095703],[425.8919891357422,335.1033660888672],[426.39527893066406,334.9910919189453],[426.8994812011719,334.88294372558596],[427.40447692871095,334.7784851074219],[427.9101867675781,334.6775177001953],[428.4164520263672,334.57952575683595],[428.92327270507815,334.48442993164065],[429.4305694580078,334.3919128417969],[429.9382629394531,334.30161743164064],[430.4462341308594,334.21294860839845],[430.9545623779297,334.1262237548828],[431.4631286621094,334.04136352539064],[431.97193298339846,333.95753479003906],[432.48093566894534,333.87501525878906],[432.99017639160155,333.79376525878905],[433.49949645996094,333.7132293701172],[434.0090545654297,333.63404235839846],[434.51861267089845,333.5548950195313],[435.0281707763672,333.4757080078125],[435.5379669189453,333.39794921875],[436.0477233886719,333.3201904296875],[436.55747985839844,333.242431640625],[437.06727600097656,333.164633178711],[437.57703247070316,333.0868743896485],[438.0867889404297,333.009115600586],[438.5965850830078,332.9311981201172],[439.1062225341797,332.8528045654297],[439.61589965820315,332.7743713378906],[440.1255767822266,332.69595794677736],[440.6350952148438,332.61651306152345],[441.1444946289063,332.5364730834961],[441.6539337158203,332.45643310546876],[442.1633331298828,332.3763931274414],[442.67249450683596,332.2947662353516],[443.18161621093753,332.2129806518555],[443.6904998779297,332.1298065185547],[444.1993835449219,332.04649353027344],[444.70798950195314,331.9617721557617],[445.216635131836,331.87681274414064],[445.7250030517578,331.790365600586],[446.23329162597656,331.7036605834961],[446.74134216308596,331.6153289794922],[447.2493530273438,331.5267593383789],[447.7570465087891,331.4363647460938],[448.2647399902344,331.3458709716797],[448.77203674316405,331.25331420898436],[449.2793334960938,331.16077728271483],[449.78623352050784,331.06599884033204],[450.2930938720703,330.9711410522461],[450.7995574951172,330.8742401123047],[451.3059417724609,330.77696228027344],[451.8120086669922,330.6779190063477],[452.3179168701172,330.5780822753906],[452.82354736328125,330.47691650390624],[453.328939819336,330.37442169189455],[453.8341735839844,330.27135162353517],[454.33908996582034,330.1665756225586],[454.84380798339845,330.0605499267578],[455.34812927246094,329.95313568115233],[455.8521728515625,329.8444320678711],[456.3559783935547,329.73445892333984],[456.8595458984375,329.6232360839844],[457.3627563476563,329.51072387695314],[457.8656494140625,329.39698181152346],[458.36834411621095,329.281950378418],[458.8706817626953,329.1654312133789],[459.3727020263672,329.04752349853516],[459.87436523437503,328.9283660888672],[460.37575073242186,328.80789947509766],[460.8768981933594,328.68614349365237],[461.3776489257813,328.56311798095703],[461.8780426025391,328.43846588134767],[462.3780792236328,328.31248474121094],[462.8777587890625,328.1852340698242],[463.3772003173828,328.0566741943359],[463.87620544433594,327.92686462402344],[464.37485351562503,327.79538879394534],[464.87310485839845,327.66258392333987],[465.37107849121094,327.5284896850586],[465.8686157226563,327.3931655883789],[466.3658355712891,327.256413269043],[466.8625793457031,327.11805419921876],[467.3590454101563,326.97840576171876],[467.85503540039065,326.8375473022461],[468.3507476806641,326.69539947509764],[468.8459442138672,326.55150604248047],[469.3407836914063,326.40638275146483],[469.8352264404297,326.2600692749024],[470.3293121337891,326.1124267578125],[470.82276306152346,325.9630783081055],[471.31593627929686,325.8125],[471.8087921142578,325.66075134277344],[472.301171875,325.5074951171875],[472.79307556152344,325.35267181396483],[473.2845428466797,325.1967178344727],[473.77569274902345,325.039633178711],[474.26628723144535,324.88074340820316],[474.75648498535156,324.7206039428711],[475.2462860107422,324.5593933105469],[475.73561096191406,324.3966751098633],[476.22442016601565,324.2324493408203],[476.71287231445314,324.0671127319336],[477.2008880615235,323.9005462646484],[477.6882690429688,323.7322341918945],[478.1753723144531,323.56285095214844],[478.6620788574219,323.392416381836],[479.1480712890625,323.22005767822264],[479.6337066650391,323.0466873168945],[480.11902465820316,322.8723052978516],[480.6036285400391,322.6960586547852],[481.0878356933594,322.51878051757814],[481.5717254638672,322.340510559082],[482.0549011230469,322.16033630371095],[482.537680053711,321.9791702270508],[483.0200622558594,321.79707183837894],[483.5017303466797,321.61302947998047],[483.9831207275391,321.4280548095703],[484.4640747070313,321.2420288085938],[484.94431457519534,321.0541976928711],[485.4241973876953,320.86551361083986],[485.9036041259766,320.6755599975586],[486.38237609863285,320.4840393066406],[486.8608306884766,320.2917449951172],[487.3382537841797,320.0967926025391],[487.814208984375,319.8983489990234],[488.2886962890625,319.6964736938477],[488.7617156982422,319.49116668701174],[489.2332672119141,319.2824081420899],[489.70311279296874,319.0700592041016],[490.1713317871094,318.8538223266602],[490.6377258300781,318.63391571044923],[491.1023742675781,318.41022033691405],[491.56511840820315,318.1826766967774],[492.02587890625,317.9512451171875],[492.4846557617188,317.71570739746096],[492.94129028320316,317.4761428833008],[493.3956634521484,317.23243255615233],[493.8478149414063,316.984457397461],[494.29754638671875,316.732177734375],[494.7447784423828,316.47547454833983],[495.18939208984375,316.21434783935547],[495.63134765625,315.9486389160156],[496.07048645019535,315.6783477783203],[496.50672912597656,315.40339508056644],[496.93987731933595,315.12372131347655],[497.37001037597656,314.8392272949219],[497.79673156738284,314.54973449707035],[498.2200408935547,314.255143737793],[498.6397399902344,313.9556137084961],[499.0557891845703,313.651025390625],[499.46791076660156,313.3411209106445],[499.8760650634766,313.02586059570314],[500.2800933837891,312.70542297363284],[500.6795989990235,312.3794906616211],[501.0747009277344,312.0480438232422],[501.4650421142578,311.711181640625],[501.85054321289067,311.3686065673828],[502.2309265136719,311.02049713134767],[502.6060333251953,310.66661529541017],[502.97566528320317,310.3070999145508],[503.3396636962891,309.9418518066406],[503.6976715087891,309.5706924438477],[504.04968872070316,309.1939193725586],[504.39531860351565,308.81125488281253],[504.7344024658203,308.42271881103517],[505.0667419433594,308.02843017578124],[505.39213867187505,307.6285079956055],[505.7102752685547,307.22269439697266],[506.0209930419922,306.8111083984375],[506.3240142822266,306.39390869140624],[506.61921997070317,305.9711547851563],[506.906332397461,305.5427871704102],[507.18511352539065,305.10904388427736],[507.4554443359375,304.6698852539063],[507.71704711914066,304.2255096435547],[507.9697235107422,303.77599639892577],[508.21335449218753,303.3215240478516],[508.4477416992188,302.86221160888675],[508.6727264404297,302.39827728271484],[508.88799133300785,301.9296615600586],[509.0935760498047,301.4567810058594],[509.28940124511723,300.97975463867186],[509.4753082275391,300.49876098632814],[509.65113830566406,300.0140380859375],[509.8167724609375,299.5258041381836],[509.9724090576172,299.03401947021484],[510.1175720214844,298.53941802978517],[510.25265808105473,298.0415634155274],[510.3774291992188,297.5414474487305],[510.4919647216797,297.0384750366211],[510.5963836669922,296.5336578369141],[510.69017028808594,296.026579284668],[510.77447509765625,295.51783447265626],[510.84814758300786,295.007502746582],[510.9119018554688,294.49584197998047],[510.9658966064453,293.98287200927734],[511.01021118164067,293.4691879272461],[511.0448852539063,292.95475006103516],[511.0697204589844,292.4396179199219],[511.0851135253906,291.9241287231445],[511.0912628173828,291.40867919921874],[511.0883270263672,290.8930114746094],[511.07642517089846,290.37750244140625],[511.0557556152344,289.86211242675785],[511.0264373779297,289.3474563598633],[510.98862915039064,288.83325653076173],[510.9423706054688,288.31953277587894],[510.8878997802735,287.80682067871095],[510.82541503906253,287.2948623657227],[510.7551940917969,286.7841339111328],[510.6773559570313,286.2743774414063],[510.59201965332034,285.76583099365234],[510.4993438720703,285.25847473144535],[510.3997253417969,284.7526260375977],[510.2932037353516,284.2479675292969],[510.17966003417973,283.7451538085938],[510.05869750976564,283.2437484741211],[509.93027648925784,282.74438629150393],[509.79419860839846,282.2468490600586],[509.6501861572266,281.7518508911133],[509.4982391357422,281.258935546875],[509.3379211425781,280.76895599365236],[509.1693511962891,280.28159484863284],[508.9922119140625,279.7972885131836],[508.806185913086,279.3163345336914],[508.6114715576172,278.83899078369143],[508.40767211914067,278.3651779174805],[508.19482727050786,277.8956695556641],[507.9725006103516,277.43020782470705],[507.741049194336,276.96960601806643],[507.5001953125,276.5137054443359],[507.2498199462891,276.0627838134766],[506.99012145996096,275.6174560546875],[506.7208618164063,275.17762298583983],[506.4421600341797,274.7438995361328],[506.15381774902346,274.31614685058594],[505.8563507080078,273.8951385498047],[505.5494018554688,273.4805572509766],[505.2334869384766,273.0731170654297],[504.9085662841797,272.67275848388675],[504.57471923828126,272.2797790527344],[504.2322235107422,271.8942184448242],[503.88127746582035,271.5164535522461],[503.5220001220703,271.1464645385742],[503.1549072265625,270.7845687866211],[502.77980041503906,270.43046875],[502.39743347167973,270.084799194336],[502.0076873779297,269.747004699707],[501.611117553711,269.41756134033204],[501.2076843261719,269.0961517333985],[500.79810180664066,268.78307342529297],[500.38225097656255,268.47798919677734],[499.9608062744141,268.18111724853514],[499.5335693359375,267.8920806884766],[499.10129394531253,267.6111770629883],[498.6637817382813,267.3379699707031],[498.22190551757814,267.07255859375],[497.7753875732422,266.81458587646483],[497.3247436523438,266.56405181884764],[496.87009277343753,266.3207778930664],[496.41151428222656,266.0846450805664],[495.94972229003906,265.8555938720703],[495.48435974121094,265.6331481933594],[495.0160614013672,265.41748657226566],[494.5446685791016,265.2082717895508],[494.07069702148436,265.0053451538086],[493.5939086914063,264.8084884643555],[493.1148193359375,264.6179595947266],[492.6335083007813,264.4325881958008],[492.1500946044922,264.25352478027344],[491.6646179199219,264.0795593261719],[491.17747497558594,263.91073150634764],[490.6883483886719,263.7471603393555],[490.1976348876953,263.58878631591796],[489.7054138183594,263.43507385253906],[489.21184387207035,263.28588409423827],[488.71672668457035,263.14117736816405],[488.2205780029297,263.0012710571289],[487.72300109863284,262.86541137695315],[487.22467041015625,262.73361816406253],[486.72503051757815,262.6056533813477],[486.2245178222656,262.48147735595705],[485.7232116699219,262.3614471435547],[485.22071533203126,262.24486846923827],[484.71766357421876,262.1317413330078],[484.213818359375,262.021907043457],[483.7094177246094,261.9153259277344],[483.2041046142578,261.81179962158205],[482.69847412109374,261.7113479614258],[482.1919708251953,261.6139709472656],[481.68511047363285,261.51949005126954],[481.1775360107422,261.4277069091797],[480.6697631835938,261.3386215209961],[480.16131591796875,261.252035522461],[479.6527099609375,261.1679885864258],[479.1433898925781,261.08628234863284],[478.6339904785156,261.00693664550784],[478.12407531738285,260.9298324584961],[477.6139221191406,260.85489044189455],[477.1032928466797,260.78203125],[476.5926239013672,260.7112350463867],[476.08147888183595,260.6423828125],[475.5703338623047,260.57549438476565],[475.0586334228516,260.51037139892577],[474.54697265625003,260.44707336425785],[474.0349548339844,260.3854614257813],[473.5227783203125,260.3255157470703],[473.0104431152344,260.26717681884764],[472.4978698730469,260.21038513183595],[471.9852966308594,260.1551010131836],[471.4723266601563,260.1017013549805],[470.9594360351563,260.04905548095707],[470.44630737304686,259.9980163574219],[469.9331390380859,259.9481475830078],[469.41973266601565,259.89913177490234],[468.9063659667969,259.8510482788086],[468.39288024902345,259.8029449462891],[467.8795532226563,259.7548812866211],[467.36602783203125,259.7067779541016],[466.8527008056641,259.6586944580078],[466.3391357421875,259.6113250732422],[465.82568969726566,259.56431274414064],[465.3120849609375,259.5172805786133],[464.79863891601565,259.4702880859375],[464.2850738525391,259.42325592041016],[463.7716278076172,259.3763427734375],[463.25794372558596,259.3305999755859],[462.7443786621094,259.2848571777344],[462.23065490722655,259.23911437988284],[461.71708984375,259.19339141845705],[461.2033660888672,259.1476486206055],[460.68976135253905,259.10291748046876],[460.17591857910156,259.0586624145508],[459.6622344970703,259.0144271850586],[459.1485504150391,258.9701721191406],[458.63470764160155,258.9259170532227],[458.1209442138672,258.88225708007815],[457.6070220947266,258.83927154541016],[457.0932189941406,258.7962860107422],[456.5791381835938,258.7541534423828],[456.06529541015624,258.71212005615234],[455.5511749267578,258.6704635620117],[455.03721313476564,258.62938232421874],[454.5230926513672,258.58828125],[454.00921020507815,258.5482513427734],[453.49501037597656,258.5082015991211],[452.98085021972656,258.468766784668],[452.46657104492186,258.4298080444336],[451.95252990722656,258.3910873413086],[451.4381317138672,258.3533187866211],[450.92393188476564,258.3155502319336],[450.4094543457031,258.27879333496094],[449.8951751708984,258.2422348022461],[449.380697631836,258.2063705444336],[448.8662994384766,258.17110137939454],[448.35174255371095,258.13616943359375],[447.8373046875,258.1022491455078],[447.3226684570313,258.0683288574219],[446.80811157226566,258.0358169555664],[446.29355468750003,258.00332489013675],[445.778759765625,257.9719436645508],[445.2641235351563,257.94091949462893],[444.749169921875,257.91074829101564],[444.2344146728516,257.8812515258789],[443.71946105957034,257.85234985351565],[443.2046264648438,257.8244400024414],[442.68967285156253,257.79692687988285],[442.1747589111328,257.7706436157227],[441.65960693359375,257.74455871582035],[441.144613647461,257.71998138427733],[440.6294219970703,257.6953842163086],[440.1143493652344,257.6725524902344],[439.5991180419922,257.6497009277344],[439.08396606445314,257.62849578857424],[438.56865539550785,257.60742950439453],[438.0535827636719,257.5879104614258],[437.53819274902344,257.5686889648438],[437.02288208007815,257.55089569091797],[436.5074127197266,257.5335388183594],[435.9920227050781,257.51753082275394],[435.476513671875,257.5020980834961],[434.96112365722655,257.4879348754883],[434.44553527832034,257.47440643310546],[433.9300262451172,257.4621276855469],[433.41443786621096,257.4505828857422],[432.899008178711,257.4402481079102],[432.3834991455078,257.4306869506836],[431.8677917480469,257.42227630615236],[431.3522430419922,257.4147186279297],[430.8365753173828,257.4082717895508],[430.32102661132814,257.40271759033203],[429.80527954101564,257.39823455810546],[429.28969116210936,257.3946838378906],[428.77406311035156,257.3921844482422],[428.25847473144535,257.39065704345705],[427.74268798828126,257.39012145996094],[427.227099609375,257.39061737060547],[426.71143188476566,257.39204559326174],[426.1958435058594,257.3945449829102],[425.6800567626953,257.3978973388672],[425.1645080566406,257.402360534668],[424.6487609863281,257.4076171875],[424.1332122802734,257.41402435302734],[423.6175445556641,257.4211456298828],[423.10203552246094,257.4294967651367],[422.5862487792969,257.4384231567383],[422.07077941894534,257.448698425293],[421.55519104003906,257.4593902587891],[421.0397613525391,257.4715301513672],[420.5242126464844,257.48394775390625],[420.0087829589844,257.49793243408203],[419.4933532714844,257.5119766235352],[418.97784423828125,257.5277465820313],[418.46253356933596,257.5435165405274],[417.947103881836,257.5608932495117],[417.4317932128906,257.5784286499024],[416.91644287109375,257.5972534179688],[416.4012115478516,257.6164749145508],[415.8858215332031,257.63670806884767],[415.37066955566405,257.6575561523438],[414.8553192138672,257.67911834716796],[414.3402069091797,257.70159301757815],[413.82505493164064,257.7244049072266],[413.3100219726563,257.7484069824219],[412.7948303222656,257.772428894043],[412.2797576904297,257.7978988647461],[411.7646453857422,257.823388671875],[411.24981079101565,257.8498901367188],[410.7347778320313,257.8768081665039],[410.21982421875003,257.90430145263673],[409.7048309326172,257.9326080322266],[409.19007568359376,257.9609939575195],[408.6752014160156,257.99058990478517],[408.1604461669922,258.0201858520508],[407.6456512451172,258.05069427490236],[407.1309753417969,258.0815399169922],[406.6161804199219,258.11280212402346],[406.1015838623047,258.1448181152344],[405.5869873046875,258.1768539428711],[405.0723510742188,258.2099014282227],[404.5578338623047,258.24304809570316],[404.04319763183594,258.2766708374024],[403.528759765625,258.31088867187503],[403.0141235351563,258.3451263427734],[402.4997253417969,258.38025665283203],[401.98516845703125,258.41550598144534],[401.4707702636719,258.4512313842774],[400.9563323974609,258.4878890991211],[400.4420532226563,258.5245269775391],[399.9276153564453,258.56116485595703],[399.4132965087891,258.5978225708008],[398.8988983154297,258.63463897705077],[398.3847381591797,258.67296295166017],[397.87041931152345,258.71128692626957],[397.35625915527345,258.7496109008789],[396.8419403076172,258.7879547119141],[396.3277801513672,258.82627868652344],[395.8136199951172,258.8655746459961],[395.29953918457034,258.9053466796875],[394.78533935546875,258.9451583862305],[394.27129821777345,258.98495025634764],[393.75709838867186,259.02474212646484],[393.24309692382815,259.06455383300784],[392.72913513183596,259.10545654296874],[392.2150146484375,259.1463592529297],[391.7010528564453,259.18817443847655],[391.18701171875,259.23010864257816],[390.6731292724609,259.27281646728517],[390.15916748046874,259.3158218383789],[389.64548339843753,259.3594223022461],[389.13160095214846,259.403498840332],[388.6180358886719,259.4480117797852],[388.1042724609375,259.49311981201174],[387.5906677246094,259.5385452270508],[387.0769836425781,259.58470458984374],[386.56337890625,259.63108215332034],[386.04981384277346,259.6782730102539],[385.53648681640624,259.7255630493164],[385.02300109863285,259.7738250732422],[384.5096740722656,259.8220672607422],[383.99622802734376,259.8713607788086],[383.4829803466797,259.920654296875],[382.96973266601566,259.97089996337894],[382.45660400390625,260.02124481201173],[381.9434356689453,260.07242279052736],[381.43042602539066,260.1238189697266],[380.91733703613284,260.1759689331055],[380.40440673828124,260.2284164428711],[379.8915557861328,260.2815185546875],[379.3785858154297,260.3350372314453],[378.8658935546875,260.3890914916992],[378.35304260253906,260.44366149902345],[377.84035034179686,260.4987075805664],[377.32761840820314,260.55432891845703],[376.81512451171875,260.61032714843753],[376.3025115966797,260.66699981689453],[375.79009704589845,260.72400970458983],[375.27756347656253,260.78175354003906],[374.76526794433596,260.8397354125977],[374.2528930664063,260.8985305786133],[373.7405975341797,260.9575439453125],[373.2283416748047,261.0173904418945],[372.71624450683595,261.0773956298828],[372.20410766601566,261.1382736206055],[371.6921691894531,261.19927062988285],[371.18015136718753,261.26121978759767],[370.6682525634766,261.32324829101566],[370.1563934326172,261.38626861572266],[369.6446533203125,261.44932861328124],[369.13291320800784,261.5134002685547],[368.6214111328125,261.5774719238281],[368.1097900390625,261.6425750732422],[367.59820861816405,261.707698059082],[367.0867462158203,261.7738525390625],[366.575521850586,261.8399871826172],[366.06433715820316,261.90721282958987],[365.55299377441406,261.9744583129883],[365.04184875488284,262.0427154541016],[364.53062438964844,262.1109924316406],[364.0197967529297,262.18028106689457],[363.50873107910155,262.24960937500003],[362.99786376953125,262.3199493408203],[362.48695678710936,262.3903289794922],[361.9764068603516,262.4617401123047],[361.4655395507813,262.53321075439453],[360.9550689697266,262.6056930541992],[360.44459838867186,262.6781951904297],[359.9342468261719,262.751708984375],[359.4237365722656,262.82532196044923],[358.9135437011719,262.89988708496094],[358.403271484375,262.97455139160155],[357.8932769775391,263.0501876831055],[357.38304443359374,263.12598266601566],[356.8732086181641,263.2026702880859],[356.36329345703126,263.27951660156253],[355.85357666015625,263.35725555419924],[355.3437408447266,263.43521270751955],[354.8341827392578,263.51402282714844],[354.324545288086,263.5930709838867],[353.815185546875,263.67291259765625],[353.3057861328125,263.7530715942383],[352.7964263916016,263.8340042114258],[352.2873840332031,263.915234375],[351.77822265625,263.99719848632816],[351.26921997070315,264.0795593261719],[350.7601776123047,264.1625747680664],[350.2514129638672,264.2460662841797],[349.74252929687503,264.33013305664065],[349.2339630126953,264.4147552490235],[348.72527770996095,264.49989318847656],[348.2168701171875,264.58564605712894],[347.70838317871096,264.6718154907227],[347.20017395019534,264.75869903564455],[346.691845703125,264.84593963623047],[346.1838348388672,264.9339538574219],[345.67566528320316,265.02222595214846],[345.1677734375,265.1113906860352],[344.65984191894535,265.2007141113281],[344.1523071289063,265.2910095214844],[343.6445739746094,265.3814437866211],[343.137158203125,265.47283020019535],[342.6295837402344,265.56443481445314],[342.12236633300785,265.65687255859376],[341.6149505615235,265.7496475219727],[341.10789184570314,265.8431167602539],[340.6010314941406,265.9369827270508],[340.09401245117186,266.03154296875],[339.5871917724609,266.12661895751955],[339.08037109375,266.2222106933594],[338.57382812500003,266.31845703125003],[338.0672058105469,266.41510009765625],[337.56101989746094,266.512516784668],[337.0545959472656,266.61021118164064],[336.54856872558594,266.70877838134766],[336.04234313964844,266.80752410888675],[335.53651428222656,266.90726165771486],[335.03052673339846,267.00723724365236],[334.5248962402344,267.1079864501953],[334.01914672851564,267.2091522216797],[333.5137145996094,267.3109329223633],[333.0081237792969,267.41330871582034],[332.5028900146485,267.5161605834961],[331.99767608642577,267.61970672607424],[331.49266052246094,267.7235900878906],[330.9877243041992,267.8283065795899],[330.4829071044922,267.9332214355469],[329.9782089233399,268.03916778564457],[329.4735107421875,268.14529266357425],[328.9689712524414,268.2523101806641],[328.46480865478514,268.3595855712891],[327.96050720214845,268.4676147460938],[327.4564239501953,268.57615966796874],[326.95249938964844,268.6852005004883],[326.44859466552737,268.7949752807617],[325.94488830566405,268.9050277709961],[325.4412216186524,269.01603240966796],[324.93767395019535,269.12721557617186],[324.43426513671875,269.2393707275391],[323.93111419677734,269.3517639160156],[323.42794342041014,269.46493072509764],[322.92509002685546,269.5785339355469],[322.42215728759766,269.69273223876957],[321.9195220947266,269.807585144043],[321.4168273925781,269.9227951049805],[320.91437072753905,270.0389175415039],[320.4120330810547,270.15523834228514],[319.9099334716797,270.2724517822266],[319.4077743530274,270.3900421142578],[318.9059326171875,270.50828704833987],[318.40393218994143,270.6271469116211],[317.90232849121094,270.7463836669922],[317.4008041381836,270.8664535522461],[316.89951782226564,270.9867218017578],[316.39823150634766,271.10804138183596],[315.89712371826175,271.22959899902344],[315.3960754394531,271.35191040039064],[314.89540405273436,271.4746780395508],[314.3947723388672,271.59798126220704],[313.89410095214845,271.72207794189455],[313.3936477661133,271.8463729858399],[312.8933731079102,271.9717193603516],[312.3933364868164,272.0972839355469],[311.89329986572267,272.2236022949219],[311.3935806274414,272.3504364013672],[310.8938018798828,272.47776641845707],[310.3943801879883,272.60585021972656],[309.8947998046875,272.73427124023436],[309.3956954956055,272.8635650634766],[308.8965515136719,272.99321594238285],[308.397705078125,273.1235015869141],[307.89883880615236,273.2544418334961],[307.40025024414064,273.3857192993164],[306.9018005371094,273.5178894042969],[306.4035095214844,273.6503372192383],[305.90527801513673,273.7836380004883],[305.40726470947266,273.9173751831055],[304.90931091308596,274.05166778564455],[304.411833190918,274.18663482666017],[303.91403808593753,274.3219787597656],[303.41675872802733,274.4581954956055],[302.91953887939457,274.5947692871094],[302.42253723144535,274.7319580078125],[301.9255355834961,274.869841003418],[301.42881164550784,275.0080017089844],[300.9323455810547,275.1471343994141],[300.4358596801758,275.2865844726563],[299.9396713256836,275.426708984375],[299.44342346191405,275.5674682617188],[298.9475128173828,275.7085647583008],[298.45184020996095,275.85102996826174],[297.9563461303711,275.9935745239258],[297.460693359375,276.1361587524414],[296.9653778076172,276.27953643798827],[296.4701614379883,276.42356872558594],[295.9754013061524,276.56841430664065],[295.4805816650391,276.7136367797852],[294.98607940673827,276.8595336914063],[294.4914978027344,277.00606536865234],[293.99727325439454,277.1529342651367],[293.50330657958983,277.3011917114258],[293.0094985961914,277.44946899414066],[292.51553192138675,277.5978057861328],[292.02210083007816,277.7473129272461],[291.5287292480469,277.8975341796875],[291.0354965209961,278.04771575927737],[290.5422637939453,278.1984527587891],[290.04946746826175,278.35006256103514],[289.5566711425781,278.50240631103514],[289.0643310546875,278.6550277709961],[288.5722686767578,278.8089584350586],[288.0800277709961,278.96292877197266],[287.58796539306644,279.11685943603516],[287.09622039794925,279.27243652343753],[286.6047332763672,279.42823181152346],[286.1130874633789,279.584066772461],[285.62187805175785,279.741032409668],[285.13084716796874,279.8987319946289],[284.6399353027344,280.05637207031253],[284.14922180175785,280.2147659301758],[283.65892486572267,280.37425079345707],[283.16846923828126,280.53377532958984],[282.67823181152346,280.6936370849609],[282.1883712768555,280.85498657226566],[281.69866943359375,281.01629638671875],[281.20884857177737,281.1776657104492],[280.71974182128906,281.3407806396485],[280.23047637939453,281.503955078125],[279.7413696289063,281.66707000732424],[279.2526794433594,281.8317321777344],[278.7641876220703,281.9966522216797],[278.275537109375,282.1616119384766],[277.78738250732425,282.3277618408203],[277.29932708740233,282.4945266723633],[276.8114501953125,282.6612319946289],[276.32391052246095,282.82886962890626],[275.8364700317383,282.9973999023438],[275.3491882324219,283.1658706665039],[274.86192626953124,283.33513488769535],[274.37523956298827,283.50537109375],[273.88841400146487,283.67564697265624],[273.4020050048828,283.8463592529297],[272.9157943725586,284.0184005737305],[272.42974243164065,284.19036254882815],[271.9435516357422,284.362760925293],[271.45811462402344,284.5364685058594],[270.97251892089844,284.7102355957031],[270.48714141845704,284.88414154052737],[270.0021606445313,285.0596145629883],[269.51733856201173,285.2350280761719],[269.0323974609375,285.41058044433595],[268.5481903076172,285.5876998901367],[268.06382446289064,285.76487884521487],[267.5796173095703,285.94199829101564],[267.09588623046875,286.1208236694336],[266.61229400634767,286.2996292114258],[266.1285430908203,286.47849426269534],[265.64562530517577,286.6588272094727],[265.1625091552734,286.8393585205078],[264.67955169677737,287.01985015869144],[264.1969909667969,287.20188903808594],[263.7146484375,287.3840270996094],[263.23228607177737,287.5661651611328],[262.7503799438477,287.74981079101565],[262.26865234375003,287.93359527587893],[261.7867858886719,288.11741943359374],[261.3056137084961,288.3026519775391],[260.8243621826172,288.488102722168],[260.34324951171874,288.67349395751955],[259.8624938964844,288.86043243408204],[259.38201599121095,289.0474304199219],[258.90137939453126,289.2344879150391],[258.4214767456055,289.4229736328125],[257.9414749145508,289.6116180419922],[257.46161193847655,289.80020294189455],[256.9822250366211,289.99039459228516],[256.5029968261719,290.18054656982423],[256.0235900878906,290.37083740234374],[255.54497680664065,290.5625564575195],[255.0662048339844,290.7543151855469],[254.58771057128908,290.94615325927737],[254.1095733642578,291.13945922851565],[253.63155517578127,291.33270568847655],[253.15349731445315,291.52630920410155],[252.67611389160157,291.7210830688477],[252.19859161376954,291.9159164428711],[251.72136688232422,292.1111068725586],[251.24459838867188,292.30736846923827],[250.76769104003907,292.5037094116211],[250.29114074707033,292.70054626464844],[249.81482849121096,292.8983551025391],[249.33867492675782,293.09610443115236],[248.86275939941407,293.2946273803711],[248.38722076416016,293.493864440918],[247.9115234375,293.6931411743164],[247.43638153076174,293.8932907104492],[246.9612991333008,294.0940155029297],[246.48635559082032,294.2946807861328],[246.01165008544922,294.4965759277344],[245.53730163574218,294.69864959716796],[245.06283416748047,294.9008026123047],[244.58910064697267,295.1042053222656],[244.11522827148437,295.3077865600586],[243.64159393310547,295.51142730712894],[243.16831665039064,295.7163772583008],[242.69517822265627,295.9212677001953],[242.22203979492187,296.1266342163086],[241.74951629638673,296.33289337158203],[241.2768341064453,296.53919219970703],[240.80462799072265,296.74610595703126],[240.3325210571289,296.95377349853516],[239.8605728149414,297.16136169433594],[239.38894195556642,297.3699417114258],[238.91758880615234,297.5788787841797],[238.44623565673828,297.7877960205078],[237.97519989013674,297.99804229736327],[237.50440216064453,298.2082885742188],[237.0336441040039,298.4187728881836],[236.56342163085938,298.6302886962891],[236.09308013916015,298.8418441772461],[235.62311553955078,299.0538955688477],[235.15332946777343,299.2667404174805],[234.68368225097657,299.4795059204102],[234.21421356201174,299.69322357177737],[233.7451416015625,299.90723876953126],[233.27593078613282,300.12133331298827],[232.8073944091797,300.3365188598633],[232.33873901367187,300.551823425293],[231.87034149169924,300.76736602783205],[231.4022415161133,300.9838607788086],[230.9342803955078,301.20029602050784],[230.4664779663086,301.41744537353514],[229.99905242919922,301.63505096435546],[229.53148803710937,301.85271606445315],[229.06453857421874,302.0713134765625],[228.597509765625,302.29014892578124],[228.13081817626954,302.5090637207031],[227.6643249511719,302.7290298461914],[227.19799041748047,302.94891662597655],[226.73189392089844,303.1693786621094],[226.2659164428711,303.39043579101565],[225.80009765625002,303.61143341064457],[225.33447723388673,303.8334625244141],[224.86915435791016,304.05555114746096],[224.40391082763674,304.2778778076172],[223.93910369873046,304.50101776123046],[223.47415771484376,304.7242172241211],[223.00958862304688,304.9479919433594],[222.5451385498047,305.17222290039064],[222.08082733154296,305.39639434814455],[221.61693267822267,305.62155761718753],[221.1531173706055,305.84674072265625],[220.68926239013672,306.07239990234376],[220.22592315673828,306.2985549926758],[219.76244506835937,306.52478942871096],[219.299462890625,306.75169830322267],[218.83646087646486,306.9788848876953],[218.3737564086914,307.2061508178711],[217.9112106323242,307.4342697143555],[217.44878387451172,307.66232910156253],[216.98651580810548,307.89102325439455],[216.52456512451172,308.1199752807617],[216.06251525878906,308.3490661621094],[215.60098114013672,308.5788909912109],[215.13946685791015,308.8087356567383],[214.6779525756836,309.0391555786133],[214.21683502197266,309.26983337402345],[213.75559844970704,309.5005905151367],[213.29497680664062,309.7320816040039],[212.83415679931642,309.963671875],[212.37357482910156,310.1956192016602],[211.91315155029298,310.4280227661133],[211.45286712646484,310.6603469848633],[210.9928405761719,310.89348449707035],[210.53295288085937,311.12658233642577],[210.07308502197267,311.36009674072267],[209.61357421875002,311.5939483642578],[209.15392456054687,311.82785949707034],[208.69502868652344,312.06272277832034],[208.2359146118164,312.29770507812503],[207.77695922851564,312.53262786865236],[207.3178451538086,312.76761016845705],[206.85886993408204,313.00259246826175],[206.40045013427735,313.23890380859376],[205.94216918945312,313.47513580322266],[205.48374938964844,313.7114471435547],[205.02544860839845,313.9476791381836],[204.56720733642578,314.1841293334961],[204.1095413208008,314.4215515136719],[203.65173645019533,314.65905303955077],[203.1940704345703,314.89649505615233],[202.7364044189453,315.13391723632816],[202.27869873046876,315.3717956542969],[201.82158813476562,315.6103088378906],[201.3643585205078,315.8489013671875],[200.9072479248047,316.08741455078126],[200.45001831054688,316.3260070800781],[199.99314575195314,316.5650360107422],[199.53639221191406,316.80458068847656],[199.07979736328124,317.0440658569336],[198.62306365966796,317.28361053466796],[198.16646881103517,317.523095703125],[197.71009216308593,317.7632553100586],[197.25393371582032,318.0035736083984],[196.79763641357422,318.24397125244144],[196.3414779663086,318.4842895507813],[195.88522033691407,318.72468719482424],[195.4294387817383,318.9657196044922],[194.97349853515627,319.2068115234375],[194.51771697998046,319.4478240966797],[194.06179656982422,319.6889358520508],[193.60567779541017,319.92917480468753],[193.14325103759765,320.15765075683595],[192.6728302001953,320.36875000000003],[192.19393920898438,320.5599334716797],[191.70671691894532,320.72850341796874],[191.21134185791016,320.8710876464844],[190.70821075439454,320.98409576416014],[190.1988708496094,321.06365966796875],[189.68504791259767,321.1055541992188],[189.1695983886719,321.10620880126953],[188.65593414306642,321.06250915527346],[188.14826049804688,320.9728485107422],[187.65094146728515,320.83708801269535],[187.1680633544922,320.6571716308594],[186.70230407714845,320.4358169555664],[186.25608367919924,320.17794342041014],[185.82983856201173,319.88763732910155],[185.4238067626953,319.57007598876953],[185.03689727783203,319.22926635742186],[184.66795959472657,318.86909637451174],[184.31544647216796,318.49273986816405],[183.9779495239258,318.10301361083987],[183.65350494384765,317.7020401000977],[183.34108123779296,317.29202117919925],[183.0388931274414,316.87398834228514],[182.7460678100586,316.4496475219727],[182.4611373901367,316.0197525024414],[182.1832489013672,315.58553314208984],[181.91119232177735,315.14742584228514],[181.64447174072265,314.7061248779297],[181.38165893554688,314.2625427246094],[181.1225555419922,313.8166000366211],[180.86630859375,313.36916961669925],[180.61212463378908,312.9204498291016],[180.35980529785158,312.47083740234376],[180.10853729248046,312.0204315185547],[179.85770568847656,311.5699859619141],[179.60707244873046,311.119223022461],[179.3560028076172,310.6689361572266],[179.10417938232422,310.21876831054686],[178.8514633178711,309.76937408447264],[178.59729919433593,309.32067413330077],[178.34093322753907,308.87320404052736],[178.08075866699218,308.4278961181641],[177.8167953491211,307.9850677490235],[177.54815063476562,307.54475860595704],[177.27537994384767,307.1073257446289],[176.99778900146484,306.6725509643555],[176.71555633544924,306.2411880493164],[176.42842407226564,305.8126022338867],[176.13601531982422,305.38810272216796],[175.83829040527345,304.9668762207031],[175.53540802001953,304.5496368408203],[175.22661437988282,304.1366424560547],[174.9120086669922,303.72803192138673],[174.59129333496094,303.324301147461],[174.2643295288086,302.92548980712894],[173.93105773925782,302.532292175293],[173.5908432006836,302.14456939697266],[173.24400329589844,301.7631744384766],[172.88992309570312,301.3881072998047],[172.52884063720703,301.0202011108399],[172.16012115478517,300.65953521728517],[171.78392333984377,300.3068832397461],[171.39992980957032,299.96260223388674],[171.008219909668,299.6273864746094],[170.60845642089845,299.3015533447266],[170.20083770751953,298.9858367919922],[169.78502655029297,298.6807525634766],[169.3613006591797,298.3870544433594],[168.9295211791992,298.1050598144531],[168.4899856567383,297.83570098876953],[168.04263458251953,297.57913665771486],[167.5877456665039,297.33633880615236],[167.12559661865234,297.10748596191405],[166.6566635131836,296.89335174560546],[166.18083724975585,296.6940948486328],[165.69917907714844,296.5102508544922],[165.21171875000002,296.3420379638672],[164.71921997070314,296.1897537231445],[164.22188110351564,296.0533386230469],[163.72057495117187,295.9329513549805],[163.21557922363283,295.82863159179686],[162.70748901367188,295.74012145996096],[162.19718704223632,295.66724243164066],[161.68461380004882,295.60975646972656],[161.17076110839844,295.5674057006836],[160.6558967590332,295.53961486816405],[160.1404571533203,295.5261459350586],[159.62466049194336,295.526383972168],[159.1093002319336,295.53993225097656],[158.59419784545898,295.5662155151367],[158.08018646240234,295.6047576904297],[157.56688919067383,295.6550033569336],[157.05496063232422,295.7164566040039],[156.54429168701174,295.7886016845703],[156.03536834716797,295.8709228515625],[155.52776412963868,295.9628051757813],[155.02219314575197,296.06385192871096],[154.51833801269532,296.1737060546875],[154.01643676757814,296.29181213378905],[153.51629104614258,296.4177734375],[153.01835708618165,296.55113372802737],[152.52202987670898,296.6916946411133],[152.02792434692384,296.8388809204102],[151.53563385009767,296.9924743652344],[151.04610061645508,297.1542404174805],[150.559334564209,297.32505187988284],[150.07621841430665,297.5049087524414],[149.59665298461914,297.6942672729492],[149.1210548400879,297.89348449707035],[148.64987030029297,298.10285797119144],[148.18334732055663,298.3227844238281],[147.72222976684571,298.55340270996095],[147.2666961669922,298.7951690673828],[146.8174606323242,299.04818267822264],[146.37478103637696,299.3128402709961],[145.93952026367188,299.5891815185547],[145.51189651489258,299.8775039672852],[145.09281234741212,300.1776885986328],[144.68249588012696,300.4900527954102],[144.28176040649416,300.81467590332034],[143.8912010192871,301.15124053955077],[143.51122436523437,301.4997268676758],[143.1422966003418,301.8601745605469],[142.7852508544922,302.2320281982422],[142.44009704589845,302.6153274536133],[142.10767822265626,303.00931854248046],[141.7880241394043,303.4140609741211],[141.4815216064453,303.8287017822266],[141.18841857910158,304.2529037475586],[140.90894317626953,304.6861907958984],[140.64294662475587,305.12808685302736],[140.39070663452148,305.57761993408207],[140.15195541381837,306.0346710205078],[139.92674255371094,306.4985656738281],[139.71489944458008,306.96866912841796],[139.51612854003906,307.44446563720703],[139.330241394043,307.925439453125],[139.15693054199218,308.41121368408204],[138.99595794677734,308.9009353637695],[138.8468376159668,309.3947036743164],[138.70947036743163,309.89156646728514],[138.58328094482422,310.3916229248047],[138.46795196533205,310.8941787719727],[138.36300735473634,311.39915466308594],[138.26841735839844,311.9058563232422],[138.18340835571288,312.4146408081055],[138.10789108276367,312.92463531494144],[138.0413200378418,313.436117553711],[137.98351669311523,313.9484329223633],[137.9339553833008,314.46168060302733],[137.8925666809082,314.9755828857422],[137.85880508422852,315.49029846191405],[137.83243255615236,316.0051528930664],[137.8131217956543,316.5206024169922],[137.80076370239257,317.03605194091796],[137.7949317932129,317.55169982910155],[137.79561614990234,318.06726837158203],[137.8020034790039,318.5828567504883],[137.81444091796877,319.0984252929688],[137.83224411010744,319.6137161254883],[137.85573043823243,320.12884826660155],[137.88396759033205,320.6438018798828],[137.91773910522463,321.1583786010742],[137.95587463378908,321.6724990844727],[137.9988800048828,322.1864807128906],[138.0463088989258,322.69986724853516],[138.09776458740234,323.2130554199219],[138.1537628173828,323.7256088256836],[138.21361923217773,324.23790435791017],[138.27708587646484,324.749446105957],[138.34461898803713,325.26086883544923],[138.41567306518556,325.7714584350586],[138.4900894165039,326.28188934326175],[138.56771926879884,326.7915267944336],[138.6488105773926,327.3008270263672],[138.73124084472656,327.80979003906253],[138.81369094848634,328.3188919067383],[138.89611129760743,328.8278549194336],[138.9785614013672,329.3369567871094],[139.06099166870118,329.8459197998047],[139.14344177246093,330.35504150390625],[139.22586212158203,330.8640045166016],[139.3083122253418,331.3731063842774],[139.3907424926758,331.88206939697267],[139.4737976074219,332.39097290039064],[139.55691223144532,332.8999755859375],[139.6399871826172,333.40881958007816],[139.72310180664064,333.91782226562503],[139.8061767578125,334.4267059326172],[139.88929138183593,334.9357086181641],[139.9723663330078,335.4445526123047],[140.05548095703125,335.95355529785155],[140.13855590820313,336.4623992919922],[140.22230529785156,336.97132263183596],[140.3060546875,337.48008728027344],[140.38984375,337.9889709472656],[140.47360305786134,338.49769592285156],[140.55738220214843,339.0066192626953],[140.64114151000976,339.5153442382813],[140.72493057250978,340.02422790527345],[140.8086898803711,340.5329925537109],[140.89255828857424,341.04187622070316],[140.977001953125,341.5504821777344],[141.06147537231445,342.0592468261719],[141.14591903686525,342.5678924560547],[141.2303924560547,343.0766571044922],[141.31484603881836,343.58530273437503],[141.39930953979493,344.0940673828125],[141.4837631225586,344.60271301269535],[141.56820678710938,345.1113189697266],[141.6530372619629,345.62000427246096],[141.73818511962892,346.1285308837891],[141.8233627319336,346.63721618652346],[141.90851058959962,347.145703125],[141.99367828369142,347.6543884277344],[142.07882614135744,348.1628753662109],[142.16400375366212,348.67156066894535],[142.24915161132813,349.1800476074219],[142.33438873291016,349.68861389160156],[142.4202507019043,350.197021484375],[142.50614242553712,350.70554809570314],[142.59200439453124,351.2139556884766],[142.6778861999512,351.7224822998047],[142.7637481689453,352.23088989257815],[142.84963989257812,352.7394165039063],[142.93550186157228,353.2478240966797],[143.0213836669922,353.7563507080078],[143.1079002380371,354.2647186279297],[143.19450607299805,354.77312622070315],[143.2810920715332,355.2814147949219],[143.36769790649416,355.7898223876953],[143.4542839050293,356.29811096191406],[143.54088973999023,356.8065185546875],[143.6274757385254,357.31480712890624],[143.71408157348634,357.8232147216797],[143.80126266479493,358.3314239501953],[143.8885726928711,358.8395538330078],[143.97590255737305,359.34784240722655],[144.06321258544924,359.85601196289065],[144.1505424499512,360.3643005371094],[144.23785247802735,360.8724304199219],[144.3251922607422,361.38071899414064],[144.41249237060546,361.8888885498047],[144.500496673584,362.3970581054688],[144.58854064941406,362.9050689697266],[144.67660446166994,363.4132781982422],[144.7646385192871,363.9212890625],[144.85271224975585,364.42945861816406],[144.94074630737305,364.9374694824219],[145.0288101196289,365.445639038086],[145.1169631958008,365.9536499023438],[145.20576095581055,366.4617004394531],[145.29452896118164,366.9695526123047],[145.38331680297853,367.47760314941405],[145.47208480834962,367.9854949951172],[145.56088256835938,368.49354553222656],[145.64965057373047,369.0014373779297],[145.73844833374025,369.5094879150391],[145.82758331298828,370.0172607421875],[145.91710510253907,370.52515258789066],[146.00659713745117,371.0329254150391],[146.0960891723633,371.5406982421875],[146.18561096191408,372.04859008789066],[146.27510299682618,372.5563629150391],[146.36462478637696,373.0642944335938],[146.45414657592775,373.5721069335938],[146.54438247680665,374.0798797607422],[146.63459854125978,374.58753356933596],[146.72483444213867,375.0953063964844],[146.8150405883789,375.60296020507815],[146.9052864074707,376.11073303222656],[146.99549255371093,376.61838684082034],[147.08572845458986,377.12615966796875],[147.17640075683593,377.6337341308594],[147.2673408508301,378.1413879394531],[147.35826110839844,378.6489227294922],[147.44921112060547,379.156576538086],[147.54012145996094,379.66407165527346],[147.63107147216797,380.17176513671876],[147.72199172973635,380.67926025390625],[147.81315994262695,381.1867950439453],[147.90476455688477,381.6942108154297],[147.99640884399415,382.2017456054688],[148.08801345825196,382.70912170410156],[148.17965774536134,383.21665649414064],[148.27126235961916,383.7240325927734],[148.36287689208984,384.2314483642578],[148.45459060668946,384.73890380859376],[148.54687957763673,385.2461608886719],[148.63918838500976,385.7535766601563],[148.73147735595703,386.2608337402344],[148.82378616333008,386.76824951171875],[148.91606521606445,387.2755065917969],[149.0083839416504,387.7829223632813],[149.10067291259767,388.29025878906253],[149.1936363220215,388.7975555419922],[149.28657989501954,389.30469360351566],[149.37954330444336,389.81199035644534],[149.47247695922852,390.3191284179688],[149.56544036865236,390.82642517089846],[149.65837402343752,391.3335632324219],[149.75133743286133,391.8408599853516],[149.84487609863282,392.34799804687503],[149.93846435546877,392.85517578125],[150.03202285766602,393.36219482421876],[150.12561111450196,393.8694122314453],[150.21916961669922,394.3764312744141],[150.31275787353516,394.88360900878905],[150.40631637573242,395.3906280517578],[150.50044021606445,395.897607421875],[150.59459381103517,396.40454711914066],[150.68877716064455,396.91160583496094],[150.78293075561524,397.4185455322266],[150.87708435058593,397.9254455566406],[150.9712677001953,398.4325439453125],[151.06542129516603,398.9394439697266],[151.1601303100586,399.4463836669922],[151.25484924316407,399.9532043457031],[151.3495880126953,400.46018371582034],[151.4442970275879,400.9670043945313],[151.53904571533204,401.47398376464844],[151.6337547302246,401.98076477050785],[151.72850341796877,402.487744140625],[151.82374801635743,402.99444580078125],[151.91901245117188,403.5013061523438],[152.01424713134767,404.0080474853516],[152.10951156616213,404.51490783691406],[152.2047561645508,405.0216094970703],[152.30002059936524,405.5285095214844],[152.39534454345704,406.03529052734376],[152.49131317138674,406.5420318603516],[152.58726196289064,407.0486145019531],[152.68323059082033,407.55535583496095],[152.77916946411133,408.0619384765625],[152.87514801025392,408.5686798095703],[152.97108688354493,409.0752624511719],[153.06705551147462,409.5820037841797],[153.16299438476562,410.0885864257813],[153.25894317626953,410.5951690673828],[153.35491180419922,411.10191040039064],[153.45085067749025,411.6084930419922],[153.5468292236328,412.115234375],[153.64276809692385,412.6218170166016],[153.73894500732422,413.12855834960936],[153.83568725585937,413.6349822998047],[153.9324493408203,414.1415649414063],[154.0291816711426,414.6479888916016],[154.1259536743164,415.1545715332031],[154.2226860046387,415.66103515625],[154.3194580078125,416.16761779785156],[154.41619033813478,416.6740417480469],[154.5129623413086,417.1806243896485],[154.60969467163088,417.6870483398438],[154.7064666748047,418.1936309814453],[154.80319900512697,418.7000946044922],[154.89996109008788,419.20667724609376],[154.99670333862306,419.7131011962891],[155.0936737060547,420.2196044921875],[155.19101104736328,420.7259094238281],[155.28838806152345,421.232373046875],[155.38573532104493,421.7386779785156],[155.48310241699218,422.24518127441405],[155.58044967651367,422.7514862060547],[155.67782669067384,423.25794982910156],[155.77517395019532,423.7642547607422],[155.8725112915039,424.2705993652344],[155.96988830566406,424.7770629882813],[156.06723556518554,425.2833679199219],[156.16460266113282,425.7898315429688],[156.2619499206543,426.2961364746094],[156.35932693481445,426.8026397705078],[156.45679321289063,427.308984375],[156.5545867919922,427.81536865234375],[156.6523506164551,428.32159423828125],[156.75013427734376,428.82797851562503],[156.84789810180663,429.33420410156253],[156.94568176269533,429.84062805175785],[157.0434455871582,430.34685363769535],[157.14123916625977,430.8532379150391],[157.23899307250977,431.3594635009766],[157.33678665161133,431.8658477783203],[157.43454055786134,432.3721130371094],[157.5323341369629,432.8784973144531],[157.63009796142578,433.3847229003906],[157.72788162231447,433.8911071777344],[157.82564544677734,434.3973724365234],[157.92367706298828,434.9036773681641],[158.02167892456055,435.40986328125],[158.11972045898438,435.9162078857422],[158.21773223876954,436.4223937988281],[158.31574401855468,436.9285797119141],[158.41377563476564,437.43492431640624],[158.51178741455078,437.9411102294922],[158.6098289489746,438.4474548339844],[158.70784072875978,438.9536407470703],[158.8058723449707,439.4599853515625],[158.90388412475588,439.96617126464844],[159.0019256591797,440.47251586914064],[159.09993743896484,440.97870178222655],[159.19796905517578,441.48504638671875],[159.29598083496094,441.9912322998047],[159.39402236938477,442.49757690429686],[159.49203414916994,443.00376281738284],[159.59006576538087,443.51010742187503],[159.688077545166,444.01629333496095],[159.78611907958984,444.52263793945315],[159.884130859375,445.02882385253906],[159.98216247558594,445.53516845703126],[160.0801742553711,446.0413543701172],[160.17821578979493,446.5476989746094],[160.27622756958007,447.05388488769535],[160.37425918579103,447.5602294921875],[160.47227096557617,448.06641540527346],[160.5703125,448.57276000976566],[160.66832427978517,449.0789459228516],[160.76611785888673,449.5852508544922],[160.8625129699707,450.0919128417969],[160.95636901855468,450.59881286621095],[161.04773559570313,451.10634765625],[161.13652343750002,451.6142791748047],[161.2227424621582,452.1227264404297],[161.30631332397462,452.63161010742186],[161.38718643188477,453.14085083007814],[161.4653419494629,453.65056762695315],[161.5407501220703,454.1606811523438],[161.61321258544922,454.67127075195316],[161.68268966674805,455.1822967529297],[161.74924087524414,455.6935607910156],[161.81284637451174,456.20526123046875],[161.87347640991212,456.7173980712891],[161.9310516357422,457.2297729492188],[161.98557205200197,457.7425842285156],[162.03662109375,458.25571289062503],[162.08440704345705,458.7691589355469],[162.12895965576172,459.2829223632813],[162.17021942138672,459.7968444824219],[162.20816650390626,460.3112823486328],[162.2422950744629,460.8257202148438],[162.27288284301758,461.3404754638672],[162.2999694824219,461.8553100585938],[162.32353515625002,462.37062072753906],[162.34305419921876,462.88585205078124],[162.35873489379884,463.4012023925781],[162.3707160949707,463.9167510986328],[162.3787796020508,464.4322998046875],[162.3824691772461,464.9480865478516],[162.38228073120118,465.46355590820315],[162.37807540893556,465.97926330566406],[162.36916885375976,466.49489135742186],[162.35621566772463,467.01044006347655],[162.3388984680176,467.5256713867188],[162.3167907714844,468.0409820556641],[162.29046783447265,468.5558563232422],[162.25916595458986,469.0706512451172],[162.2232620239258,469.5850494384766],[162.1826171875,470.09913024902346],[162.13683471679687,470.6126953125],[162.08640060424804,471.1259429931641],[162.03041229248046,471.6385162353516],[161.9697723388672,472.15069274902345],[161.9033203125,472.6619567871094],[161.83205795288086,473.17270507812503],[161.7548049926758,473.6825408935547],[161.6724937438965,474.19158325195315],[161.58417205810548,474.69959411621096],[161.49040527343752,475.20677185058594],[161.3907669067383,475.7126007080078],[161.2851875305176,476.2171997070313],[161.1738754272461,476.72092590332034],[161.05605697631836,477.2228271484375],[160.9323570251465,477.7235382080078],[160.80248794555663,478.22246398925785],[160.66599349975587,478.7197631835938],[160.5233596801758,479.2152374267578],[160.3742889404297,479.70892639160155],[160.21831512451172,480.2004333496094],[160.05587463378907,480.68983764648436],[159.8868881225586,481.17694091796875],[159.7109588623047,481.6618225097656],[159.52808685302736,482.1437683105469],[159.33830184936525,482.623373413086],[159.14174270629883,483.09996337890624],[158.93810195922853,483.5739349365235],[158.72740936279297,484.0444549560547],[158.50938720703127,484.5118804931641],[158.28435287475585,484.97569580078124],[158.0520782470703,485.43621826171875],[157.81275177001953,485.8927734375],[157.5660858154297,486.34567871093753],[157.31225891113283,486.79453735351564],[157.051171875,487.23927001953126],[156.78292388916017,487.6795196533203],[156.50745544433593,488.1153259277344],[156.2246971130371,488.54664916992186],[155.9348373413086,488.9730133056641],[155.63767776489257,489.3946960449219],[155.33357543945314,489.81102294921874],[155.0223518371582,490.2221923828125],[154.7042549133301,490.6278472900391],[154.37906646728516,491.02818603515624],[154.04713363647463,491.4227722167969],[153.7083969116211,491.8116851806641],[153.36316375732423,492.1944885253906],[153.01113662719726,492.5715789794922],[152.65287094116212,492.9422821044922],[152.2882080078125,493.3068756103516],[151.9171875,493.6650421142578],[151.5399482727051,494.01670227050784],[151.15697631835937,494.3617370605469],[150.76790466308594,494.7003448486328],[150.3733383178711,495.03216857910155],[149.972989654541,495.35740661621094],[149.56725540161133,495.6755828857422],[149.15615539550782,495.98681640625],[148.73990783691406,496.29126586914066],[148.31876068115236,496.5886932373047],[147.89270401000977,496.879296875],[147.4617874145508,497.1626007080078],[147.02644729614258,497.4388824462891],[146.58680267333986,497.70814208984376],[146.1428337097168,497.970458984375],[145.694669342041,498.22535705566406],[145.24249801635742,498.4733520507813],[144.7866569519043,498.71436462402346],[144.32707672119142,498.9482757568359],[143.8639259338379,499.174887084961],[143.3973831176758,499.3946746826172],[142.92769622802734,499.60747985839845],[142.45467681884767,499.8130645751953],[141.97893981933595,500.0117065429688],[141.50019760131838,500.2036437988281],[141.0188865661621,500.38832092285156],[140.53483810424805,500.56633300781255],[140.04847869873046,500.73756103515626],[139.5596893310547,500.9017272949219],[139.06861877441406,501.0592681884766],[138.5755744934082,501.21006469726564],[138.08040771484374,501.3541168212891],[137.58339614868166,501.4916625976563],[137.08460922241213,501.6223052978516],[136.5839973449707,501.74652099609375],[136.0821258544922,501.86407165527345],[135.57839965820312,501.97515563964845],[135.07363204956056,502.0797332763672],[134.56732711791992,502.1777252197266],[134.05984191894532,502.2694488525391],[133.5513153076172,502.35450744628906],[133.04166793823242,502.4333374023438],[132.53109817504884,502.50562133789066],[132.0196060180664,502.57163696289064],[131.50749893188478,502.6310668945313],[130.9944595336914,502.68430786132814],[130.48113250732422,502.7311218261719],[129.96686325073242,502.77146911621094],[129.45248489379884,502.8056274414063],[128.93756103515625,502.8332000732422],[128.4225975036621,502.8584716796875],[127.90746536254883,502.8837432861328],[127.3923828125,502.908935546875],[126.87719116210938,502.9329772949219],[126.3621681213379,502.9570190429688],[125.84697647094727,502.98106079101564],[125.33190383911133,503.0039520263672],[124.81665267944337,503.0267242431641],[124.30157012939453,503.04953613281253],[123.78637847900391,503.0712768554688],[123.27123641967773,503.0928192138672],[122.75593566894531,503.1143218994141],[122.2407341003418,503.13487243652344],[121.72538375854492,503.1550659179688],[121.2101821899414,503.1752593994141],[120.69496078491211,503.19446105957036],[120.17956085205078,503.21326599121096],[119.66430969238282,503.23207092285156],[119.14886016845703,503.24988403320316],[118.63355941772461,503.2673004150391],[118.11810989379883,503.28471679687505],[117.60284881591797,503.3010223388672],[117.08734970092773,503.3169708251953],[116.57200927734375,503.3329193115235],[116.05646057128907,503.3475982666016],[115.54108047485352,503.3620788574219],[115.02553176879883,503.37655944824223],[114.51010208129883,503.38953247070316],[113.99452362060548,503.4024658203125],[113.47908401489258,503.4152008056641],[112.96346588134766,503.4265869140625],[112.4479965209961,503.4379333496094],[111.93231887817383,503.4488037109375],[111.4168296813965,503.4585235595703],[110.901171875,503.46824340820314],[110.38567276000977,503.47705078125],[109.86998519897462,503.4851043701172],[109.35446624755859,503.493197631836],[108.83880844116212,503.4998229980469],[108.32325973510743,503.5061706542969],[107.80773086547852,503.5122802734375],[107.2920036315918,503.5168823242188],[106.77643508911133,503.5214447021485],[106.26066818237305,503.5251739501953],[105.74508972167969,503.52791137695317],[105.22935256958009,503.53068847656255],[104.7137939453125,503.5318786621094],[104.198046875,503.5327514648438],[103.68235931396485,503.53318786621094],[103.16661224365235,503.53211669921876],[102.6510238647461,503.5310455322266],[102.13530654907227,503.52866516113284],[101.6197280883789,503.52565002441406],[101.10395126342773,503.5223571777344],[100.58839263916016,503.5172790527344],[100.07266540527344,503.5122009277344],[99.55710678100586,503.5058135986328],[99.04140930175781,503.49863281250003],[98.52602920532227,503.49109497070316],[98.01036148071289,503.481771850586],[97.49486236572265,503.4724487304688],[96.97915496826172,503.4614990234375],[96.46369552612305,503.44995422363286],[95.9481071472168,503.4376556396485],[95.43270721435547,503.4238494873047],[94.91729736328125,503.41004333496096],[94.4018180847168,503.39397583007815],[93.88648757934571,503.3778289794922],[93.37098846435548,503.3601745605469],[92.85572738647461,503.34164733886723],[92.34036712646484,503.32232666015625],[91.8252052307129,503.3013000488281],[91.30991439819336,503.2801940917969],[90.7948616027832,503.2567077636719],[90.2796501159668,503.2331817626953],[89.76462707519532,503.20810852050784],[89.24957427978516,503.18176574707036],[88.73480911254883,503.15423278808595],[88.2198257446289,503.12546997070314],[87.70506057739259,503.09551696777345],[87.1903450012207,503.0642944335938],[86.6756591796875,503.0318023681641],[86.16115188598633,502.9979614257813],[85.64675369262696,502.9628509521485],[85.13216705322266,502.9263122558594],[84.61797714233398,502.88838500976567],[84.10375747680665,502.8490295410156],[83.58977584838867,502.80832519531253],[83.07585372924805,502.7660736083985],[82.56212501525879,502.72239379882814],[82.04825744628907,502.67712707519536],[81.5348659515381,502.63043212890625],[81.02159843444825,502.5821502685547],[80.50829124450684,502.53228149414065],[79.9952320098877,502.480746459961],[79.48224716186523,502.42758483886723],[78.96947059631349,502.3726776123047],[78.45689735412599,502.31614379882814],[77.94464645385743,502.25786437988285],[77.43239059448243,502.19776000976566],[76.92055130004883,502.1358306884766],[76.40873680114747,502.07203674316406],[75.89731903076172,502.0063385009766],[75.38610954284668,501.93877563476565],[74.8752670288086,501.8692291259766],[74.36443939208985,501.7976989746094],[73.85408782958984,501.72422485351564],[73.34388008117676,501.64860839843755],[72.8342872619629,501.57092895507816],[72.32465476989746,501.49118652343753],[71.8155876159668,501.409262084961],[71.30680809020997,501.3251953125],[70.79856414794922,501.2386688232422],[70.2905086517334,501.14988098144534],[69.78294410705567,501.0587524414063],[69.27587051391602,500.9653625488281],[68.76924324035645,500.8695922851563],[68.26308212280274,500.77144165039067],[67.7572780609131,500.67059326171875],[67.25213356018067,500.5671264648438],[66.74737091064453,500.46112060546875],[66.24331245422364,500.3525756835938],[65.73979454040527,500.2414916992188],[65.23696098327638,500.1274719238281],[64.7346134185791,500.01063537597656],[64.23306427001954,499.8911407470703],[63.73199119567872,499.7688690185547],[63.23187026977539,499.6436218261719],[62.732384109497076,499.51524047851564],[62.23362693786621,499.38408203125005],[61.73576240539551,499.2499877929688],[61.238755798339845,499.1126403808594],[60.742547607421876,498.9721588134766],[60.247360992431645,498.828662109375],[59.75292320251465,498.6818328857422],[59.25968055725098,498.5317108154297],[58.767156982421874,498.3783752441406],[58.276007080078124,498.22186584472655],[57.7857250213623,498.0616668701172],[57.296722412109375,497.89833374023436],[56.80868682861328,497.7314697265625],[56.32211418151856,497.56103515625],[55.836478805541994,497.38726806640625],[55.35248985290527,497.20977172851565],[54.86959686279297,497.02874450683595],[54.38808250427246,496.8443054199219],[53.908150100708006,496.65589904785156],[53.429269027709964,496.4640808105469],[52.95237159729004,496.2684539794922],[52.47661476135254,496.0690582275391],[52.00273246765137,495.8661315917969],[51.53026351928711,495.65923767089845],[51.05959968566895,495.4488922119141],[50.59062194824219,495.23438110351566],[50.12324104309082,495.01649780273436],[49.65779914855957,494.79432983398436],[49.194226837158205,494.56882934570314],[48.7323802947998,494.33916320800785],[48.27248268127442,494.1060455322266],[47.814543914794925,493.8688415527344],[47.3586483001709,493.62810668945315],[46.90457763671875,493.38336486816405],[46.452812957763676,493.1351318359375],[46.002942657470705,492.8829315185547],[45.555199813842776,492.6272003173828],[45.10956954956055,492.3676208496094],[44.666116333007814,492.10458984375003],[44.224755859375,491.83771057128905],[43.7857162475586,491.5674987792969],[43.34893798828125,491.29355773925784],[42.914024353027344,491.0160858154297],[42.48182830810547,490.73512268066406],[42.051526641845705,490.45086669921875],[41.62379379272461,490.1630401611328],[41.19792308807373,489.87200012207035],[40.774760055542,489.5775085449219],[40.353523635864256,489.2800018310547],[39.934796524047854,488.9790435791016],[39.5180778503418,488.67526855468753],[39.10387592315674,488.3681213378906],[38.69167003631592,488.05815734863285],[38.28201313018799,487.74517822265625],[37.874263000488284,487.42938232421875],[37.46889324188233,487.11065063476565],[37.06552696228027,486.7892608642578],[36.66457824707032,486.46509399414066],[36.265637969970705,486.1383880615235],[35.868862342834475,485.808984375],[35.47403068542481,485.47716064453124],[35.081507492065434,485.1429168701172],[34.69079933166504,484.80633239746095],[34.302258300781254,484.467367553711],[33.915450477600096,484.1261413574219],[33.530859375,483.78277282714845],[33.14799404144287,483.4375],[32.767147064208984,483.0898864746094],[32.38792667388916,482.74052734375],[32.010503959655765,482.3889068603516],[31.634859085083008,482.03577880859376],[31.2611234664917,481.68042907714846],[30.88881359100342,481.3237701416016],[30.518341064453125,480.9650482177735],[30.14923973083496,480.6049774169922],[29.781306266784668,480.24351806640624],[29.415492820739747,479.8801544189453],[29.050896835327148,479.5154022216797],[28.687595176696778,479.1496185302735],[28.325625038146974,478.78220825195314],[27.96524181365967,478.4134094238281],[27.60590991973877,478.0435791015625],[27.247718620300294,477.67271728515624],[26.89104232788086,477.30022888183595],[26.535315704345702,476.9269470214844],[26.18038501739502,476.55271301269534],[25.82709827423096,476.1772094726563],[25.474570274353027,475.80079345703126],[25.122887802124023,475.4237823486328],[24.772375679016115,475.04546203613285],[24.422723960876464,474.6665069580078],[24.073622703552246,474.2868377685547],[23.725778579711914,473.90625610351566],[23.37856674194336,473.52503967285156],[23.031932640075684,473.1433471679688],[22.686352348327638,472.7607025146485],[22.341082000732424,472.37738342285155],[21.99652328491211,471.99382629394535],[21.652792739868165,471.6093963623047],[21.309525871276858,471.2246887207031],[20.966665649414065,470.8394256591797],[20.625609302520754,470.45281372070315],[20.287830924987794,470.0629486083985],[19.953852462768555,469.67034606933595],[19.62324371337891,469.2743713378906],[19.296452236175536,468.8756591796875],[18.973087501525878,468.47377319335936],[18.653566074371337,468.06918945312503],[18.337591648101807,467.66155090332035],[18.025463008880617,467.2512542724609],[17.716921043395995,466.8379821777344],[17.41216907501221,466.42201232910156],[17.111100482940675,466.00322570800785],[16.813917350769042,465.5819000244141],[16.520441150665285,465.1578369140625],[16.23084297180176,464.7313140869141],[15.945013713836671,464.30201416015626],[15.663200092315675,463.8703338623047],[15.385128116607666,463.43603515625],[15.110885810852052,462.99919738769535],[14.840629386901856,462.5601379394531],[14.574205112457276,462.1186187744141],[14.311754322052002,461.6749176025391],[14.053041458129883,461.2286376953125],[13.798400020599365,460.7802947998047],[13.547749423980713,460.32957153320314],[13.301146697998048,459.8768646240234],[13.058289337158204,459.42173767089844],[12.819530677795411,458.9648651123047],[12.58463888168335,458.5057708740234],[12.353804874420167,458.04465332031253],[12.127058410644532,457.58155212402346],[11.904299068450928,457.1165466308594],[11.685379314422608,456.64947814941405],[11.470537185668945,456.1808624267578],[11.259746646881103,455.71022338867186],[11.053016376495362,455.23779907226566],[10.850208759307861,454.7635894775391],[10.65142297744751,454.2879119873047],[10.456649112701417,453.81040954589844],[10.266027879714967,453.3313201904297],[10.079261112213135,452.85056457519534],[9.896494483947754,452.3684997558594],[9.717864370346069,451.8848083496094],[9.54317364692688,451.3994506835938],[9.37248182296753,450.91306152343753],[9.205638885498047,450.4249267578125],[9.043097972869873,449.9357604980469],[8.884312343597413,449.44504699707034],[8.729440689086914,448.95326232910156],[8.578734064102173,448.45997009277346],[8.43188934326172,447.96568603515624],[8.288872432708741,447.4703308105469],[8.15004596710205,446.9736663818359],[8.014958667755128,446.47597045898436],[7.883798360824585,445.97744140625],[7.756675386428833,445.47760314941405],[7.633248186111451,444.9769317626953],[7.513826704025269,444.47522888183596],[7.398271465301514,443.9726928710938],[7.286358070373535,443.46924438476566],[7.178647518157959,442.9651214599609],[7.074439334869385,442.4600067138672],[6.974190998077392,441.9541778564453],[6.8776998043060305,441.4476348876953],[6.784878969192505,440.9403778076172],[6.695982027053833,440.4323669433594],[6.61055645942688,439.92388000488285],[6.529180622100831,439.414599609375],[6.451228427886963,438.90508117675785],[6.377199506759644,438.3948089599609],[6.306567573547364,437.8838226318359],[6.239796304702759,437.3726379394531],[6.176457357406616,436.8607391357422],[6.116880512237549,436.348681640625],[6.060721111297608,435.8359100341797],[6.008269262313843,435.32305908203125],[5.959188985824585,434.8096130371094],[5.913802623748779,434.2960876464844],[5.871691751480102,433.78204650878905],[5.833298969268799,433.26792602539064],[5.798039102554322,432.7532897949219],[5.766561794281006,432.23865356445316],[5.738157892227173,431.72381896972655],[5.713423109054566,431.20874633789066],[5.6918305397033695,430.6934356689453],[5.673664712905884,430.17816467285155],[5.658815908432007,429.66265563964845],[5.647091960906983,429.1473052978516],[5.638897037506104,428.6315185546875],[5.633672618865967,428.1159301757813],[5.631865644454956,427.6002624511719],[5.633177947998047,427.0847137451172],[5.637503528594971,426.5689270019531],[5.645263910293579,426.0534576416016],[5.655910491943359,425.5379089355469],[5.669707345962524,425.02243957519534],[5.686674928665162,424.50712890625],[5.706488418579101,423.9916198730469],[5.7294906139373785,423.47654724121094],[5.755484390258789,422.9615936279297],[5.784262084960938,422.44671936035155],[5.816204309463501,421.9319641113281],[5.851029634475708,421.4176452636719],[5.888606643676758,420.90320739746096],[5.929193210601807,420.38916625976566],[5.972689533233643,419.8752838134766],[6.018838977813721,419.3618377685547],[6.067820072174072,418.8483520507813],[6.119757413864136,418.33546142578126],[6.174336099624634,417.82257080078125],[6.231499719619751,417.31015625000003],[6.291603469848633,416.79797973632816],[6.3543671607971195,416.2861999511719],[6.419695949554444,415.774658203125],[6.487558841705322,415.2633941650391],[6.558313512802124,414.7526062011719],[6.6315632343292235,414.242333984375],[6.707341480255127,413.73206176757816],[6.785516214370728,413.22254333496096],[6.86645565032959,412.7132232666016],[6.9498957157135015,412.2043395996094],[7.035727310180664,411.6958923339844],[7.123956632614136,411.18780212402345],[7.214582443237305,410.6802673339844],[7.307885551452637,410.1730102539063],[7.403460550308227,409.66638793945316],[7.501402902603149,409.15992431640626],[7.601575613021851,408.6542938232422],[7.704089641571045,408.14874267578125],[7.809047889709473,407.6440643310547],[7.916346216201783,407.13950500488284],[8.025819730758668,406.6356597900391],[8.137497568130494,406.1322509765625],[8.251369190216066,405.6293182373047],[8.367425298690796,405.1268218994141],[8.485774374008178,404.6249603271485],[8.606330871582031,404.1236145019531],[8.729008626937867,403.622705078125],[8.853791522979737,403.1223510742188],[8.980625629425049,402.6225921630859],[9.109556198120117,402.1231903076172],[9.240484046936036,401.6245819091797],[9.373520135879517,401.1262115478516],[9.508660745620729,400.6286346435547],[9.64582405090332,400.13157348632814],[9.784980916976929,399.63498840332034],[9.926050138473512,399.1391174316406],[10.069107961654664,398.64368286132816],[10.214064502716065,398.1488830566406],[10.360994148254395,397.6544403076172],[10.509735107421875,397.16087036132814],[10.660422515869142,396.66761779785156],[10.812952232360841,396.1750396728516],[10.967350292205811,395.6829772949219],[11.123515033721924,395.19166870117186],[11.28167085647583,394.7006378173828],[11.441543769836427,394.2105194091797],[11.603275108337403,393.72075805664065],[11.766712379455567,393.23175048828125],[11.931933689117432,392.7432586669922],[12.098863410949708,392.2554412841797],[12.26753625869751,391.7680999755859],[12.43792495727539,391.28135375976564],[12.610018348693847,390.7951629638672],[12.783677577972412,390.3098449707031],[12.959117126464845,389.82480468750003],[13.136163425445558,389.34051818847655],[13.314866065979004,388.85670776367186],[13.49513454437256,388.3736511230469],[13.677045726776123,387.8911499023438],[13.860505390167237,387.40928344726564],[14.04557056427002,386.9279724121094],[14.232187938690187,386.4472961425781],[14.42036247253418,385.9671356201172],[14.610059452056886,385.48764953613284],[14.80125904083252,385.00879821777346],[14.994021987915039,384.5304229736328],[15.188197040557862,384.05284118652344],[15.383799076080322,383.57561645507815],[15.580073070526124,383.0988677978516],[15.77640781402588,382.62196044921876],[15.97268180847168,382.1451721191406],[16.169015312194826,381.66826477050785],[16.365289306640626,381.19151611328124],[16.56162405014038,380.7145690917969],[16.75789804458618,380.2378204345703],[16.95423278808594,379.7609130859375],[17.15050678253174,379.2841247558594],[17.346841526031493,378.8072174072266],[17.543115520477297,378.33042907714844],[17.73944902420044,377.85352172851566],[17.93572301864624,377.37677307128905],[18.132057762145998,376.8998657226563],[18.328331756591798,376.42307739257814],[18.524666500091552,375.9461700439453],[18.720940494537356,375.4693817138672],[18.917273998260498,374.9924743652344],[19.113547992706298,374.51572570800784],[19.3098219871521,374.0389373779297],[19.506156730651856,373.56203002929686],[19.702430725097656,373.0852813720703],[19.898765468597414,372.60833435058595],[20.095039463043214,372.1315856933594],[20.291372966766357,371.65467834472656],[20.48764696121216,371.1778900146484],[20.683981704711915,370.70098266601565],[20.880255699157715,370.2241943359375],[21.07658920288086,369.7472869873047],[21.272865676879885,369.2705383300781],[21.469199180603027,368.79363098144535],[21.665473175048827,368.3168426513672],[21.861806678771973,367.8399353027344],[22.058080673217773,367.36314697265624],[22.25441665649414,366.88623962402346],[22.45068817138672,366.4094909667969],[22.647024154663086,365.9325836181641],[22.843298149108886,365.45579528808594],[23.039631652832032,364.97888793945316],[23.235905647277832,364.502099609375],[23.432239151000978,364.0251922607422],[23.628515625000002,363.54844360351564],[23.824849128723145,363.0714965820313],[24.021123123168945,362.5947479248047],[24.21739711761475,362.1179992675781],[24.41373062133789,361.64105224609375],[24.61000461578369,361.1643035888672],[24.806338119506837,360.68739624023436],[25.00261459350586,360.2106079101563],[25.198948097229003,359.73370056152345],[25.395222091674807,359.2569519042969],[25.59155559539795,358.78000488281253],[25.78782958984375,358.3032562255859],[25.98416557312012,357.82634887695315],[26.18043956756592,357.349560546875],[26.376773071289062,356.8726531982422],[26.573047065734865,356.3958648681641],[26.769380569458008,355.91895751953126],[26.965657043457032,355.4422088623047],[27.161990547180178,354.9653015136719],[27.358264541625978,354.48851318359374],[27.55459804534912,354.01160583496096],[27.750872039794924,353.5348175048828],[27.94720802307129,353.05791015625],[28.143479537963866,352.58116149902344],[28.339815521240237,352.10425415039066],[28.536089515686037,351.6274658203125],[28.73242301940918,351.1505584716797],[28.928697013854983,350.67377014160155],[29.125030517578125,350.1968627929688],[29.32130699157715,349.7201141357422],[29.51757850646973,349.2433258056641],[29.713914489746095,348.76641845703125],[29.910188484191895,348.2896301269531],[30.10652198791504,347.81272277832034],[30.30279598236084,347.3359741210938],[30.499129486083984,346.85906677246095],[30.695405960083008,346.3822784423828],[30.891739463806154,345.90537109375003],[31.088013458251954,345.4285827636719],[31.2843469619751,344.95167541503906],[31.4806209564209,344.4749267578125],[31.676956939697266,343.9980194091797],[31.873230934143066,343.5212310791016],[32.06956443786621,343.04432373046876],[32.265838432312016,342.5675354003906],[32.462171936035155,342.09062805175785],[32.65844593048096,341.61387939453124],[32.85478191375733,341.13697204589846],[33.051055908203125,340.6601837158203],[33.24738941192627,340.1832763671875],[33.443663406372075,339.7064880371094],[33.63999691009521,339.2295806884766],[33.836350250244145,338.75283203125],[34.03286972045898,338.2759643554688],[34.22932720184326,337.79929504394534],[34.42578468322754,337.3225860595703],[34.622304153442386,336.84575805664065],[34.81876411437988,336.3690490722656],[35.01528358459473,335.89222106933596],[35.211741065979005,335.41551208496094],[35.40826053619385,334.9386840820313],[35.60471801757813,334.46197509765625],[35.80123748779297,333.9851470947266],[35.99769744873047,333.50847778320315],[36.194216918945315,333.0316101074219],[36.39067192077637,332.55494079589846],[36.587191390991215,332.078092956543],[36.78365135192871,331.6014038085938],[36.980170822143556,331.1245559692383],[37.17663078308106,330.6478668212891],[37.37314777374268,330.17103881835936],[37.56960525512695,329.6943496704102],[37.7661247253418,329.2175018310547],[37.9625846862793,328.7408126831055],[38.159104156494145,328.26396484375],[38.35556163787842,327.7872756958008],[38.55208110809326,327.3104476928711],[38.74853858947754,326.83375854492186],[38.945058059692386,326.3569107055664],[39.14151802062988,325.8802215576172],[39.33797550201416,325.403532409668],[39.534494972229005,324.9266845703125],[39.730952453613284,324.4499954223633],[39.92747192382813,323.9731475830078],[40.123931884765625,323.4964584350586],[40.32045135498047,323.0196304321289],[40.51690883636475,322.5429412841797],[40.71342582702637,322.0660934448242],[40.909885787963866,321.589404296875],[41.10640525817871,321.11255645751953],[41.30286273956299,320.6358673095703],[41.499382209777835,320.15903930664064],[41.695839691162114,319.6823303222656],[41.89235916137695,319.20550231933595],[42.088819122314455,318.7288131713867],[42.2853385925293,318.25196533203126],[42.481798553466795,317.77527618408203],[42.67831802368164,317.2984283447266],[42.874773025512695,316.82173919677734],[43.07129249572754,316.3449111938477],[43.26775245666504,315.86822204589845],[43.46427192687988,315.391374206543],[43.660726928710936,314.91468505859376],[43.85724639892578,314.4378372192383],[44.053706359863284,313.9611480712891],[44.25022583007813,313.4843200683594],[44.446685791015625,313.0076110839844],[44.64314575195313,312.53092193603516],[44.839660263061525,312.0540939331055],[45.03612022399903,311.57740478515626],[45.232639694213866,311.1005569458008],[45.42909965515137,310.6238677978516],[45.625619125366214,310.1470199584961],[45.82207412719727,309.6703308105469],[46.018593597412114,309.1935028076172],[46.21505355834961,308.716813659668],[46.411573028564455,308.23996582031253],[46.60803298950196,307.7632766723633],[46.804552459716795,307.28642883300785],[47.00100746154785,306.8097396850586],[47.197526931762695,306.3329116821289],[47.3939868927002,305.85620269775393],[47.59050636291504,305.3793746948242],[47.7869613647461,304.90268554687503],[47.983480834960936,304.4258377075195],[48.17994079589844,303.94914855957035],[48.376460266113284,303.4723205566406],[48.57292022705078,302.99561157226566],[48.769439697265625,302.51878356933594],[48.96589469909668,302.0420944213867],[49.162414169311525,301.56524658203125],[49.35887413024903,301.088557434082],[49.55533409118652,300.61186828613285],[49.75185356140137,300.13502044677733],[49.94830856323242,299.65833129882816],[50.14482803344727,299.18150329589844],[50.341287994384764,298.7047943115235],[50.53780746459961,298.22796630859375],[50.73426742553711,297.7512771606445],[50.93078689575196,297.27442932128906],[51.12724189758301,296.79774017333983],[51.32376136779785,296.3208923339844],[51.52018165588379,295.84424285888673],[51.71667137145996,295.3673950195313],[51.91309661865235,294.89068603515625],[52.10958633422852,294.4138381958008],[52.3060115814209,293.93712921142577],[52.502501296997075,293.4602813720703],[52.698926544189455,292.98357238769535],[52.895416259765625,292.50672454833983],[53.09184150695801,292.03001556396487],[53.288326263427734,291.5531677246094],[53.48475646972656,291.0764587402344],[53.68124618530273,290.59961090087893],[53.87767143249512,290.1229019165039],[54.07415618896484,289.64605407714845],[54.27058639526367,289.1693450927734],[54.46701164245606,288.69263610839846],[54.66350135803223,288.215788269043],[54.85992660522461,287.739079284668],[55.056416320800786,287.2622314453125],[55.252841567993165,286.7855224609375],[55.449331283569336,286.30867462158204],[55.64575653076172,285.831965637207],[55.84224624633789,285.35511779785156],[56.03867149353027,284.8784088134766],[56.235161209106444,284.4015609741211],[56.43158645629883,283.9248519897461],[56.628076171875,283.44800415039066],[56.82450141906738,282.97129516601564],[57.02098617553711,282.4944473266602],[57.21741638183594,282.01773834228516],[57.41390609741211,281.5408905029297],[57.6103313446045,281.0641815185547],[57.80681610107422,280.5873336791992],[58.00324630737305,280.11062469482425],[58.19973602294922,279.63377685546874],[58.396161270141604,279.1570678710938],[58.59264602661133,278.6802200317383],[58.789076232910155,278.2035110473633],[58.985560989379884,277.72666320800784],[59.18199119567871,277.2499542236328],[59.37847595214844,276.77310638427736],[59.57490615844727,276.29639739990233],[59.77133140563965,275.81968841552737],[59.96782112121582,275.3428405761719],[60.16424636840821,274.8661315917969],[60.36073608398438,274.38928375244143],[60.55716133117676,273.9125747680664],[60.75365104675293,273.43572692871095],[60.950076293945315,272.9590179443359],[61.146566009521486,272.48217010498047],[61.342991256713866,272.0054611206055],[61.539476013183595,271.52861328125],[61.73590621948242,271.051904296875],[61.932395935058594,270.57505645751957],[62.12882118225098,270.09834747314454],[62.3253059387207,269.6214996337891],[62.52173614501953,269.14479064941406],[62.71822090148926,268.6679428100586],[62.91465110778809,268.1912338256836],[63.11113586425782,267.7143859863281],[63.307566070556646,267.23767700195316],[63.50405082702637,266.76082916259764],[63.7004810333252,266.2841201782227],[63.896965789794926,265.8072723388672],[64.09339599609375,265.3305633544922],[64.28988075256348,264.85371551513674],[64.4863109588623,264.3770065307617],[64.68273620605468,263.90029754638675],[64.87922592163086,263.42344970703124],[65.07565116882324,262.9467407226563],[65.27214088439942,262.4698928833008],[65.4685661315918,261.9931838989258],[65.66505584716798,261.51633605957034],[65.86148109436036,261.0396270751953],[66.05796585083009,260.56277923583986],[66.25439605712891,260.08607025146483],[66.45088081359863,259.6092224121094],[66.64731101989746,259.1325134277344],[66.84379577636719,258.6556655883789],[67.04022598266602,258.17895660400393],[67.23671073913575,257.7021087646485],[67.43314094543457,257.22539978027345],[67.6296257019043,256.748551940918],[67.82605590820313,256.27184295654297],[68.02254066467286,255.7949951171875],[68.21897087097169,255.31828613281252],[68.4154556274414,254.84143829345703],[68.61169738769532,254.36472930908204],[68.8080135345459,253.88780212402344],[69.00427017211915,253.4110336303711],[69.20058631896973,252.93410644531252],[69.39684295654297,252.45733795166018],[69.59315414428711,251.98041076660158],[69.78941078186035,251.50364227294924],[69.9856674194336,251.0268737792969],[70.18198356628419,250.5499465942383],[70.37824020385743,250.07317810058595],[70.57455635070801,249.59625091552735],[70.77081298828125,249.1194625854492],[70.96712913513184,248.6425552368164],[71.16338577270508,248.1657669067383],[71.35970191955566,247.6888397216797],[71.5559585571289,247.21207122802736],[71.7522747039795,246.73514404296876],[71.94853134155274,246.2583755493164],[72.14484748840333,245.7814483642578],[72.34110412597657,245.30467987060547],[72.53742027282715,244.82775268554687],[72.73367691040039,244.35098419189453],[72.92999305725098,243.87405700683595],[73.12624969482422,243.3972885131836],[73.3225658416748,242.920361328125],[73.51882247924804,242.44359283447267],[73.71513862609864,241.96666564941407],[73.91139030456543,241.48987731933593],[74.10770645141602,241.01296997070312],[74.30396308898926,240.53618164062502],[74.50027923583984,240.05927429199218],[74.69653587341308,239.58248596191407],[74.89279251098633,239.10571746826173],[75.08910865783692,238.62879028320313],[75.28536529541016,238.1520217895508],[75.48168144226075,237.6750946044922],[75.677938079834,237.19832611083984],[75.87425422668457,236.72139892578124],[76.07051086425781,236.2446304321289],[76.2668270111084,235.76770324707033],[76.46308364868165,235.2909149169922],[76.65939979553222,234.8140075683594],[76.85565147399903,234.33713989257814],[77.05177421569825,233.86013336181642],[77.24783744812012,233.38328552246094],[77.44396018981934,232.90627899169922],[77.64001846313477,232.42941131591797],[77.836141204834,231.95242462158203],[78.03220443725586,231.47555694580078],[78.22832717895508,230.99855041503906],[78.42439041137696,230.5217025756836],[78.62051315307617,230.0446960449219],[78.81657638549805,229.5678482055664],[79.01269912719727,229.0908416748047],[79.20876235961914,228.61399383544924],[79.40488510131836,228.1369873046875],[79.60094337463379,227.66013946533204],[79.79700660705566,227.1832717895508],[79.99312934875489,226.70626525878907],[80.18919258117675,226.2294174194336],[80.38531532287598,225.75241088867188],[80.58137855529786,225.27556304931642],[80.77750129699707,224.7985565185547],[80.9735595703125,224.32170867919922],[81.16968231201172,223.8447021484375],[81.3657455444336,223.36785430908205],[81.56186828613282,222.8908477783203],[81.75793151855468,222.41398010253906],[81.95405426025391,221.93699340820314],[82.15011749267579,221.4601257324219],[82.346240234375,220.98313903808594],[82.54230346679688,220.5062713623047],[82.7384262084961,220.02926483154297],[82.93448448181152,219.55241699218752],[83.13060722351075,219.07541046142578],[83.32667541503906,218.59856262207032],[83.52279815673829,218.1215560913086],[83.71885147094727,217.64470825195312],[83.91497421264648,217.1677017211914],[84.11103744506836,216.69085388183595],[84.30716018676758,216.21384735107424],[84.50322341918945,215.736979675293],[84.69934616088868,215.25999298095704],[84.89540939331054,214.7831253051758],[85.09147262573242,214.30627746582033],[85.28747634887695,213.82923126220703],[85.4833610534668,213.35230407714843],[85.67930526733399,212.87523803710937],[85.87518005371093,212.3983108520508],[86.07112426757813,211.92122497558594],[86.26699905395508,211.44429779052734],[86.46294326782227,210.96721191406252],[86.65882797241211,210.49028472900392],[86.85476226806641,210.01321868896486],[87.05064697265625,209.53629150390626],[87.24658126831055,209.0592056274414],[87.4424659729004,208.58227844238283],[87.63841018676759,208.10519256591797],[87.83428497314453,207.62826538085938],[88.03022918701173,207.1511993408203],[88.22610397338867,206.67425231933595],[88.42204818725587,206.1971862792969],[88.61792297363282,205.7202590942383],[88.81386718750001,205.24317321777343],[89.00975189208985,204.76624603271486],[89.20568618774415,204.2891799926758],[89.4015510559082,203.81217346191406],[89.59734649658203,203.33502807617188],[89.79308242797852,202.85804138183593],[89.9888282775879,202.3810546875],[90.18462371826172,201.9039291381836],[90.3803695678711,201.42694244384765],[90.57616500854492,200.94979705810547],[90.7719108581543,200.47281036376953],[90.96770629882813,199.99568481445314],[91.1634521484375,199.5186981201172],[91.35924758911133,199.04155273437502],[91.5549934387207,198.56456604003907],[91.75078887939453,198.08744049072266],[91.94653472900391,197.61045379638674],[92.14233016967773,197.13330841064453],[92.33807601928712,196.6563217163086],[92.53387145996093,196.1791961669922],[92.72961730957032,195.70220947265625],[92.92541275024415,195.22506408691407],[93.12114868164063,194.74807739257812],[93.31695404052735,194.2709518432617],[93.51268997192383,193.7939651489258],[93.70824737548828,193.31672058105468],[93.90375518798828,192.83963470458986],[94.09931259155273,192.36240997314454],[94.29482040405274,191.88532409667968],[94.4903778076172,191.4080993652344],[94.68588562011719,190.93101348876954],[94.88144302368164,190.45376892089845],[95.07694091796876,189.9766830444336],[95.27244873046875,189.49959716796874],[95.4680160522461,189.02237243652345],[95.6635139465332,188.5452865600586],[95.85907135009766,188.06806182861328],[96.05457916259766,187.59097595214845],[96.25014648437501,187.11373138427734],[96.44564437866211,186.63664550781252],[96.64120178222656,186.1594207763672],[96.83670959472657,185.68233489990234],[97.0322769165039,185.20511016845703],[97.22777481079102,184.7280242919922],[97.42333221435547,184.2507797241211],[97.61884002685547,183.77369384765626],[97.81439743041993,183.29646911621094],[98.00990524291993,182.8193832397461],[98.20546264648438,182.3421585083008],[98.40097045898438,181.86507263183594],[98.59652786254883,181.38782806396486],[98.79203567504884,180.9107421875],[98.98759307861329,180.4335174560547],[99.18310089111328,179.95643157958986],[99.37865829467773,179.47920684814454],[99.57416610717773,179.0021209716797],[99.7697235107422,178.5248764038086],[99.9652313232422,178.04779052734375],[100.1607292175293,177.5707244873047],[100.35629653930664,177.0934799194336],[100.55179443359376,176.61639404296875],[100.7473617553711,176.13916931152343],[100.9428596496582,175.6620834350586],[101.13842697143555,175.1848587036133],[101.33392486572266,174.70777282714843],[101.5294921875,174.23052825927735],[101.72499008178711,173.7534423828125],[101.9203987121582,173.27627716064453],[102.11554946899415,172.79905242919924],[102.31074981689453,172.32166900634766],[102.50590057373047,171.84444427490234],[102.70110092163087,171.3670608520508],[102.89624176025391,170.88983612060548],[103.0914520263672,170.4124526977539],[103.28659286499024,169.9352279663086],[103.48180313110352,169.45784454345704],[103.67694396972657,168.98059997558593],[103.87214431762696,168.50323638916015],[104.06729507446289,168.02599182128907],[104.26249542236329,167.5486282348633],[104.45764617919922,167.0713836669922],[104.65284652709961,166.59402008056642],[104.84798736572266,166.1167755126953],[105.0431381225586,165.63955078125],[105.23833847045898,165.16216735839845],[105.43348922729493,164.68494262695313],[105.62868957519531,164.20755920410156],[105.82383041381836,163.73033447265627],[106.01904067993165,163.2529510498047],[106.2141815185547,162.77571640014648],[106.40939178466797,162.29834289550783],[106.60453262329102,161.82110824584962],[106.7997428894043,161.34373474121094],[106.99488372802735,160.86650009155275],[107.19008407592774,160.38911666870118],[107.38523483276367,159.91189193725586],[107.58043518066407,159.4345085144043],[107.7755859375,158.9572738647461],[107.9707862854004,158.47990036010742],[108.16592712402344,158.00266571044924],[108.36113739013672,157.52529220581056],[108.55627822875977,157.04805755615234],[108.75148849487304,156.57068405151367],[108.94662933349609,156.09344940185548],[109.14182968139649,155.6160659790039],[109.33698043823243,155.1388412475586],[109.53218078613281,154.66145782470704],[109.72733154296876,154.18423309326172],[109.92253189086914,153.70684967041015],[110.11767272949218,153.22961502075196],[110.31276397705078,152.75227127075195],[110.50756759643555,152.27471923828125],[110.70230178833008,151.7973258972168],[110.89710540771485,151.31978378295898],[111.09184951782227,150.84239044189454],[111.28664321899414,150.36484832763674],[111.48138732910157,149.88744506835937],[111.67619094848634,149.40990295410157],[111.87092514038086,148.93250961303713],[112.06572875976563,148.4549575805664],[112.26046295166016,147.97756423950196],[112.45526657104493,147.50002212524416],[112.65001068115235,147.0226287841797],[112.84480438232423,146.5450866699219],[113.03954849243165,146.06768341064455],[113.2343521118164,145.59014129638672],[113.42908630371095,145.11274795532228],[113.6238899230957,144.63520584106445],[113.81863403320312,144.1578025817871],[114.013427734375,143.6802604675293],[114.20817184448242,143.20286712646484],[114.4029754638672,142.72532501220704],[114.59770965576172,142.2479217529297],[114.79251327514649,141.77037963867187],[114.98725738525391,141.29298629760743],[115.18199157714844,140.815592956543],[115.37679519653321,140.33804092407226],[115.57153930664063,139.86064758300782],[115.7663330078125,139.38310546875002],[115.96107711791993,138.90571212768555],[116.15588073730468,138.42816009521485],[116.35061492919922,137.9507667541504],[116.54541854858398,137.47322463989258],[116.7401626586914,136.99583129882814],[116.93495635986328,136.5182891845703],[117.1297004699707,136.04088592529297],[117.32449417114258,135.56334381103517],[117.51923828125,135.0859504699707],[117.71404190063477,134.6084083557129],[117.9087760925293,134.13100509643556],[118.10357971191407,133.65346298217773],[118.29832382202149,133.1760696411133],[118.49311752319336,132.6985275268555],[118.68786163330078,132.22112426757812],[118.88245697021485,131.7434829711914],[119.07687377929688,131.26595077514648],[119.27135009765625,130.78826980590821],[119.4657569885254,130.31073760986328],[119.66023330688476,129.83306655883788],[119.8546501159668,129.35553436279298],[120.04911651611329,128.8778533935547],[120.24353332519532,128.40033111572265],[120.43795013427734,127.92279891967775],[120.63241653442383,127.44511795043945],[120.82683334350587,126.96758575439453],[121.02130966186523,126.48991470336915],[121.21571655273438,126.01238250732422],[121.41019287109376,125.53471145629884],[121.60460968017578,125.05717926025392],[121.79907608032227,124.57949829101562],[121.9934928894043,124.1019660949707],[122.18796920776367,123.62429504394531],[122.38237609863282,123.14676284790039],[122.5768524169922,122.66909179687501],[122.77126922607422,122.19155960083008],[122.9657356262207,121.7138786315918],[123.1599838256836,121.23636627197266],[123.35422210693359,120.75859603881837],[123.54841079711915,120.28096466064453],[123.74264907836914,119.80319442749024],[123.9368377685547,119.3255729675293],[124.13107604980469,118.84780273437501],[124.32526473999023,118.37018127441407],[124.51950302124024,117.89241104125976],[124.7136817932129,117.41478958129883],[124.90792999267579,116.93701934814453],[125.10210876464845,116.4593879699707],[125.29629745483399,115.98176651000976],[125.49053573608398,115.50399627685547],[125.68471450805664,115.02637481689453],[125.87896270751953,114.54860458374024],[126.0731414794922,114.0709732055664],[126.26738967895508,113.59320297241212],[126.46156845092774,113.11558151245117],[126.65580673217774,112.63781127929688],[126.84999542236329,112.16018981933594],[127.04423370361329,111.68241958618164],[127.23842239379883,111.20479812622071],[127.43257141113281,110.72686920166016],[127.62639312744142,110.24910888671876],[127.82027435302734,109.7711898803711],[128.01409606933595,109.2934196472168],[128.20797729492188,108.81550064086915],[128.40179901123048,108.33773040771484],[128.5956802368164,107.8598114013672],[128.789501953125,107.3820411682129],[128.98338317871094,106.90412216186523],[129.17720489501954,106.42635192871094],[129.37108612060547,105.94843292236328],[129.56490783691407,105.47067260742188],[129.7587989807129,104.99275360107423],[129.9526206970215,104.51498336791992],[130.14644241333008,104.03721313476562],[130.34032363891603,103.55929412841797],[130.5341453552246,103.08152389526367],[130.72802658081056,102.60360488891602],[130.92184829711914,102.12583465576172],[131.1157295227051,101.64791564941406],[131.30955123901367,101.17014541625977],[131.50343246459963,100.692236328125],[131.6972541809082,100.21445617675782],[131.89113540649416,99.73654708862306],[132.08495712280273,99.25877685546875],[132.27884826660156,98.78085784912109],[132.47266998291016,98.3030876159668],[132.6665512084961,97.82516860961914],[132.8603729248047,97.34739837646485],[133.05425415039062,96.86947937011719],[133.24807586669922,96.39170913696289],[133.44195709228515,95.91380004882812],[133.63577880859376,95.43602981567383],[133.82966003417968,94.95811080932617],[134.0234817504883,94.48034057617188],[134.2173629760742,94.00242156982422],[134.41118469238282,93.52465133666992],[134.60506591796874,93.04673233032227],[134.79888763427735,92.56896209716797],[134.99277877807617,92.09104309082032],[135.18660049438478,91.61327285766602],[135.38042221069335,91.13550262451172],[135.5743034362793,90.65759353637695],[135.76812515258788,90.17982330322266],[135.96200637817384,89.701904296875],[136.15570907592775,89.22419357299805],[136.34921340942384,88.74612579345704],[136.54266815185548,88.26820678710938],[136.73617248535157,87.79013900756836],[136.92962722778321,87.31222000122071],[137.1231414794922,86.83415222167969],[137.31658630371095,86.35622329711914],[137.51010055541994,85.87815551757812],[137.70355529785158,85.40023651123047],[137.89705963134767,84.92216873168945],[138.0905143737793,84.4442497253418],[138.2840187072754,83.96618194580078],[138.47747344970705,83.48826293945312],[138.670987701416,83.01019515991212],[138.86443252563478,82.53227615356445],[139.05794677734374,82.05420837402345],[139.25140151977538,81.57628440856934],[139.44490585327148,81.09821662902833],[139.63836059570312,80.62029762268067],[139.8318649291992,80.14222984313965],[140.02531967163085,79.664310836792],[140.2187744140625,79.18638687133789],[140.4122787475586,78.70831909179688],[140.6056739807129,78.23034553527832],[140.79893035888674,77.75217361450196],[140.99212722778321,77.27415046691895],[141.18537368774415,76.79597854614258],[141.37857055664062,76.31795539855958],[141.57182693481445,75.8397834777832],[141.76502380371093,75.3617603302002],[141.95828018188476,74.88358840942384],[142.15147705078127,74.40556526184082],[142.3447235107422,73.92739334106446],[142.53792037963868,73.44937019348144],[142.7311767578125,72.97119827270508],[142.92437362670898,72.49317512512208],[143.1176300048828,72.0150032043457],[143.3108268737793,71.5369800567627],[143.50408325195312,71.05880813598633],[143.69727020263673,70.58078498840332],[143.89052658081056,70.10261306762696],[144.08372344970704,69.62458992004395],[144.27697982788087,69.14641799926758],[144.47017669677734,68.66839485168457],[144.66343307495117,68.1902229309082],[144.85662002563478,67.7121997833252],[145.04981689453126,67.23413696289063],[145.24281539916993,66.75586090087891],[145.43575439453124,66.27773361206054],[145.62874298095704,65.79945755004883],[145.82168197631836,65.32133026123047],[146.01468048095703,64.84305419921876],[146.20761947631837,64.36492195129395],[146.40060806274414,63.886650848388676],[146.5935470581055,63.40851860046387],[146.78654556274415,62.93024253845215],[146.97948455810547,62.45211524963379],[147.17247314453127,61.97383918762207],[147.36541213989258,61.49571189880371],[147.55841064453125,61.017435836792],[147.7513397216797,60.53930854797363],[147.94433822631837,60.06103248596192],[148.13727722167968,59.58290023803711],[148.33027572631838,59.10462417602539],[148.5232048034668,58.62649688720703],[148.71620330810546,58.14822082519532],[148.9091423034668,57.67009353637695],[149.10214080810547,57.19181747436524],[149.29506988525392,56.713690185546874],[149.4880683898926,56.23541412353516],[149.6808288574219,55.757336425781254],[149.8735595703125,55.278956222534184],[150.06624069213868,54.800719833374025],[150.25891189575196,54.322488403320314],[150.45164260864257,53.844103240966795],[150.64431381225586,53.365871810913085],[150.8370544433594,52.887491607666014],[151.02972564697265,52.40925521850586],[151.2224563598633,51.93087501525879],[151.41513748168947,51.45263862609863],[151.60786819458008,50.97425842285156],[151.80053939819337,50.49602203369141],[151.993270111084,50.01764183044434],[152.18595123291016,49.53940544128418],[152.3786819458008,49.06102523803711],[152.57135314941408,48.5827938079834],[152.76409378051758,48.10440864562988],[152.95676498413087,47.62617721557617],[153.14949569702148,47.14779205322266],[153.34216690063477,46.66956062316895],[153.5349075317383,46.19118041992188],[153.72757873535156,45.71294403076172],[153.9203094482422,45.23456382751465],[154.11299057006838,44.7563274383545],[154.31181106567382,44.2805061340332],[154.513835144043,43.806147766113284],[154.71592864990234,43.331640625],[154.91796264648437,42.85728225708008],[155.11998672485353,42.38292388916016],[155.32208023071288,41.90842170715332],[155.52410430908205,41.4340633392334],[155.7261978149414,40.95955867767334],[155.92822189331056,40.48520030975342],[156.13031539916992,40.01069564819336],[156.33234939575195,39.536337280273436],[156.53443298339843,39.06183261871338],[156.73646697998046,38.587474250793456],[156.93856048583984,38.1129695892334],[157.14058456420898,37.638611221313475],[157.34267807006836,37.164109039306645],[157.5447021484375,36.68975067138672],[157.74679565429688,36.21524353027344],[157.948819732666,35.740885162353514],[158.1509132385254,35.266382980346684],[158.35293731689453,34.79202461242676],[158.5550308227539,34.3175199508667],[158.75706481933594,33.84316158294678],[158.95914840698242,33.36865692138672],[159.16118240356445,32.8942985534668],[159.36327590942383,32.41979389190674],[159.56529998779297,31.945435523986816],[159.76739349365235,31.47093086242676],[159.96941757202148,30.996572494506836],[160.17151107788087,30.522070312500002],[160.37353515625,30.04771194458008],[160.57556915283203,29.573353576660157],[160.7776626586914,29.098846435546875],[160.97968673706055,28.624488067626952],[161.18178024291993,28.14998588562012],[161.38380432128906,27.675627517700196],[161.58589782714844,27.201122856140138],[161.78792190551758,26.726764488220216],[161.99001541137696,26.252259826660158],[162.192049407959,25.777901458740235],[162.39413299560547,25.303396797180177],[162.5961669921875,24.829038429260255],[162.798250579834,24.354533767700197],[163.00028457641602,23.880175399780274],[163.2023780822754,23.405670738220216],[163.40440216064454,22.931312370300294],[163.60649566650392,22.456807708740236],[163.80851974487305,21.982449340820313],[164.01061325073243,21.507947158813476],[164.21263732910157,21.033588790893557],[164.41473083496095,20.559082889556887],[164.61676483154298,20.084725761413576],[164.81884841918946,19.610221099853515],[165.0208824157715,19.135862731933596],[165.22297592163088,18.661358070373534]], bounds=3000, full_zoom=0.19, max_episode_steps=2000 ) Spain = RaceTrack( name='Spain', xy=[[699.7222290039062,126.247314453125],[699.7083740234375,125.77325439453125],[699.6544799804688,125.30205535888672],[699.5624389648438,124.83679962158203],[699.4351806640625,124.3799057006836],[699.275390625,123.9333267211914],[699.085693359375,123.49859619140625],[698.8692626953125,123.0765151977539],[698.628662109375,122.66773223876953],[698.3662719726562,122.2725601196289],[698.08447265625,121.89096069335938],[697.7847900390625,121.52323150634766],[697.46923828125,121.16903686523438],[697.1392822265625,120.82823944091797],[696.796142578125,120.50069427490234],[696.4407348632812,120.18647003173828],[696.0743408203125,119.88519287109375],[695.6976318359375,119.5968017578125],[695.3113403320312,119.32147979736328],[694.916259765625,119.05887603759766],[694.5128173828125,118.80931854248047],[694.1016235351562,118.57270812988281],[693.6831665039062,118.3492660522461],[693.2577514648438,118.13936614990234],[692.825927734375,117.94300079345703],[692.3878784179688,117.76090240478516],[691.944091796875,117.5932846069336],[691.4949340820312,117.44071960449219],[691.0405883789062,117.30416870117188],[690.5816650390625,117.1841049194336],[690.1185302734375,117.08148956298828],[689.651611328125,116.99758911132812],[689.1815795898438,116.93355560302734],[688.7091674804688,116.89073944091797],[688.2525024414062,116.79698181152344],[687.8238525390625,116.59378051757812],[687.3978881835938,116.38484954833984],[686.9750366210938,116.16980743408203],[686.5552978515625,115.94869232177734],[686.1389770507812,115.7212905883789],[685.7261352539062,115.4875259399414],[685.3170776367188,115.24728393554688],[684.912109375,115.00012969970703],[684.511474609375,114.74609375],[684.1151733398438,114.48527526855469],[683.723876953125,114.21704864501953],[683.3375854492188,113.94168090820312],[682.9566650390625,113.65896606445312],[682.5814819335938,113.36862182617188],[682.212158203125,113.0708236694336],[681.8493041992188,112.76522064208984],[681.4930419921875,112.45195770263672],[681.143798828125,112.13092803955078],[680.802001953125,111.80194854736328],[680.4677734375,111.46527099609375],[680.1415405273438,111.12081909179688],[679.8239135742188,110.76847839355469],[679.5148315429688,110.4085693359375],[679.2147216796875,110.04118347167969],[678.9240112304688,109.66630554199219],[678.64306640625,109.28402709960938],[678.3719482421875,108.89472961425781],[678.1110229492188,108.49857330322266],[677.8603515625,108.0958023071289],[677.6202392578125,107.68665313720703],[677.3909301757812,107.27136993408203],[677.1723022460938,106.8503646850586],[676.9646606445312,106.42381286621094],[676.7679443359375,105.99213409423828],[676.5822143554688,105.55560302734375],[676.4074096679688,105.11457824707031],[676.2435913085938,104.66934967041016],[676.0904541015625,104.2203598022461],[675.947998046875,103.7678451538086],[675.8161010742188,103.3121566772461],[675.694580078125,102.85357666015625],[675.5831909179688,102.39244842529297],[675.481689453125,101.92903137207031],[675.389892578125,101.4636001586914],[675.3074951171875,100.99640655517578],[675.2343139648438,100.52767944335938],[675.1699829101562,100.05765533447266],[675.1143188476562,99.5865249633789],[675.0670166015625,99.11449432373047],[675.0277099609375,98.64171600341797],[674.996337890625,98.16834259033203],[674.9727783203125,97.69452667236328],[674.9559326171875,97.22042083740234],[674.9462890625,96.74612426757812],[674.9432983398438,96.27172088623047],[674.9462890625,95.79732513427734],[674.9561767578125,95.32302856445312],[674.971435546875,94.84886169433594],[674.9924926757812,94.37493133544922],[675.0191650390625,93.9012680053711],[675.050537109375,93.42789459228516],[675.0872802734375,92.95491790771484],[675.128662109375,92.48231506347656],[675.1741943359375,92.01009368896484],[675.2244262695312,91.5383529663086],[675.2786254882812,91.06704711914062],[675.3365478515625,90.59618377685547],[675.3984985351562,90.12583923339844],[675.4638061523438,89.65595245361328],[675.5322875976562,89.18650817871094],[675.604248046875,88.71759033203125],[675.6791381835938,88.2491226196289],[675.7566528320312,87.78108978271484],[675.8370361328125,87.31353759765625],[675.919921875,86.84642028808594],[676.005615234375,86.37982177734375],[676.092529296875,85.91344451904297],[676.1825561523438,85.44764709472656],[676.2740478515625,84.98213958740234],[676.366943359375,84.51691436767578],[676.4623413085938,84.05219268798828],[676.5587158203125,83.58767700195312],[676.6565551757812,83.12345886230469],[676.7559814453125,82.65959167480469],[676.856201171875,82.19588470458984],[676.9578247070312,81.73248291015625],[677.0607299804688,81.26936340332031],[677.164306640625,80.80638885498047],[677.267822265625,80.34342193603516],[677.3722534179688,79.8806381225586],[677.4774780273438,79.41804504394531],[677.5827026367188,78.95545196533203],[677.6881713867188,78.4928970336914],[677.7939453125,78.03044128417969],[677.8997802734375,77.56797790527344],[678.0054931640625,77.1054916381836],[678.1107177734375,76.64289855957031],[678.2159423828125,76.1802978515625],[678.3211669921875,75.71771240234375],[678.4247436523438,75.2547378540039],[678.5283203125,74.7917709350586],[678.6318969726562,74.32880401611328],[678.7337646484375,73.8654556274414],[678.8348999023438,73.40194702148438],[678.9347534179688,72.93816375732422],[679.0331420898438,72.47406768798828],[679.1306762695312,72.00978088378906],[679.2261962890625,71.54508972167969],[679.3202514648438,71.08009338378906],[679.4130859375,70.61485290527344],[679.5029907226562,70.14904022216797],[679.5913696289062,69.68294525146484],[679.6781005859375,69.21652221679688],[679.7620239257812,68.74959564208984],[679.8433837890625,68.28221893310547],[679.9223022460938,67.81440734863281],[679.998291015625,67.34611511230469],[680.0712280273438,66.87734985351562],[680.14111328125,66.40811920166016],[680.207763671875,65.93840789794922],[680.2708129882812,65.46820831298828],[680.330322265625,64.99754333496094],[680.3859252929688,64.52640533447266],[680.437255859375,64.05477905273438],[680.4845581054688,63.582740783691406],[680.5272216796875,63.11024856567383],[680.5651245117188,62.63736343383789],[680.5984497070312,62.16412353515625],[680.6261596679688,61.690513610839844],[680.6486206054688,61.21664810180664],[680.6656494140625,60.742549896240234],[680.67626953125,60.26826477050781],[680.6812133789062,59.793880462646484],[680.6791381835938,59.31948471069336],[680.6707153320312,58.845157623291016],[680.6551513671875,58.37099838256836],[680.6322021484375,57.89715576171875],[680.6021118164062,57.4237174987793],[680.5638427734375,56.95085144042969],[680.5172119140625,56.47873306274414],[680.462158203125,56.007530212402344],[680.3983154296875,55.537445068359375],[680.3253173828125,55.068687438964844],[680.2430419921875,54.601470947265625],[680.1510620117188,54.13606643676758],[680.0492553710938,53.672725677490234],[679.9373168945312,53.21171569824219],[679.81494140625,52.753360748291016],[679.6819458007812,52.297996520996094],[679.5382080078125,51.84589767456055],[679.3834838867188,51.39744186401367],[679.2177124023438,50.95297622680664],[679.040771484375,50.51279830932617],[678.8526611328125,50.077301025390625],[678.6532592773438,49.6468391418457],[678.442626953125,49.22179412841797],[678.2207641601562,48.802467346191406],[677.9878540039062,48.38918685913086],[677.7440185546875,47.98228073120117],[677.4893798828125,47.582008361816406],[677.22412109375,47.188690185546875],[676.9486083984375,46.802520751953125],[676.6630859375,46.42366027832031],[676.3675537109375,46.052581787109375],[676.0626220703125,45.68916320800781],[675.7485961914062,45.33357620239258],[675.42578125,44.985923767089844],[675.0946044921875,44.64625549316406],[674.7551879882812,44.314815521240234],[674.408203125,43.9913215637207],[674.0538940429688,43.675865173339844],[673.6925048828125,43.36855697631836],[673.3245849609375,43.06905746459961],[672.9502563476562,42.77759552001953],[672.5701904296875,42.493717193603516],[672.184326171875,42.21769714355469],[671.7933959960938,41.9489860534668],[671.397216796875,41.68796920776367],[670.9965209960938,41.43406295776367],[670.5914306640625,41.187198638916016],[670.1820068359375,40.94755172729492],[669.7687377929688,40.71457290649414],[669.3518676757812,40.4881477355957],[668.9315185546875,40.26822280883789],[668.5078125,40.05475997924805],[668.0811157226562,39.847412109375],[667.651611328125,39.64604187011719],[667.2193603515625,39.450469970703125],[666.78466796875,39.26057815551758],[666.3475341796875,39.07621765136719],[665.908203125,38.897212982177734],[665.4667358398438,38.723453521728516],[665.024658203125,38.551395416259766],[664.5825805664062,38.37915802001953],[664.1405639648438,38.20691680908203],[663.698486328125,38.03467559814453],[663.2560424804688,37.86349868774414],[662.8132934570312,37.693050384521484],[662.37060546875,37.52260208129883],[661.9278564453125,37.352149963378906],[661.4848022460938,37.18247604370117],[661.0414428710938,37.013771057128906],[660.5980224609375,36.845062255859375],[660.1546020507812,36.67635726928711],[659.7109985351562,36.50818634033203],[659.2669677734375,36.34114456176758],[658.8229370117188,36.17409896850586],[658.37890625,36.007057189941406],[657.9347534179688,35.84038162231445],[657.4901123046875,35.674930572509766],[657.0454711914062,35.509483337402344],[656.600830078125,35.34403610229492],[656.1561279296875,35.178829193115234],[655.7109375,35.01488494873047],[655.2657470703125,34.8509407043457],[654.820556640625,34.68699645996094],[654.3753051757812,34.52322006225586],[653.9296264648438,34.36070251464844],[653.4839477539062,34.198184967041016],[653.0382080078125,34.035667419433594],[652.5924682617188,33.87327194213867],[652.1463012695312,33.71208190917969],[651.7000732421875,33.5508918762207],[651.25390625,33.38969802856445],[650.8076782226562,33.22861099243164],[650.3610229492188,33.06865310668945],[649.9143676757812,32.90869140625],[649.4677734375,32.74872970581055],[649.0211181640625,32.588871002197266],[648.5740356445312,32.430049896240234],[648.1270141601562,32.27123260498047],[647.6799926757812,32.1124153137207],[647.23291015625,31.953702926635742],[646.7854614257812,31.795923233032227],[646.3380737304688,31.63814353942871],[645.8906860351562,31.480365753173828],[645.4432373046875,31.322704315185547],[644.9955444335938,31.165842056274414],[644.5477905273438,31.008975982666016],[644.1000366210938,30.852113723754883],[643.6522827148438,30.69538116455078],[643.2042846679688,30.539339065551758],[642.7562255859375,30.383296966552734],[642.3082275390625,30.22725486755371],[641.8601684570312,30.071338653564453],[641.411865234375,29.916004180908203],[640.963623046875,29.760669708251953],[640.515380859375,29.605335235595703],[640.0670776367188,29.450185775756836],[639.6185302734375,29.29568862915039],[639.1699829101562,29.141191482543945],[638.7213745117188,28.986690521240234],[638.2728271484375,28.832195281982422],[637.8242797851562,28.677698135375977],[637.375732421875,28.52320098876953],[636.9271850585938,28.36870574951172],[636.4785766601562,28.21443748474121],[636.0297241210938,28.060813903808594],[635.5808715820312,27.907184600830078],[635.1320190429688,27.75356101989746],[634.6831665039062,27.599937438964844],[634.2343139648438,27.446311950683594],[633.7854614257812,27.292688369750977],[633.3366088867188,27.13906478881836],[632.8877563476562,26.985441207885742],[632.4389038085938,26.831811904907227],[631.9900512695312,26.678186416625977],[631.5411987304688,26.52456283569336],[631.0923461914062,26.370939254760742],[630.6434936523438,26.217315673828125],[630.1946411132812,26.063690185546875],[629.7457885742188,25.91006088256836],[629.2969360351562,25.75642967224121],[628.8480834960938,25.602771759033203],[628.3992309570312,25.449113845825195],[627.950439453125,25.29545783996582],[627.5015869140625,25.141799926757812],[627.052734375,24.988142013549805],[626.6038818359375,24.83448028564453],[626.155029296875,24.680822372436523],[625.7062377929688,24.527099609375],[625.2576293945312,24.372838973999023],[624.8089599609375,24.218576431274414],[624.3603515625,24.064313888549805],[623.9117431640625,23.910051345825195],[623.4630737304688,23.75578498840332],[623.0144653320312,23.60152244567871],[622.5657958984375,23.4472599029541],[622.1171875,23.292997360229492],[621.6688842773438,23.137828826904297],[621.2205810546875,22.982547760009766],[620.7723388671875,22.827259063720703],[620.3240356445312,22.671977996826172],[619.875732421875,22.516695022583008],[619.427490234375,22.361412048339844],[618.9791870117188,22.206130981445312],[618.5309448242188,22.05084800720215],[618.0828247070312,21.89501953125],[617.6348876953125,21.738727569580078],[617.1869506835938,21.582439422607422],[616.739013671875,21.426151275634766],[616.2911987304688,21.269622802734375],[615.8435668945312,21.1125431060791],[615.3958740234375,20.955463409423828],[614.9482421875,20.798383712768555],[614.5005493164062,20.64125633239746],[614.05322265625,20.483293533325195],[613.6058959960938,20.32533073425293],[613.1585693359375,20.167367935180664],[612.711181640625,20.0094051361084],[612.26416015625,19.850738525390625],[611.817138671875,19.691810607910156],[611.3701171875,19.53287696838379],[610.923095703125,19.373950958251953],[610.4762573242188,19.214628219604492],[610.0296020507812,19.054664611816406],[609.5830078125,18.894699096679688],[609.1363525390625,18.73473358154297],[608.689697265625,18.57476234436035],[608.2435302734375,18.413719177246094],[607.7973022460938,18.25263786315918],[607.35107421875,18.0915584564209],[606.9048461914062,17.930479049682617],[606.4584350585938,17.769893646240234],[606.0113525390625,17.61117935180664],[605.563232421875,17.45545768737793],[605.114013671875,17.302885055541992],[604.6637573242188,17.153446197509766],[604.2122802734375,17.007741928100586],[603.7596435546875,16.86573028564453],[603.3057250976562,16.727712631225586],[602.8506469726562,16.59370231628418],[602.3943481445312,16.463869094848633],[601.9368286132812,16.338428497314453],[601.47802734375,16.217754364013672],[601.0179443359375,16.10205078125],[600.5565795898438,15.991414070129395],[600.0940551757812,15.886064529418945],[599.6302490234375,15.786271095275879],[599.1651611328125,15.692578315734863],[598.6989135742188,15.605108261108398],[598.2315063476562,15.524068832397461],[597.762939453125,15.449773788452148],[597.2933349609375,15.382552146911621],[596.8226928710938,15.323028564453125],[596.35107421875,15.271503448486328],[595.8786010742188,15.228226661682129],[595.405517578125,15.193605422973633],[594.9317626953125,15.168091773986816],[594.4576416015625,15.152149200439453],[593.9832763671875,15.146265983581543],[593.5089111328125,15.151223182678223],[593.0347900390625,15.16728401184082],[592.5612182617188,15.194988250732422],[592.0885009765625,15.234889030456543],[591.6170043945312,15.287552833557129],[591.1472778320312,15.353601455688477],[590.6796875,15.433585166931152],[590.2144775390625,15.526731491088867],[589.7513427734375,15.629409790039062],[589.2902221679688,15.740885734558105],[588.8311767578125,15.860760688781738],[588.3743286132812,15.988664627075195],[587.9197387695312,16.124265670776367],[587.467529296875,16.267671585083008],[587.0173950195312,16.417516708374023],[586.5698852539062,16.574825286865234],[586.12451171875,16.73823356628418],[585.6817626953125,16.908679962158203],[585.2412719726562,17.084766387939453],[584.8035278320312,17.26768684387207],[584.3681030273438,17.456012725830078],[583.9354858398438,17.650793075561523],[583.50537109375,17.850894927978516],[583.078125,18.057039260864258],[582.6535034179688,18.268590927124023],[582.231689453125,18.485782623291016],[581.8128662109375,18.708572387695312],[581.3969116210938,18.936656951904297],[580.984130859375,19.170480728149414],[580.57421875,19.409343719482422],[580.1679077148438,19.654205322265625],[579.7645874023438,19.90402603149414],[579.3650512695312,20.159759521484375],[578.9688110351562,20.420663833618164],[578.5764770507812,20.68738555908203],[578.1879272460938,20.959516525268555],[577.8034057617188,21.237449645996094],[577.4231567382812,21.521055221557617],[577.0471801757812,21.81035614013672],[576.6759643554688,22.105745315551758],[576.3096923828125,22.4072322845459],[575.948486328125,22.714813232421875],[575.5927734375,23.028736114501953],[575.242919921875,23.34910774230957],[574.899169921875,23.67609977722168],[574.5621337890625,24.00992774963379],[574.2321166992188,24.350709915161133],[573.9096069335938,24.698625564575195],[573.5951538085938,25.053895950317383],[573.2896118164062,25.41676902770996],[572.9898681640625,25.784460067749023],[572.6959228515625,26.156822204589844],[572.4069213867188,26.53302574157715],[572.1237182617188,26.91365623474121],[571.8452758789062,27.297740936279297],[571.5726318359375,27.68596839904785],[571.3045043945312,28.077327728271484],[571.0418701171875,28.47241973876953],[570.7839965820312,28.870615005493164],[570.53125,29.272066116333008],[570.2833251953125,29.676546096801758],[570.0401611328125,30.083898544311523],[569.8021240234375,30.494287490844727],[569.5684814453125,30.907169342041016],[569.3401489257812,31.322999954223633],[569.1162109375,31.741249084472656],[568.8971557617188,32.162025451660156],[568.6828002929688,32.585235595703125],[568.4727783203125,33.01063537597656],[568.26806640625,33.438594818115234],[568.0675659179688,33.868560791015625],[567.8719482421875,34.30075454711914],[567.6810913085938,34.73508071899414],[567.4945068359375,35.17123794555664],[567.3131713867188,35.6096305847168],[567.1361694335938,36.0498046875],[566.9639892578125,36.49185562133789],[566.7967529296875,36.935787200927734],[566.6338500976562,37.3813591003418],[566.4761962890625,37.828819274902344],[566.3232421875,38.27788162231445],[566.175048828125,38.728538513183594],[566.031982421875,39.180885314941406],[565.8935546875,39.6346321105957],[565.7605590820312,40.09000778198242],[565.6324462890625,40.54679489135742],[565.50927734375,41.00493240356445],[565.3917236328125,41.464534759521484],[565.2788696289062,41.925350189208984],[565.1719360351562,42.38754653930664],[565.0701904296875,42.85090637207031],[564.9739379882812,43.31544876098633],[564.883544921875,43.781150817871094],[564.7984619140625,44.24786376953125],[564.7201538085938,44.71577072143555],[564.656494140625,45.185874938964844],[564.6090698242188,45.65787124633789],[564.5767822265625,46.13117218017578],[564.558837890625,46.605220794677734],[564.5542602539062,47.079593658447266],[564.56201171875,47.55392837524414],[564.5816650390625,48.02791213989258],[564.6124267578125,48.5013313293457],[564.6536254882812,48.97393798828125],[564.704833984375,49.44556427001953],[564.7656860351562,49.916046142578125],[564.8353271484375,50.38529968261719],[564.9137573242188,50.85316848754883],[565.00048828125,51.3195915222168],[565.0949096679688,51.784488677978516],[565.1969604492188,52.24779510498047],[565.3068237304688,52.70929718017578],[565.4237060546875,53.169090270996094],[565.5474243164062,53.62705993652344],[565.6780395507812,54.08314514160156],[565.8156127929688,54.53717041015625],[565.9596557617188,54.98916244506836],[566.1101684570312,55.439048767089844],[566.26708984375,55.88676452636719],[566.4305419921875,56.33211135864258],[566.6005859375,56.77499771118164],[566.777099609375,57.215354919433594],[566.9600830078125,57.653072357177734],[567.1497192382812,58.087890625],[567.34619140625,58.51970291137695],[567.5496215820312,58.948280334472656],[567.7603759765625,59.373313903808594],[567.978759765625,59.794456481933594],[568.2051391601562,60.21134567260742],[568.4395141601562,60.62382888793945],[568.6809692382812,61.03215408325195],[568.9295654296875,61.43622589111328],[569.1851196289062,61.83591079711914],[569.4478759765625,62.23091506958008],[569.7175903320312,62.621158599853516],[569.9943237304688,63.00652313232422],[570.27783203125,63.3868522644043],[570.5682983398438,63.761959075927734],[570.8654174804688,64.13178253173828],[571.169189453125,64.49618530273438],[571.4794921875,64.85501861572266],[571.7962036132812,65.20819091796875],[572.1192626953125,65.55565643310547],[572.4484252929688,65.89728546142578],[572.7835693359375,66.23303985595703],[573.1245727539062,66.56283569335938],[573.4713134765625,66.88660430908203],[573.8235473632812,67.20438385009766],[574.18115234375,67.51612854003906],[574.5439453125,67.82186126708984],[574.91162109375,68.12159729003906],[575.2841186523438,68.41535186767578],[575.6612548828125,68.70314025878906],[576.0428466796875,68.98506164550781],[576.4285888671875,69.26117706298828],[576.8184814453125,69.53150939941406],[577.212158203125,69.79617309570312],[577.6095581054688,70.05524444580078],[578.0105590820312,70.30876159667969],[578.4149780273438,70.55686950683594],[578.822509765625,70.79969024658203],[579.2330322265625,71.0373764038086],[579.646484375,71.27001190185547],[580.0626831054688,71.49774932861328],[580.4814453125,71.72074127197266],[580.902587890625,71.93907165527344],[581.3261108398438,72.1529312133789],[581.751708984375,72.36247253417969],[582.1793823242188,72.5677719116211],[582.6091918945312,72.76864624023438],[583.0405883789062,72.96600341796875],[583.4736938476562,73.1596450805664],[583.9083862304688,73.34969329833984],[584.3445434570312,73.53628540039062],[584.7821044921875,73.7196044921875],[585.220947265625,73.89979553222656],[585.6610107421875,74.0770263671875],[586.1021728515625,74.25141143798828],[586.54443359375,74.42314910888672],[586.9876708984375,74.5923843383789],[587.4317016601562,74.75923919677734],[587.8766479492188,74.92390441894531],[588.3223266601562,75.08650970458984],[588.7686767578125,75.24722290039062],[589.2156982421875,75.40618133544922],[589.6632080078125,75.56354522705078],[590.1115112304688,75.71887969970703],[590.5597534179688,75.87407684326172],[591.0088500976562,76.02711486816406],[591.4579467773438,76.18006134033203],[591.9075927734375,76.33139038085938],[592.357177734375,76.48267364501953],[592.8070068359375,76.63341522216797],[593.2568969726562,76.78416442871094],[593.7066650390625,76.93490600585938],[594.1563720703125,77.08613586425781],[594.6058959960938,77.23770141601562],[595.0550537109375,77.39041137695312],[595.5039672851562,77.54378509521484],[595.9525146484375,77.69841003417969],[596.400390625,77.85490417480469],[596.8478393554688,78.01254272460938],[597.2943725585938,78.17280578613281],[597.7399291992188,78.33561706542969],[598.184326171875,78.50167846679688],[598.6275024414062,78.67095947265625],[599.0689086914062,78.84479522705078],[599.5086669921875,79.02288055419922],[599.9459228515625,79.20681762695312],[600.3807373046875,79.39659118652344],[600.8124389648438,79.59326171875],[601.2405395507812,79.79773712158203],[601.6642456054688,80.01110076904297],[602.0829467773438,80.23416137695312],[602.49560546875,80.46810150146484],[602.9013671875,80.71394348144531],[603.2989501953125,80.97265625],[603.6871337890625,81.24533081054688],[604.064453125,81.53289794921875],[604.4293212890625,81.83601379394531],[604.7803344726562,82.15509033203125],[605.1158447265625,82.49040985107422],[605.4345703125,82.84170532226562],[605.7354736328125,83.20841979980469],[606.017578125,83.58976745605469],[606.2804565429688,83.98464965820312],[606.52392578125,84.3917465209961],[606.7484130859375,84.80960845947266],[606.954345703125,85.2369613647461],[607.1426391601562,85.6723403930664],[607.3140869140625,86.11467742919922],[607.4790649414062,86.55946350097656],[607.64404296875,87.00428009033203],[607.8090209960938,87.4490966796875],[607.9725952148438,87.89440155029297],[608.135986328125,88.3398208618164],[608.29931640625,88.78520965576172],[608.4617919921875,89.23094940185547],[608.6235961914062,89.67691040039062],[608.7853393554688,90.1229019165039],[608.94677734375,90.56902313232422],[609.1070556640625,91.01551055908203],[609.267333984375,91.4620361328125],[609.4276733398438,91.90852355957031],[609.586669921875,92.35552978515625],[609.74560546875,92.8025131225586],[609.904541015625,93.24952697753906],[610.0625610351562,93.69683074951172],[610.2201538085938,94.14427947998047],[610.3778076171875,94.59175872802734],[610.534912109375,95.03939056396484],[610.6913452148438,95.4872817993164],[610.8478393554688,95.93513488769531],[611.0040893554688,96.383056640625],[611.1594848632812,96.8313217163086],[611.3148193359375,97.27955627441406],[611.47021484375,97.72782135009766],[611.6246948242188,98.17636108398438],[611.779052734375,98.62496948242188],[611.9334716796875,99.07354736328125],[612.0872802734375,99.52234649658203],[612.24072265625,99.97126770019531],[612.3941650390625,100.420166015625],[612.5472412109375,100.86920928955078],[612.6995849609375,101.31848907470703],[612.8519287109375,101.76779174804688],[613.0042114257812,102.21710205078125],[613.1565551757812,102.6663818359375],[613.308837890625,103.11569213867188],[613.461181640625,103.56497192382812],[613.6126098632812,104.01457214355469],[613.7637939453125,104.46424865722656],[613.9149169921875,104.91395568847656],[614.0660400390625,105.36366271972656],[614.2172241210938,105.81333923339844],[614.3683471679688,106.26304626464844],[614.5194091796875,106.71275329589844],[614.6697387695312,107.16271209716797],[614.8201293945312,107.6126480102539],[614.9705200195312,108.06260681152344],[615.1209106445312,108.5125732421875],[615.271240234375,108.96250915527344],[615.421630859375,109.41246795654297],[615.5718383789062,109.86245727539062],[615.721923828125,110.31253051757812],[615.8719482421875,110.76256561279297],[616.0220336914062,111.21263885498047],[616.1720581054688,111.66271209716797],[616.3220825195312,112.11275482177734],[616.47216796875,112.56282806396484],[616.6221923828125,113.01287078857422],[616.7722778320312,113.46293640136719],[616.9223022460938,113.91297912597656],[617.0723876953125,114.36305236816406],[617.222412109375,114.81312561035156],[617.3724365234375,115.26316833496094],[617.5225219726562,115.71324157714844],[617.6729736328125,116.16311645507812],[617.823486328125,116.613037109375],[617.9739990234375,117.06292724609375],[618.12451171875,117.51284790039062],[618.2750244140625,117.96276092529297],[618.425537109375,118.41265106201172],[618.5761108398438,118.86255645751953],[618.7274780273438,119.31217193603516],[618.8787841796875,119.7618179321289],[619.0300903320312,120.21143341064453],[619.1814575195312,120.66107940673828],[619.332763671875,121.11072540283203],[619.4840698242188,121.56034088134766],[619.6355590820312,122.00990295410156],[619.7880859375,122.4591293334961],[619.9405517578125,122.90837860107422],[620.093017578125,123.35763549804688],[620.2454833984375,123.80685424804688],[620.3980102539062,124.25611114501953],[620.5504760742188,124.70532989501953],[620.7030639648438,125.1545639038086],[620.8566284179688,125.6034164428711],[621.0101928710938,126.05229949951172],[621.1637573242188,126.50118255615234],[621.3177490234375,126.94988250732422],[621.47216796875,127.39849090576172],[621.6265258789062,127.84706115722656],[621.7808837890625,128.29566955566406],[621.9360961914062,128.74395751953125],[622.0914306640625,129.19224548339844],[622.2467041015625,129.64053344726562],[622.4022216796875,130.08868408203125],[622.5584716796875,130.53663635253906],[622.7147216796875,130.9845733642578],[622.8710327148438,131.43252563476562],[623.0278930664062,131.8802490234375],[623.1851806640625,132.3278350830078],[623.3424682617188,132.7754364013672],[623.499755859375,133.22300720214844],[623.6580200195312,133.6702423095703],[623.81640625,134.11741638183594],[623.9747924804688,134.5646209716797],[624.1329956054688,135.0118865966797],[624.2827758789062,135.46200561523438],[624.4176025390625,135.91685485839844],[624.53662109375,136.3760223388672],[624.63916015625,136.83921813964844],[624.7242431640625,137.30587768554688],[624.791015625,137.77552795410156],[624.8386840820312,138.24749755859375],[624.8665161132812,138.7210693359375],[624.8736572265625,139.19537353515625],[624.8594970703125,139.6695098876953],[624.8233032226562,140.14251708984375],[624.7647094726562,140.61322021484375],[624.6834106445312,141.08058166503906],[624.5789794921875,141.54327392578125],[624.451416015625,142.0001678466797],[624.3008422851562,142.45001220703125],[624.1271362304688,142.8914031982422],[623.9310302734375,143.32333374023438],[623.7129516601562,143.7445526123047],[623.4733276367188,144.1539764404297],[623.213134765625,144.5506134033203],[622.9332275390625,144.93353271484375],[622.63427734375,145.30184936523438],[622.317626953125,145.65501403808594],[621.9840698242188,145.99229431152344],[621.634521484375,146.31298828125],[621.2702026367188,146.61685180664062],[620.8922729492188,146.9035186767578],[620.5016479492188,147.1726531982422],[620.0993041992188,147.42391967773438],[619.6862182617188,147.65711975097656],[619.263427734375,147.8722686767578],[618.8319091796875,148.06927490234375],[618.3924560546875,148.24781799316406],[617.9459228515625,148.40806579589844],[617.4932861328125,148.55006408691406],[617.0352783203125,148.6735076904297],[616.57275390625,148.77879333496094],[616.1063842773438,148.86563110351562],[615.6370239257812,148.93438720703125],[615.165283203125,148.98483276367188],[614.6920166015625,149.01736450195312],[614.2178955078125,149.03172302246094],[613.7434692382812,149.0283660888672],[613.2695922851562,149.00718688964844],[612.7968139648438,148.96841430664062],[612.3257446289062,148.9123077392578],[611.8570556640625,148.8389434814453],[611.391357421875,148.7484588623047],[610.9293212890625,148.6412811279297],[610.4713134765625,148.51759338378906],[610.0180053710938,148.37767028808594],[609.5700073242188,148.22186279296875],[609.1276245117188,148.05043029785156],[608.6915283203125,147.86373901367188],[608.2620849609375,147.6621551513672],[607.8397827148438,147.44610595703125],[607.4249267578125,147.21603393554688],[607.0147705078125,146.9776611328125],[606.604736328125,146.7390594482422],[606.1947021484375,146.50047302246094],[605.7846069335938,146.2618865966797],[605.3745727539062,146.02328491210938],[604.9645385742188,145.7847137451172],[604.554443359375,145.54611206054688],[604.1444091796875,145.3075408935547],[603.734375,145.06893920898438],[603.3242797851562,144.83035278320312],[602.9142456054688,144.59176635742188],[602.504150390625,144.35316467285156],[602.0941162109375,144.11459350585938],[601.68408203125,143.87599182128906],[601.2740478515625,143.63742065429688],[600.864013671875,143.39869689941406],[600.454345703125,143.15948486328125],[600.044677734375,142.92027282714844],[599.6349487304688,142.68106079101562],[599.2252807617188,142.4418487548828],[598.8156127929688,142.20263671875],[598.4059448242188,141.9634246826172],[597.9962158203125,141.72421264648438],[597.5864868164062,141.4849853515625],[597.1768188476562,141.24578857421875],[596.7671508789062,141.00656127929688],[596.3574829101562,140.76736450195312],[595.94775390625,140.52813720703125],[595.5380859375,140.2889404296875],[595.12841796875,140.04971313476562],[594.7186889648438,139.8105010986328],[594.3092041015625,139.5709686279297],[593.8998413085938,139.33114624023438],[593.4905395507812,139.09132385253906],[593.0811767578125,138.85150146484375],[592.671875,138.6116943359375],[592.2625122070312,138.3718719482422],[591.8532104492188,138.13204956054688],[591.44384765625,137.89224243164062],[591.0345458984375,137.65240478515625],[590.6251831054688,137.41259765625],[590.2158813476562,137.1727752685547],[589.8065185546875,136.93296813964844],[589.397216796875,136.69314575195312],[588.9878540039062,136.4533233642578],[588.5785522460938,136.2135009765625],[588.169189453125,135.9736785888672],[587.7601928710938,135.73330688476562],[587.3511962890625,135.49290466308594],[586.9421997070312,135.25250244140625],[586.533203125,135.01210021972656],[586.1242065429688,134.7716827392578],[585.7152099609375,134.5312957763672],[585.3062133789062,134.29087829589844],[584.8972778320312,134.0504913330078],[584.48828125,133.81007385253906],[584.0792846679688,133.56968688964844],[583.6702880859375,133.3292694091797],[583.2612915039062,133.0888671875],[582.852294921875,132.8484649658203],[582.4432983398438,132.60806274414062],[582.0343017578125,132.36766052246094],[581.62548828125,132.1269989013672],[581.216796875,131.88601684570312],[580.8081665039062,131.64503479003906],[580.3994750976562,131.404052734375],[579.9908447265625,131.1630859375],[579.5822143554688,130.92210388183594],[579.173583984375,130.68113708496094],[578.764892578125,130.44015502929688],[578.356201171875,130.1991729736328],[577.9475708007812,129.9582061767578],[577.5389404296875,129.71722412109375],[577.1302490234375,129.47625732421875],[576.7216186523438,129.2352752685547],[576.31298828125,128.9943084716797],[575.904296875,128.75332641601562],[575.4956665039062,128.51234436035156],[575.0873413085938,128.2708282470703],[574.6790161132812,128.02928161621094],[574.2706909179688,127.78776550292969],[573.8623657226562,127.54622650146484],[573.4540405273438,127.30470275878906],[573.0457153320312,127.06316375732422],[572.6373291015625,126.82162475585938],[572.2290649414062,126.5801010131836],[571.8206787109375,126.33856964111328],[571.4124145507812,126.0970458984375],[571.0040283203125,125.85550689697266],[570.5957641601562,125.61398315429688],[570.1873779296875,125.37244415283203],[569.779052734375,125.13090515136719],[569.3707885742188,124.8893814086914],[568.9625854492188,124.64752960205078],[568.5546264648438,124.40547180175781],[568.1466064453125,124.16340637207031],[567.7385864257812,123.92134857177734],[567.33056640625,123.67927551269531],[566.9225463867188,123.43721008300781],[566.5145263671875,123.19515228271484],[566.1065063476562,122.95307922363281],[565.6985473632812,122.71102905273438],[565.29052734375,122.46895599365234],[564.8825073242188,122.22689819335938],[564.4744873046875,121.98483276367188],[564.0664672851562,121.74275970458984],[563.6585083007812,121.50070190429688],[563.2504272460938,121.25863647460938],[562.842529296875,121.01644897460938],[562.434814453125,120.77386474609375],[562.027099609375,120.53128051757812],[561.619384765625,120.28871154785156],[561.211669921875,120.04612731933594],[560.8040161132812,119.80355834960938],[560.3963012695312,119.56097412109375],[559.9885864257812,119.31840515136719],[559.5808715820312,119.07582092285156],[559.1731567382812,118.83323669433594],[558.7654418945312,118.59066772460938],[558.3577270507812,118.34808349609375],[557.9500732421875,118.10551452636719],[557.5423583984375,117.86293029785156],[557.1346435546875,117.620361328125],[556.7269287109375,117.37777709960938],[556.3194580078125,117.1347427368164],[555.912109375,116.89167785644531],[555.504638671875,116.64859771728516],[555.0972900390625,116.40553283691406],[554.6898193359375,116.1624526977539],[554.282470703125,115.91938781738281],[553.875,115.67630767822266],[553.4675903320312,115.4332275390625],[553.0602416992188,115.1901626586914],[552.6527709960938,114.94708251953125],[552.2454223632812,114.70401763916016],[551.8379516601562,114.4609375],[551.4306030273438,114.2178726196289],[551.0231323242188,113.97479248046875],[550.61572265625,113.7317123413086],[550.2085571289062,113.48835754394531],[549.8013916015625,113.24480438232422],[549.394287109375,113.00126647949219],[548.9871215820312,112.7577133178711],[548.5800170898438,112.51417541503906],[548.1729125976562,112.27062225341797],[547.7657470703125,112.02706909179688],[547.358642578125,111.78353118896484],[546.9514770507812,111.53997802734375],[546.5443725585938,111.29644012451172],[546.1372680664062,111.05288696289062],[545.7301635742188,110.8093490600586],[545.322998046875,110.5657958984375],[544.9158935546875,110.32223510742188],[544.5087280273438,110.07869720458984],[544.1016845703125,109.83497619628906],[543.6948852539062,109.59098815917969],[543.2880249023438,109.34698486328125],[542.8811645507812,109.10298156738281],[542.4743041992188,108.8589859008789],[542.0674438476562,108.61498260498047],[541.6605834960938,108.3709945678711],[541.2537231445312,108.12699127197266],[540.8468627929688,107.88300323486328],[540.4400024414062,107.63899993896484],[540.0331420898438,107.39498901367188],[539.6262817382812,107.1510009765625],[539.2194213867188,106.90699768066406],[538.8125610351562,106.66300964355469],[538.4057006835938,106.41900634765625],[537.9989013671875,106.17494201660156],[537.59228515625,105.93050384521484],[537.1856689453125,105.68606567382812],[536.7791137695312,105.441650390625],[536.3724975585938,105.19721221923828],[535.9658813476562,104.95278930664062],[535.5592651367188,104.7083511352539],[535.1527099609375,104.46393585205078],[534.74609375,104.21949768066406],[534.3394775390625,103.97505950927734],[533.9329223632812,103.73063659667969],[533.5263061523438,103.48619842529297],[533.1196899414062,103.24178314208984],[532.7130737304688,102.99734497070312],[532.3065185546875,102.75292205810547],[531.89990234375,102.50848388671875],[531.4935302734375,102.263671875],[531.0872192382812,102.01884460449219],[530.6808471679688,101.77400207519531],[530.2744750976562,101.5291748046875],[529.8681030273438,101.28433227539062],[529.4617919921875,101.03950500488281],[529.055419921875,100.79466247558594],[528.6490478515625,100.54981994628906],[528.2427368164062,100.30499267578125],[527.8363647460938,100.06015014648438],[527.4299926757812,99.8153305053711],[527.0236206054688,99.57048797607422],[526.6173095703125,99.3256607055664],[526.2109375,99.08081817626953],[525.8045654296875,98.83597564697266],[525.3984375,98.59087371826172],[524.9923095703125,98.34564208984375],[524.586181640625,98.10043334960938],[524.1800537109375,97.85520935058594],[523.77392578125,97.60997772216797],[523.3677978515625,97.3647689819336],[522.961669921875,97.11954498291016],[522.5555419921875,96.87433624267578],[522.1494140625,96.62910461425781],[521.7433471679688,96.38389587402344],[521.337158203125,96.138671875],[520.9310302734375,95.89344024658203],[520.5249633789062,95.64823150634766],[520.1188354492188,95.40300750732422],[519.7127075195312,95.15779876708984],[519.3067016601562,94.91236877441406],[518.9008178710938,94.66679382324219],[518.494873046875,94.42120361328125],[518.0889892578125,94.17561340332031],[517.68310546875,93.93003845214844],[517.2771606445312,93.6844482421875],[516.8712768554688,93.43887329101562],[516.4653930664062,93.19328308105469],[516.0595092773438,92.94770812988281],[515.653564453125,92.70211029052734],[515.2476806640625,92.4565200805664],[514.841796875,92.21094512939453],[514.4358520507812,91.9653549194336],[514.0299682617188,91.71977996826172],[513.6240844726562,91.47418975830078],[513.21826171875,91.22850036621094],[512.8125610351562,90.98257446289062],[512.4068603515625,90.73664855957031],[512.0011596679688,90.49073791503906],[511.5954284667969,90.24481201171875],[511.18975830078125,89.9989013671875],[510.7840270996094,89.75297546386719],[510.37835693359375,89.50706481933594],[509.97265625,89.26113891601562],[509.5669250488281,89.01521301269531],[509.1612548828125,88.7693099975586],[508.75555419921875,88.52338409423828],[508.349853515625,88.27747344970703],[507.94415283203125,88.03154754638672],[507.5384521484375,87.78563690185547],[507.1327819824219,87.53965759277344],[506.7272644042969,87.29341125488281],[506.3217468261719,87.04718780517578],[505.9162292480469,86.80094909667969],[505.5107421875,86.55472564697266],[505.105224609375,86.30848693847656],[504.69970703125,86.06224060058594],[504.2942199707031,85.8160171508789],[503.8887023925781,85.56977844238281],[503.48321533203125,85.32355499267578],[503.07769775390625,85.07731628417969],[502.67218017578125,84.83109283447266],[502.26666259765625,84.58485412597656],[501.86114501953125,84.33860778808594],[501.4556579589844,84.0923843383789],[501.0501403808594,83.84614562988281],[500.64483642578125,83.59964752197266],[500.2394714355469,83.35311889648438],[499.83416748046875,83.10660552978516],[499.4288024902344,82.86007690429688],[499.0234680175781,82.61354064941406],[498.6181640625,82.36702728271484],[498.2127990722656,82.12049865722656],[497.8074951171875,81.87398529052734],[497.40216064453125,81.62745666503906],[496.996826171875,81.38094329833984],[496.59149169921875,81.13441467285156],[496.1861572265625,80.88788604736328],[495.78082275390625,80.64137268066406],[495.37548828125,80.39484405517578],[494.97015380859375,80.14833068847656],[494.5650329589844,79.90151977539062],[494.1599426269531,79.65462493896484],[493.75482177734375,79.40770721435547],[493.3497314453125,79.1607894897461],[492.94464111328125,78.91389465332031],[492.5395202636719,78.66697692871094],[492.13446044921875,78.42007446289062],[491.7293395996094,78.17316436767578],[491.3242492675781,77.92626190185547],[490.9191589355469,77.67935180664062],[490.5140380859375,77.43243408203125],[490.10894775390625,77.18553161621094],[489.703857421875,76.9386215209961],[489.29876708984375,76.69171905517578],[488.8936462402344,76.44480895996094],[488.48858642578125,76.19790649414062],[488.0834655761719,75.95098876953125],[487.6783447265625,75.7040786743164],[487.2732849121094,75.4571762084961],[486.8681640625,75.21025848388672],[486.46307373046875,74.96336364746094],[486.0579833984375,74.71644592285156],[485.6528625488281,74.46952819824219],[485.24774169921875,74.22261810302734],[484.8426818847656,73.9757308959961],[484.4375915527344,73.72882080078125],[484.032470703125,73.48190307617188],[483.62738037109375,73.2349853515625],[483.2223205566406,72.98810577392578],[482.81719970703125,72.7411880493164],[482.4121398925781,72.494140625],[482.0072937011719,72.24679565429688],[481.6024475097656,71.99945068359375],[481.1976318359375,71.75213623046875],[480.79278564453125,71.50479125976562],[480.387939453125,71.2574462890625],[479.98309326171875,71.01010131835938],[479.5782470703125,70.76275634765625],[479.1734619140625,70.51544189453125],[478.76861572265625,70.26809692382812],[478.36376953125,70.02074432373047],[477.95892333984375,69.77339935302734],[477.55413818359375,69.52608489990234],[477.1492919921875,69.27873992919922],[476.74444580078125,69.0313949584961],[476.339599609375,68.78404998779297],[475.93475341796875,68.53670501708984],[475.52996826171875,68.28939056396484],[475.1251220703125,68.04204559326172],[474.72027587890625,67.7947006225586],[474.3154296875,67.54735565185547],[473.91058349609375,67.30001068115234],[473.5057678222656,67.05269622802734],[473.1009216308594,66.80535125732422],[472.6960754394531,66.5580062866211],[472.2912292480469,66.31066131591797],[471.8863830566406,66.06331634521484],[471.4815979003906,65.81600189208984],[471.0767517089844,65.56865692138672],[470.6719055175781,65.32130432128906],[470.2670593261719,65.07395935058594],[469.8623962402344,64.82642364501953],[469.4577331542969,64.57874298095703],[469.0531005859375,64.33106994628906],[468.6484680175781,64.08338928222656],[468.2438049316406,63.83571243286133],[467.8392333984375,63.58806610107422],[467.4345703125,63.340389251708984],[467.0299377441406,63.092708587646484],[466.62530517578125,62.84503173828125],[466.22064208984375,62.597354888916016],[465.8160705566406,62.349708557128906],[465.4114074707031,62.10203170776367],[465.00677490234375,61.85435104370117],[464.6021423339844,61.60667419433594],[464.1975402832031,61.35902786254883],[463.79290771484375,61.111351013183594],[463.38824462890625,60.86367416381836],[462.9836120605469,60.61599349975586],[462.5789794921875,60.368316650390625],[462.17437744140625,60.120670318603516],[461.7697448730469,59.87299346923828],[461.3650817871094,59.62531661987305],[460.96044921875,59.37763595581055],[460.5558166503906,59.12995910644531],[460.1512145996094,58.8823127746582],[459.74658203125,58.63463592529297],[459.3419189453125,58.386959075927734],[458.9372863769531,58.139278411865234],[458.5326843261719,57.891632080078125],[458.1280517578125,57.64395523071289],[457.7234191894531,57.396278381347656],[457.3189697265625,57.14836883544922],[456.9145202636719,56.900390625],[456.5101318359375,56.65244674682617],[456.10565185546875,56.40446853637695],[455.7012023925781,56.156490325927734],[455.2967529296875,55.908512115478516],[454.89227294921875,55.6605339050293],[454.4878845214844,55.4125862121582],[454.0834045410156,55.164608001708984],[453.678955078125,54.916629791259766],[453.2745056152344,54.66865158081055],[452.8700256347656,54.42067337036133],[452.46563720703125,54.1727294921875],[452.0611572265625,53.92475128173828],[451.6567077636719,53.67677307128906],[451.25225830078125,53.428794860839844],[450.84783935546875,53.18084716796875],[450.4433898925781,52.93286895751953],[450.0389404296875,52.68489074707031],[449.63446044921875,52.436912536621094],[449.2300109863281,52.188934326171875],[448.8255920410156,51.94098663330078],[448.421142578125,51.69300842285156],[448.0166931152344,51.445030212402344],[447.61224365234375,51.197052001953125],[447.207763671875,50.949073791503906],[446.8033752441406,50.70112609863281],[446.3988952636719,50.453147888183594],[445.99444580078125,50.205169677734375],[445.5899963378906,49.957191467285156],[445.1855773925781,49.70924758911133],[444.7811279296875,49.46126937866211],[444.37664794921875,49.21329116821289],[443.9721984863281,48.96531295776367],[443.5677490234375,48.71733474731445],[443.163330078125,48.46938705444336],[442.7588806152344,48.22140884399414],[442.35443115234375,47.97343063354492],[441.949951171875,47.7254524230957],[441.5455017089844,47.477474212646484],[441.1410827636719,47.229530334472656],[440.73663330078125,46.98155212402344],[440.3321838378906,46.73357391357422],[439.9277038574219,46.485595703125],[439.5233154296875,46.237648010253906],[439.11883544921875,45.98966979980469],[438.7143859863281,45.74169158935547],[438.3099365234375,45.49371337890625],[437.90545654296875,45.24573516845703],[437.5010681152344,44.99778747558594],[437.09661865234375,44.74980926513672],[436.692138671875,44.5018310546875],[436.2876892089844,44.25385284423828],[435.88323974609375,44.00587463378906],[435.47882080078125,43.757930755615234],[435.0743713378906,43.509952545166016],[434.6698913574219,43.2619743347168],[434.26544189453125,43.01399230957031],[433.8609924316406,42.76601791381836],[433.4565734863281,42.518070220947266],[433.0521240234375,42.27009201049805],[432.6476745605469,42.02211380004883],[432.24322509765625,41.774078369140625],[431.8388671875,41.52605438232422],[431.4344482421875,41.27799606323242],[431.0300598144531,41.029937744140625],[430.6256408691406,40.78187942504883],[430.2212219238281,40.53382110595703],[429.8168640136719,40.285797119140625],[429.4124450683594,40.037742614746094],[429.008056640625,39.78968048095703],[428.6036376953125,39.5416259765625],[428.19921875,39.2935676574707],[427.79486083984375,39.0455436706543],[427.39044189453125,38.7974853515625],[426.9860534667969,38.5494270324707],[426.5816345214844,38.301368713378906],[426.1772766113281,38.0533447265625],[425.7728576660156,37.8052864074707],[425.36846923828125,37.557228088378906],[424.96405029296875,37.309173583984375],[424.55963134765625,37.06111526489258],[424.1552734375,36.813087463378906],[423.7508544921875,36.565032958984375],[423.3464660644531,36.31697463989258],[422.9420471191406,36.06891632080078],[422.5376281738281,35.82086181640625],[422.1332702636719,35.57283401489258],[421.7288818359375,35.32477569580078],[421.324462890625,35.07672119140625],[420.9200439453125,34.82866287231445],[420.51568603515625,34.58063507080078],[420.11126708984375,34.33258056640625],[419.7068786621094,34.08452224731445],[419.3024597167969,33.836463928222656],[418.8980407714844,33.58840560913086],[418.4936828613281,33.34038162231445],[418.0892639160156,33.092323303222656],[417.68487548828125,32.844268798828125],[417.28045654296875,32.59621047973633],[416.87603759765625,32.34815216064453],[416.4716796875,32.100128173828125],[416.0672912597656,31.852069854736328],[415.6628723144531,31.60401153564453],[415.2584533691406,31.355953216552734],[414.8540344238281,31.10789680480957],[414.4496765136719,30.85987091064453],[414.0452880859375,30.611814498901367],[413.640869140625,30.36375617980957],[413.2364501953125,30.115699768066406],[412.83209228515625,29.867673873901367],[412.42767333984375,29.61961555480957],[412.0232849121094,29.371559143066406],[411.6188659667969,29.12350082397461],[411.2144470214844,28.875444412231445],[410.8100891113281,28.627418518066406],[410.40570068359375,28.37936019897461],[410.00128173828125,28.131303787231445],[409.59686279296875,27.88324546813965],[409.19244384765625,27.635189056396484],[408.7880859375,27.387163162231445],[408.3836975097656,27.13910675048828],[407.9792785644531,26.891048431396484],[407.5748596191406,26.642990112304688],[407.1705017089844,26.39496612548828],[406.7659606933594,26.14716148376465],[406.3608703613281,25.90022087097168],[405.9549865722656,25.654544830322266],[405.54833984375,25.410160064697266],[405.14093017578125,25.16716957092285],[404.732666015625,24.925506591796875],[404.3235168457031,24.685338973999023],[403.9135437011719,24.446653366088867],[403.502685546875,24.20939826965332],[403.09100341796875,23.973691940307617],[402.6784362792969,23.739500045776367],[402.26495361328125,23.50686264038086],[401.8505859375,23.27582550048828],[401.43536376953125,23.046457290649414],[401.0191955566406,22.818758010864258],[400.60205078125,22.59272003173828],[400.1839904785156,22.368452072143555],[399.76495361328125,22.145950317382812],[399.3450622558594,21.92532730102539],[398.9241027832031,21.706493377685547],[398.50213623046875,21.489612579345703],[398.0791320800781,21.27476692199707],[397.6551208496094,21.061893463134766],[397.2301940917969,20.85108757019043],[396.8042297363281,20.642314910888672],[396.37713623046875,20.435611724853516],[395.9490966796875,20.231077194213867],[395.51995849609375,20.02870750427246],[395.08990478515625,19.82860565185547],[394.6587219238281,19.630746841430664],[394.2264709472656,19.435197830200195],[393.79315185546875,19.242013931274414],[393.3588562011719,19.051265716552734],[392.92340087890625,18.862937927246094],[392.48681640625,18.6772518157959],[392.04913330078125,18.494234085083008],[391.6103820800781,18.313796997070312],[391.1705627441406,18.136056900024414],[390.7295837402344,17.960994720458984],[390.2876892089844,17.788394927978516],[389.8445739746094,17.618873596191406],[389.4003601074219,17.452245712280273],[388.9551086425781,17.288667678833008],[388.5086975097656,17.128042221069336],[388.06121826171875,16.970449447631836],[387.6126403808594,16.81598663330078],[387.16302490234375,16.664690017700195],[386.71234130859375,16.516613006591797],[386.26055908203125,16.371807098388672],[385.80767822265625,16.23040199279785],[385.3537292480469,16.092464447021484],[384.8988342285156,15.958023071289062],[384.44287109375,15.827098846435547],[383.98583984375,15.69975757598877],[383.52777099609375,15.576080322265625],[383.06878662109375,15.45614242553711],[382.60888671875,15.340009689331055],[382.1479187011719,15.227715492248535],[381.68603515625,15.119478225708008],[381.22320556640625,15.015235900878906],[380.7594909667969,14.915055274963379],[380.2948913574219,14.819008827209473],[379.8294677734375,14.72716236114502],[379.36322021484375,14.639588356018066],[378.8961486816406,14.556349754333496],[378.4283447265625,14.477523803710938],[377.9598388671875,14.403166770935059],[377.4905700683594,14.333386421203613],[377.02056884765625,14.26830005645752],[376.550048828125,14.20797348022461],[376.0789794921875,14.15179443359375],[375.6073913574219,14.10031795501709],[375.13531494140625,14.05270004272461],[374.66290283203125,14.009492874145508],[374.19012451171875,13.97000503540039],[373.71710205078125,13.934590339660645],[373.2437438964844,13.902854919433594],[372.7701110839844,13.874844551086426],[372.2962951660156,13.850590705871582],[371.82244873046875,13.829705238342285],[371.3482971191406,13.812719345092773],[370.87408447265625,13.798944473266602],[370.3997497558594,13.788860321044922],[369.92535400390625,13.782157897949219],[369.4510498046875,13.778777122497559],[368.9765930175781,13.779077529907227],[368.502197265625,13.78252124786377],[368.02783203125,13.789630889892578],[367.5534973144531,13.800073623657227],[367.079345703125,13.813849449157715],[366.6052551269531,13.831347465515137],[366.13128662109375,13.852057456970215],[365.657470703125,13.876555442810059],[365.1839294433594,13.904500961303711],[364.7105407714844,13.93600082397461],[364.23748779296875,13.971379280090332],[363.7646179199219,14.01017951965332],[363.2921447753906,14.053207397460938],[362.82012939453125,14.099817276000977],[362.3484191894531,14.15061092376709],[361.87713623046875,14.205416679382324],[361.40643310546875,14.264422416687012],[360.9362487792969,14.327847480773926],[360.4667663574219,14.39561939239502],[359.9979248046875,14.468193054199219],[359.5298156738281,14.545446395874023],[359.0626525878906,14.627812385559082],[358.596435546875,14.715343475341797],[358.13116455078125,14.808293342590332],[357.6671447753906,14.907151222229004],[357.20440673828125,15.011632919311523],[356.7431945800781,15.122781753540039],[356.2837219238281,15.240606307983398],[355.82586669921875,15.364880561828613],[355.36968994140625,15.495186805725098],[354.9152526855469,15.631478309631348],[354.4625244140625,15.773332595825195],[354.0115966796875,15.92055892944336],[353.5624084472656,16.073244094848633],[353.114990234375,16.230968475341797],[352.66937255859375,16.39377784729004],[352.2255554199219,16.561485290527344],[351.78369140625,16.733943939208984],[351.3435974121094,16.911176681518555],[350.9054260253906,17.092979431152344],[350.4691162109375,17.2794132232666],[350.03485107421875,17.470237731933594],[349.6025085449219,17.665597915649414],[349.1722106933594,17.865293502807617],[348.743896484375,18.06935691833496],[348.31768798828125,18.277795791625977],[347.89361572265625,18.490354537963867],[347.47174072265625,18.707368850708008],[347.0520324707031,18.92850685119629],[346.6346130371094,19.15402603149414],[346.2195129394531,19.383678436279297],[345.80682373046875,19.61757469177246],[345.39654541015625,19.855796813964844],[344.98870849609375,20.09819793701172],[344.5835266113281,20.344995498657227],[344.18096923828125,20.595956802368164],[343.78118896484375,20.851320266723633],[343.3841552734375,21.111053466796875],[342.9900207519531,21.375131607055664],[342.5989685058594,21.643705368041992],[342.2109069824219,21.916622161865234],[341.8262023925781,22.194252014160156],[341.44476318359375,22.47633171081543],[341.0668640136719,22.763103485107422],[340.6925048828125,23.054567337036133],[340.3219909667969,23.350738525390625],[339.955322265625,23.65184211730957],[339.5927734375,23.957796096801758],[339.2344970703125,24.26875114440918],[338.88067626953125,24.584739685058594],[338.5315246582031,24.905946731567383],[338.1872863769531,25.23241424560547],[337.8481750488281,25.56412124633789],[337.5145263671875,25.901399612426758],[337.18646240234375,26.244028091430664],[336.864501953125,26.592519760131836],[336.54876708984375,26.946605682373047],[336.23968505859375,27.306514739990234],[335.9374694824219,27.67228889465332],[335.63812255859375,28.040264129638672],[335.3389587402344,28.40848159790039],[335.0402526855469,28.777050018310547],[334.7419128417969,29.145902633666992],[334.44384765625,29.515016555786133],[334.1463623046875,29.88447380065918],[333.8489990234375,30.254133224487305],[333.55224609375,30.624353408813477],[333.25567626953125,30.994619369506836],[332.9596862792969,31.36530876159668],[332.6639404296875,31.73627471923828],[332.3685607910156,32.107547760009766],[332.07366943359375,32.479164123535156],[331.7790222167969,32.850990295410156],[331.4849548339844,33.223289489746094],[331.1910705566406,33.595699310302734],[330.89776611328125,33.96858215332031],[330.604736328125,34.341678619384766],[330.3121032714844,34.71510696411133],[330.01995849609375,35.088844299316406],[329.72796630859375,35.46278381347656],[329.4366455078125,35.837242126464844],[329.1455078125,36.211856842041016],[328.8549499511719,36.58680725097656],[328.564697265625,36.96208572387695],[328.2747497558594,37.337608337402344],[327.98541259765625,37.71355056762695],[327.6962890625,38.08973693847656],[327.4080810546875,38.46650314331055],[327.11981201171875,38.843318939208984],[326.8315734863281,39.220130920410156],[326.54412841796875,39.59756088256836],[326.2569580078125,39.9752197265625],[325.97039794921875,40.35325241088867],[325.68414306640625,40.73155975341797],[325.3982238769531,41.11015701293945],[325.11285400390625,41.489139556884766],[324.8277893066406,41.86829376220703],[324.5435485839844,42.248130798339844],[324.25927734375,42.62796401977539],[323.9750061035156,43.0078010559082],[323.6918640136719,43.38852310180664],[323.4089660644531,43.769287109375],[323.1260070800781,44.15010070800781],[322.8438720703125,44.531471252441406],[322.56219482421875,44.91324234008789],[322.2805480957031,45.29500961303711],[321.9994201660156,45.67707824707031],[321.7190246582031,46.05978775024414],[321.43865966796875,46.44249725341797],[321.158447265625,46.82538986206055],[320.87933349609375,47.209022521972656],[320.6002502441406,47.59260559082031],[320.3211364746094,47.97623825073242],[320.0432434082031,48.36071014404297],[319.765380859375,48.745243072509766],[319.4875183105469,49.129722595214844],[319.2106018066406,49.514949798583984],[318.9339294433594,49.900352478027344],[318.65728759765625,50.2857551574707],[318.38134765625,50.67173767089844],[318.1059265136719,51.05794906616211],[317.8304443359375,51.444210052490234],[317.5555725097656,51.83085632324219],[317.2812805175781,52.21794128417969],[317.0069580078125,52.60502624511719],[316.73309326171875,52.99238586425781],[316.4599304199219,53.380279541015625],[316.186767578125,53.76816940307617],[315.9139099121094,54.15623092651367],[315.6418762207031,54.54484558105469],[315.36981201171875,54.933509826660156],[315.097900390625,55.32231903076172],[314.826904296875,55.711734771728516],[314.555908203125,56.10115432739258],[314.2850341796875,56.490562438964844],[314.0151062011719,56.88071060180664],[313.74517822265625,57.27085494995117],[313.4752502441406,57.66100311279297],[313.206298828125,58.051841735839844],[312.9373779296875,58.442626953125],[312.66845703125,58.833465576171875],[312.400390625,59.22492218017578],[312.1324157714844,59.616416931152344],[311.8644714355469,60.00786209106445],[311.5973205566406,60.399864196777344],[311.3302917480469,60.791996002197266],[311.063232421875,61.18412780761719],[310.796875,61.57678985595703],[310.53076171875,61.9694709777832],[310.26458740234375,62.36220169067383],[309.99908447265625,62.7553596496582],[309.7337646484375,63.14866256713867],[309.46844482421875,63.54196548461914],[309.2037353515625,63.93561553955078],[308.939208984375,64.32946014404297],[308.6747131347656,64.72329711914062],[308.41070556640625,65.11744689941406],[308.1469421386719,65.51179504394531],[307.8832092285156,65.90608978271484],[307.6199035644531,66.30073547363281],[307.3568420410156,66.695556640625],[307.0937805175781,67.09037780761719],[306.8311767578125,67.48539733886719],[306.56878662109375,67.88065338134766],[306.306396484375,68.27591705322266],[306.0443420410156,68.67140197753906],[305.7825622558594,69.06706237792969],[305.52081298828125,69.4626693725586],[305.2593078613281,69.8585205078125],[304.9980773925781,70.25455474853516],[304.7368469238281,70.65058898925781],[304.47589111328125,71.04679870605469],[304.2152099609375,71.44312286376953],[303.95452880859375,71.83950805664062],[303.694091796875,72.23607635498047],[303.4340515136719,72.63289642333984],[303.174072265625,73.0296630859375],[302.9140319824219,73.42648315429688],[302.6540222167969,73.82330322265625],[302.39398193359375,74.22012329101562],[302.1341552734375,74.6170883178711],[301.8748779296875,75.01432037353516],[301.6155700683594,75.41161346435547],[301.35626220703125,75.80889892578125],[301.0969543457031,76.20618438720703],[300.837646484375,76.60347747802734],[300.5784606933594,77.00079345703125],[300.31982421875,77.39852142333984],[300.0611877441406,77.79625701904297],[299.80255126953125,78.19398498535156],[299.5439758300781,78.59166717529297],[299.28533935546875,78.9894027709961],[299.0267028808594,79.38713836669922],[298.76806640625,79.78486633300781],[298.50946044921875,80.18260192871094],[298.2508544921875,80.58028411865234],[297.9922180175781,80.97801208496094],[297.73358154296875,81.37574768066406],[297.4749755859375,81.77348327636719],[297.2165222167969,82.1712875366211],[296.9581604003906,82.56912231445312],[296.69976806640625,82.96701049804688],[296.44140625,83.36489868164062],[296.1830139160156,83.76278686523438],[295.9246520996094,84.1606216430664],[295.666259765625,84.55850982666016],[295.4078674316406,84.9563980102539],[295.14947509765625,85.35428619384766],[294.8910827636719,85.7521743774414],[294.6327209472656,86.15000915527344],[294.37432861328125,86.54789733886719],[294.1159362792969,86.94577026367188],[293.85723876953125,87.34346008300781],[293.5985412597656,87.74114990234375],[293.3398742675781,88.1387939453125],[293.0812072753906,88.53648376464844],[292.822509765625,88.93417358398438],[292.5638122558594,89.33186340332031],[292.3048400878906,89.72940826416016],[292.04571533203125,90.12676239013672],[291.7865905761719,90.52416229248047],[291.5274658203125,90.92156982421875],[291.268310546875,91.3189697265625],[291.00921630859375,91.71631622314453],[290.75006103515625,92.11368560791016],[290.49029541015625,92.51068115234375],[290.2305603027344,92.90768432617188],[289.9707946777344,93.30467987060547],[289.7110595703125,93.70162963867188],[289.4513244628906,94.09862518310547],[289.1915588378906,94.4956283569336],[288.9314880371094,94.89244079589844],[288.67095947265625,95.2889404296875],[288.41046142578125,95.68538665771484],[288.1499328613281,96.08187866210938],[287.8894348144531,96.47837829589844],[287.62890625,96.87487030029297],[287.368408203125,97.27131652832031],[287.1072692871094,97.66741180419922],[286.8458251953125,98.06330108642578],[286.5843811035156,98.45918273925781],[286.32293701171875,98.85507202148438],[286.0615234375,99.25090789794922],[285.8000793457031,99.64679718017578],[285.53863525390625,100.04268646240234],[285.27655029296875,100.43816375732422],[285.0143127441406,100.83353424072266],[284.75213623046875,101.22885131835938],[284.48974609375,101.62405395507812],[284.2269592285156,102.01905059814453],[283.9642028808594,102.41405487060547],[283.7014465332031,102.80900573730469],[283.4381408691406,103.20370483398438],[283.1747741699219,103.59831237792969],[282.9114074707031,103.99291229248047],[282.6478576660156,104.38738250732422],[282.3839111328125,104.78152465820312],[282.1199035644531,105.17571258544922],[281.8559265136719,105.56990814208984],[281.5914611816406,105.96382141113281],[281.3268127441406,106.35757446289062],[281.0622253417969,106.75128936767578],[280.7975158691406,107.14501190185547],[280.5321960449219,107.53831481933594],[280.26690673828125,107.9316177368164],[280.0015869140625,108.32492065429688],[279.7366027832031,108.7183609008789],[279.4754638671875,109.11449432373047],[279.21905517578125,109.51364135742188],[278.96759033203125,109.91594696044922],[278.7209777832031,110.3211441040039],[278.4791564941406,110.72931671142578],[278.2423400878906,111.140380859375],[278.01025390625,111.55419921875],[277.783203125,111.97076416015625],[277.56109619140625,112.38988494873047],[277.3438720703125,112.8116455078125],[277.1317138671875,113.23601531982422],[276.92449951171875,113.66275024414062],[276.722412109375,114.09197235107422],[276.525390625,114.52351379394531],[276.3333740234375,114.95733642578125],[276.1466979980469,115.39347076416016],[275.9650573730469,115.83174896240234],[275.7887878417969,116.27215576171875],[275.6177978515625,116.7147216796875],[275.4520263671875,117.15918731689453],[275.2919006347656,117.60579681396484],[275.1370849609375,118.0542221069336],[274.98785400390625,118.5045394897461],[274.84429931640625,118.95671844482422],[274.706298828125,119.41059112548828],[274.5741882324219,119.86627960205078],[274.4478454589844,120.32352447509766],[274.3274230957031,120.78236389160156],[274.2130432128906,121.24279022216797],[274.10467529296875,121.70464324951172],[274.00262451171875,122.16799926757812],[273.9067077636719,122.63255310058594],[273.81732177734375,123.09846496582031],[273.7343444824219,123.56561279296875],[273.6580505371094,124.03384399414062],[273.5884704589844,124.50309753417969],[273.5256652832031,124.97328186035156],[273.4699401855469,125.44441986083984],[273.421142578125,125.91634368896484],[273.3797912597656,126.38892364501953],[273.3456115722656,126.86215209960938],[273.31915283203125,127.33574676513672],[273.300048828125,127.80978393554688],[273.2890319824219,128.28408813476562],[273.2856750488281,128.75851440429688],[273.29071044921875,129.23287963867188],[273.3037109375,129.70706176757812],[273.3253479003906,130.1809539794922],[273.35540771484375,130.65447998046875],[273.394287109375,131.12728881835938],[273.4419250488281,131.5992431640625],[273.49859619140625,132.07022094726562],[273.5587463378906,132.5408477783203],[273.6153564453125,133.0118865966797],[273.6681213378906,133.4833526611328],[273.71697998046875,133.95516967773438],[273.76190185546875,134.42745971679688],[273.8028564453125,134.90011596679688],[273.83978271484375,135.3730926513672],[273.87261962890625,135.84637451171875],[273.9013671875,136.3198699951172],[273.9259338378906,136.7936553955078],[273.9462585449219,137.26766967773438],[273.9623107910156,137.74179077148438],[273.973876953125,138.2160186767578],[273.98101806640625,138.69036865234375],[273.98370361328125,139.164794921875],[273.98193359375,139.6392364501953],[273.97552490234375,140.1136016845703],[273.9643249511719,140.5878448486328],[273.9484558105469,141.06199645996094],[273.9278259277344,141.53594970703125],[273.9022521972656,142.00967407226562],[273.8716735839844,142.48313903808594],[273.8361511230469,142.9561767578125],[273.79559326171875,143.4288330078125],[273.7496643066406,143.9010467529297],[273.6986389160156,144.37271118164062],[273.6422424316406,144.84371948242188],[273.58038330078125,145.31410217285156],[273.5132141113281,145.7837371826172],[273.44024658203125,146.25250244140625],[273.36181640625,146.72042846679688],[273.2774658203125,147.1871795654297],[273.1874084472656,147.65301513671875],[273.0913391113281,148.1175994873047],[272.9894104003906,148.58091735839844],[272.8811950683594,149.04281616210938],[272.7669982910156,149.5032501220703],[272.64630126953125,149.9620819091797],[272.5193786621094,150.41917419433594],[272.3858947753906,150.8744659423828],[272.245849609375,151.32772827148438],[272.0992126464844,151.77886962890625],[271.9457092285156,152.22776794433594],[271.7853698730469,152.67428588867188],[271.6181640625,153.1182098388672],[271.4438781738281,153.55943298339844],[271.2623291015625,153.9977569580078],[271.0735778808594,154.43296813964844],[270.8775329589844,154.86497497558594],[270.6740417480469,155.29356384277344],[270.4630432128906,155.7184295654297],[270.244384765625,156.139404296875],[270.0179748535156,156.55633544921875],[269.7838439941406,156.96896362304688],[269.5419006347656,157.3769989013672],[269.29205322265625,157.7802276611328],[269.0341796875,158.178466796875],[268.768310546875,158.5713653564453],[268.4943542480469,158.95867919921875],[268.2123107910156,159.34010314941406],[267.9220886230469,159.71536254882812],[267.6236877441406,160.08419799804688],[267.317138671875,160.4462890625],[267.0024108886719,160.80130004882812],[266.6796569824219,161.1488494873047],[266.3487548828125,161.4888153076172],[266.00970458984375,161.82066345214844],[265.6627197265625,162.1441650390625],[265.307861328125,162.45909118652344],[264.94537353515625,162.76498413085938],[264.57513427734375,163.06167602539062],[264.1973571777344,163.34864807128906],[263.81231689453125,163.6256866455078],[263.42010498046875,163.89256286621094],[263.02105712890625,164.14903259277344],[262.6152038574219,164.39474487304688],[262.2029113769531,164.62936401367188],[261.784423828125,164.85279846191406],[261.3600769042969,165.06484985351562],[260.9300842285156,165.2653045654297],[260.4947814941406,165.45379638671875],[260.05450439453125,165.6304473876953],[259.6095275878906,165.79510498046875],[259.1603698730469,165.9476318359375],[258.7071838378906,166.08782958984375],[258.2503967285156,166.21578979492188],[257.7903137207031,166.33155822753906],[257.3273620605469,166.4351043701172],[256.8618469238281,166.5264892578125],[256.39410400390625,166.60574340820312],[255.92446899414062,166.6728515625],[255.4532928466797,166.72804260253906],[254.98095703125,166.7714385986328],[254.50759887695312,166.80331420898438],[254.03392028808594,166.82969665527344],[253.5602264404297,166.85609436035156],[253.0864715576172,166.88079833984375],[252.61273193359375,166.90541076660156],[252.1388702392578,166.92855834960938],[251.6649932861328,166.9513702392578],[251.19105529785156,166.9729461669922],[250.7170867919922,166.99398803710938],[250.2431640625,167.01393127441406],[249.7691192626953,167.033203125],[249.29505920410156,167.05148315429688],[248.82095336914062,167.0689697265625],[248.34689331054688,167.0855712890625],[247.8727264404297,167.10128784179688],[247.3985137939453,167.1162109375],[246.92430114746094,167.1301727294922],[246.45004272460938,167.1433563232422],[245.975830078125,167.1555633544922],[245.50155639648438,167.1669921875],[245.02725219726562,167.17747497558594],[244.55291748046875,167.18714904785156],[244.0785675048828,167.19593811035156],[243.6042938232422,167.20382690429688],[243.1299285888672,167.21090698242188],[242.655517578125,167.21701049804688],[242.18112182617188,167.222412109375],[241.70677185058594,167.22674560546875],[241.23236083984375,167.23049926757812],[240.7579345703125,167.23304748535156],[240.28350830078125,167.2351837158203],[239.80908203125,167.2359619140625],[239.334716796875,167.2364959716797],[238.86032104492188,167.23553466796875],[238.38589477539062,167.234375],[237.91148376464844,167.23179626464844],[237.43707275390625,167.2288818359375],[236.9627227783203,167.22479248046875],[236.48829650878906,167.22015380859375],[236.01390075683594,167.21461486816406],[235.53952026367188,167.2082977294922],[235.0651397705078,167.2013397216797],[234.59083557128906,167.19338989257812],[234.11647033691406,167.18504333496094],[233.64219665527344,167.1754913330078],[233.1678466796875,167.16567993164062],[232.693603515625,167.15469360351562],[232.21932983398438,167.14334106445312],[231.7450714111328,167.13111877441406],[231.27078247070312,167.1182861328125],[230.79653930664062,167.10482788085938],[230.3223876953125,167.090576171875],[229.8481903076172,167.07598876953125],[229.3740692138672,167.06039428710938],[228.89987182617188,167.0445556640625],[228.4257354736328,167.02783203125],[227.9517059326172,167.0107421875],[227.4776153564453,166.99301147460938],[227.00350952148438,166.9747314453125],[226.52944946289062,166.9561004638672],[226.05552673339844,166.9367218017578],[225.58145141601562,166.91712951660156],[225.1074676513672,166.89682006835938],[224.6334991455078,166.87625122070312],[224.1595458984375,166.85519409179688],[223.68569946289062,166.83355712890625],[223.21177673339844,166.81150817871094],[222.7378692626953,166.78945922851562],[222.26393127441406,166.76731872558594],[221.79006958007812,166.74415588378906],[221.31626892089844,166.72097778320312],[220.8424072265625,166.69781494140625],[220.3685760498047,166.67416381835938],[219.89474487304688,166.650146484375],[219.42098999023438,166.62612915039062],[218.94720458984375,166.60208129882812],[218.47341918945312,166.57730102539062],[217.99964904785156,166.5525360107422],[217.52586364746094,166.5277557373047],[217.05213928222656,166.50299072265625],[216.578369140625,166.47821044921875],[216.10458374023438,166.4534454345703],[215.6308135986328,166.4286651611328],[215.1570587158203,166.4037628173828],[214.683349609375,166.37884521484375],[214.20957946777344,166.3539276123047],[213.73580932617188,166.3290252685547],[213.2620391845703,166.30410766601562],[212.78826904296875,166.27919006347656],[212.31454467773438,166.25428771972656],[211.84072875976562,166.22982788085938],[211.36692810058594,166.2054443359375],[210.89312744140625,166.18106079101562],[210.41937255859375,166.15684509277344],[209.94554138183594,166.1331329345703],[209.47171020507812,166.10943603515625],[208.9978790283203,166.08572387695312],[208.52401733398438,166.0625457763672],[208.05020141601562,166.0397491455078],[207.57632446289062,166.01695251464844],[207.10244750976562,165.99415588378906],[206.62852478027344,165.9723663330078],[206.15460205078125,165.95069885253906],[205.68072509765625,165.9290313720703],[205.20680236816406,165.9075164794922],[204.73281860351562,165.88682556152344],[204.2588348388672,165.86631774902344],[203.78488159179688,165.8463592529297],[203.3108367919922,165.82667541503906],[202.83680725097656,165.80746459960938],[202.36277770996094,165.7886199951172],[201.8887176513672,165.77023315429688],[201.41470336914062,165.7522735595703],[200.9405975341797,165.7347412109375],[200.46646118164062,165.71771240234375],[199.99232482910156,165.70108032226562],[199.51817321777344,165.6850128173828],[199.0440673828125,165.6693115234375],[198.56988525390625,165.6542205810547],[198.09568786621094,165.63949584960938],[197.6215362548828,165.6242218017578],[197.1475372314453,165.6052703857422],[196.6736602783203,165.58265686035156],[196.20001220703125,165.5557403564453],[195.7265167236328,165.52523803710938],[195.25341796875,165.490478515625],[194.7805633544922,165.45220947265625],[194.3080596923828,165.40972900390625],[193.8358917236328,165.36383056640625],[193.36410522460938,165.31381225585938],[192.89268493652344,165.26046752929688],[192.4217987060547,165.2030487060547],[191.9512939453125,165.14234924316406],[191.4812774658203,165.0776824951172],[191.01170349121094,165.00982666015625],[190.54273986816406,164.93809509277344],[190.07435607910156,164.8632354736328],[189.60650634765625,164.7845916748047],[189.13914489746094,164.70286560058594],[188.67250061035156,164.61749267578125],[188.2064208984375,164.52908325195312],[187.74099731445312,164.4371337890625],[187.27613830566406,164.3422088623047],[186.81204223632812,164.24386596679688],[186.34852600097656,164.14259338378906],[185.88584899902344,164.03799438476562],[185.42373657226562,163.93055725097656],[184.96243286132812,163.81988525390625],[184.5017852783203,163.7064666748047],[184.0419158935547,163.58985900878906],[183.58279418945312,163.47059631347656],[183.1243896484375,163.34825134277344],[182.6667022705078,163.2233123779297],[182.2098846435547,163.09539794921875],[181.75375366210938,162.96498107910156],[181.29844665527344,162.83164978027344],[180.84390258789062,162.69589233398438],[180.39013671875,162.55731201171875],[179.93716430664062,162.4163818359375],[179.4850616455078,162.27272033691406],[179.0336151123047,162.1267547607422],[178.5830535888672,161.9781494140625],[178.13328552246094,161.82737731933594],[177.68434143066406,161.6739959716797],[177.2361602783203,161.5185089111328],[176.78883361816406,161.3604736328125],[176.3422088623047,161.200439453125],[175.89646911621094,161.03793334960938],[175.4515380859375,160.87350463867188],[175.0073699951172,160.70668029785156],[174.56398010253906,160.53793334960938],[174.12142944335938,160.36695861816406],[173.6796417236328,160.19412231445312],[173.2386932373047,160.01913452148438],[172.79849243164062,159.84230041503906],[172.3590850830078,159.66342163085938],[171.92037963867188,159.4827117919922],[171.48255920410156,159.30010986328125],[171.0454559326172,159.11572265625],[170.60916137695312,158.9294891357422],[170.1735076904297,158.7415008544922],[169.7386932373047,158.55177307128906],[169.3046112060547,158.3603515625],[168.871337890625,158.16729736328125],[168.43870544433594,157.9725341796875],[168.00677490234375,157.7761993408203],[167.57565307617188,157.57827758789062],[167.14520263671875,157.3788604736328],[166.715576171875,157.17762756347656],[166.28643798828125,156.9753875732422],[165.858154296875,156.7713165283203],[165.4304962158203,156.5658416748047],[165.00350952148438,156.35919189453125],[164.57705688476562,156.15130615234375],[164.15147399902344,155.94163513183594],[163.7265167236328,155.7307891845703],[163.30203247070312,155.518798828125],[162.8782501220703,155.30567932128906],[162.45523071289062,155.0909423828125],[162.03271484375,154.8751220703125],[161.61077880859375,154.65829467773438],[161.189453125,154.44033813476562],[160.76876831054688,154.220947265625],[160.3485870361328,154.0006103515625],[159.928955078125,153.7793426513672],[159.50987243652344,153.55697631835938],[159.09127807617188,153.33380126953125],[158.6726837158203,153.11048889160156],[158.25418090820312,152.88705444335938],[157.83584594726562,152.6632537841797],[157.4175262451172,152.43946838378906],[156.99942016601562,152.2153778076172],[156.58135986328125,151.9910888671875],[156.16334533691406,151.76678466796875],[155.74554443359375,151.5419921875],[155.32781982421875,151.31723022460938],[154.91014099121094,151.09219360351562],[154.4926300048828,150.8668975830078],[154.07510375976562,150.64158630371094],[153.65782165527344,150.41583251953125],[153.2406463623047,150.19004821777344],[152.82347106933594,149.9640655517578],[152.40650939941406,149.73773193359375],[151.9895477294922,149.5113983154297],[151.57284545898438,149.2847137451172],[151.15623474121094,149.05787658691406],[150.7395782470703,148.83090209960938],[150.3231964111328,148.603515625],[149.90682983398438,148.37612915039062],[149.49061584472656,148.14840698242188],[149.0745849609375,147.9205322265625],[148.6585235595703,147.69259643554688],[148.2427215576172,147.46414184570312],[147.82691955566406,147.2356719970703],[147.4113311767578,147.00697326660156],[146.99583435058594,146.77796936035156],[146.58033752441406,146.5489501953125],[146.16513061523438,146.3194122314453],[145.74993896484375,146.08984375],[145.33494567871094,145.860107421875],[144.92005920410156,145.62998962402344],[144.5051727294922,145.39988708496094],[144.09056091308594,145.1692657470703],[143.6759796142578,144.9385986328125],[143.26158142089844,144.707763671875],[142.84732055664062,144.47653198242188],[142.4330596923828,144.24530029296875],[142.01905822753906,144.0135955810547],[141.6051788330078,143.7818145751953],[141.1913299560547,143.54983520507812],[140.7777099609375,143.3174591064453],[140.3640899658203,143.08506774902344],[139.95068359375,142.85223388671875],[139.53744506835938,142.61929321289062],[139.124267578125,142.38621520996094],[138.7113037109375,142.1526641845703],[138.29833984375,141.91912841796875],[137.88563537597656,141.6851806640625],[137.47305297851562,141.45108032226562],[137.06045532226562,141.216796875],[136.64816284179688,140.98208618164062],[136.23587036132812,140.7473602294922],[135.82386779785156,140.5122528076172],[135.4119110107422,140.2769317626953],[135.00003051757812,140.04150390625],[134.58840942382812,139.80560302734375],[134.1768035888672,139.56968688964844],[133.76547241210938,139.33338928222656],[133.3542022705078,139.0968780517578],[132.9429931640625,138.86024475097656],[132.53207397460938,138.62313842773438],[132.12115478515625,138.38601684570312],[131.7105712890625,138.14854431152344],[131.3000030517578,137.9108123779297],[130.8894805908203,137.67295837402344],[130.47926330566406,137.4346160888672],[130.06906127929688,137.19627380371094],[129.65914916992188,136.95755004882812],[129.24929809570312,136.71859741210938],[128.83949279785156,136.47950744628906],[128.42999267578125,136.23992919921875],[128.0205535888672,136.00039672851562],[127.61129760742188,135.76039123535156],[127.20215606689453,135.5202178955078],[126.79312133789062,135.2799072265625],[126.38435363769531,135.03909301757812],[125.97563934326172,134.79832458496094],[125.5671157836914,134.5570526123047],[125.15870666503906,134.3156280517578],[124.75040435791016,134.0740509033203],[124.34236907958984,133.83200073242188],[123.93439483642578,133.5899658203125],[123.52664947509766,133.3474578857422],[123.11898803710938,133.1047821044922],[122.71145629882812,132.86195373535156],[122.3042221069336,132.61866760253906],[121.89694213867188,132.37535095214844],[121.48991394042969,132.13153076171875],[121.0830078125,131.88758850097656],[120.67622375488281,131.6434783935547],[120.26974487304688,131.39894104003906],[119.86322021484375,131.1543731689453],[119.45700073242188,130.9093017578125],[119.05085754394531,130.66409301757812],[118.64482116699219,130.418701171875],[118.2391128540039,130.17288208007812],[117.8333511352539,129.9270477294922],[117.42791748046875,129.68069458007812],[117.02254486083984,129.43421936035156],[116.61734771728516,129.1875762939453],[116.21236419677734,128.9404754638672],[115.807373046875,128.693359375],[115.40266418457031,128.44569396972656],[114.99806213378906,128.1979522705078],[114.59368133544922,127.95004272460938],[114.1894760131836,127.70165252685547],[113.78527069091797,127.45326232910156],[113.3813705444336,127.20433044433594],[112.97755432128906,126.95531463623047],[112.57392883300781,126.70610809326172],[112.17050170898438,126.45645141601562],[111.76707458496094,126.20679473876953],[111.36397552490234,125.95659637451172],[110.96094512939453,125.706298828125],[110.55811309814453,125.45581817626953],[110.15547943115234,125.20488739013672],[109.75284576416016,124.95394897460938],[109.35052490234375,124.70246887207031],[108.9483413696289,124.450927734375],[108.5462646484375,124.19917297363281],[108.1444320678711,123.94696044921875],[107.74259948730469,123.69474792480469],[107.34107208251953,123.4420166015625],[106.93968963623047,123.18920135498047],[106.53840637207031,122.93618774414062],[106.13737487792969,122.68270874023438],[105.73633575439453,122.42922973632812],[105.33560180664062,122.17524719238281],[104.93502044677734,121.9211654663086],[104.53445434570312,121.66686248779297],[104.13422393798828,121.41211700439453],[103.73399353027344,121.15736389160156],[103.33416748046875,120.9022216796875],[102.93434143066406,120.64683532714844],[102.53457641601562,120.39130401611328],[102.13514709472656,120.13529968261719],[101.73572540283203,119.87928771972656],[101.33663940429688,119.62289428710938],[100.9376220703125,119.36625671386719],[100.53866577148438,119.10952758789062],[100.14004516601562,118.85226440429688],[99.7414321899414,118.59500122070312],[99.34309387207031,118.33738708496094],[98.94487762451172,118.07949829101562],[98.54666900634766,117.82156372070312],[98.14886474609375,117.56304931640625],[97.75110626220703,117.3045654296875],[97.3534927368164,117.04573059082031],[96.95609283447266,116.7865982055664],[96.55868530273438,116.5274658203125],[96.16170501708984,116.26776885986328],[95.76475524902344,116.00804901123047],[95.3678970336914,115.74805450439453],[94.97130584716797,115.48768615722656],[94.57470703125,115.2273178100586],[94.17845153808594,114.96644592285156],[93.78231048583984,114.70550537109375],[93.38626861572266,114.44413757324219],[92.99339294433594,114.17827606201172],[92.60460662841797,113.9064712524414],[92.21989440917969,113.62885284423828],[91.83940887451172,113.34565734863281],[91.46296691894531,113.05682373046875],[91.09075164794922,112.7625961303711],[90.72293090820312,112.46319580078125],[90.35920715332031,112.15839385986328],[90.00004577636719,111.84859466552734],[89.64517974853516,111.53367614746094],[89.29480743408203,111.21382904052734],[88.94895935058594,110.88910675048828],[88.60769653320312,110.55952453613281],[88.27113342285156,110.22516632080078],[87.93937683105469,109.88613891601562],[87.61246490478516,109.54230499267578],[87.2906265258789,109.1938247680664],[86.97376251220703,108.84062194824219],[86.66221618652344,108.4829330444336],[86.35599517822266,108.12064361572266],[86.05522155761719,107.75373840332031],[85.76014709472656,107.38233184814453],[85.47075653076172,107.00619506835938],[85.18755340576172,106.62576293945312],[84.91046905517578,106.24069213867188],[84.6397476196289,105.8509750366211],[84.3757553100586,105.45687103271484],[84.11864471435547,105.05816650390625],[83.86868286132812,104.6549301147461],[83.626220703125,104.24723815917969],[83.39144897460938,103.83490753173828],[83.1648941040039,103.4182357788086],[82.94667053222656,102.99681854248047],[82.7374038696289,102.5711898803711],[82.537353515625,102.14102935791016],[82.34696960449219,101.70645141601562],[82.16681671142578,101.26769256591797],[81.99736022949219,100.82443237304688],[81.83929443359375,100.37725067138672],[81.69308471679688,99.92594146728516],[81.55933380126953,99.470703125],[81.43888092041016,99.0119400024414],[81.33403015136719,98.54936218261719],[81.25421142578125,98.08174133300781],[81.19828796386719,97.61064147949219],[81.16370391845703,97.1375503540039],[81.14825439453125,96.6634521484375],[81.15009307861328,96.1890869140625],[81.16767883300781,95.71493530273438],[81.19969177246094,95.24166107177734],[81.24507904052734,94.76942443847656],[81.30302429199219,94.29859161376953],[81.37236785888672,93.82937622070312],[81.45292663574219,93.36177825927734],[81.54376983642578,92.89615631103516],[81.64457702636719,92.43255615234375],[81.75501251220703,91.97118377685547],[81.87454986572266,91.51216888427734],[82.00308990478516,91.0554428100586],[82.14044952392578,90.60140228271484],[82.28636169433594,90.14996337890625],[82.440673828125,89.70136260986328],[82.60346984863281,89.25585174560547],[82.77474975585938,88.81327056884766],[82.95426940917969,88.3742904663086],[83.14236450195312,87.9385986328125],[83.33905029296875,87.50703430175781],[83.54442596435547,87.07945251464844],[83.75886535644531,86.6561279296875],[83.98248291015625,86.23785400390625],[84.21560668945312,85.8246078491211],[84.45881652832031,85.41728973388672],[84.71223449707031,85.01630401611328],[84.97677612304688,84.62242126464844],[85.2528305053711,84.23664855957031],[85.54119873046875,83.86011505126953],[85.84288024902344,83.49391174316406],[86.15870666503906,83.13993835449219],[86.48950958251953,82.79971313476562],[86.83318328857422,82.47283172607422],[87.18883514404297,82.15898132324219],[87.55559539794922,81.85804748535156],[87.93260192871094,81.57015228271484],[88.31926727294922,81.295166015625],[88.7145767211914,81.03298950195312],[89.11801147460938,80.78363800048828],[89.52916717529297,80.54668426513672],[89.947021484375,80.32215881347656],[90.37130737304688,80.10991668701172],[90.80136108398438,79.90979766845703],[91.23674774169922,79.72152709960938],[91.67709350585938,79.5449447631836],[92.12186431884766,79.3800048828125],[92.57089233398438,79.22650146484375],[93.02336883544922,79.08435821533203],[93.47930145263672,78.95335388183594],[93.93834686279297,78.83338928222656],[94.40006256103516,78.72440338134766],[94.8642578125,78.62635040283203],[95.33056640625,78.53914642333984],[95.79871368408203,78.46272277832031],[96.26863098144531,78.3969955444336],[96.7397689819336,78.34197998046875],[97.21210479736328,78.29765319824219],[97.68531799316406,78.26402282714844],[98.15904998779297,78.24113464355469],[98.63341522216797,78.22901153564453],[99.10779571533203,78.22779083251953],[99.58207702636719,78.23677062988281],[100.05642700195312,78.2481918334961],[100.53065490722656,78.25960540771484],[101.0050048828125,78.27102661132812],[101.47924041748047,78.2820053100586],[101.95348358154297,78.29291534423828],[102.42784118652344,78.3038330078125],[102.90206146240234,78.31452941894531],[103.37643432617188,78.32493591308594],[103.8506851196289,78.33534240722656],[104.32493591308594,78.34574127197266],[104.79938507080078,78.35563659667969],[105.27364349365234,78.36552429199219],[105.74803161621094,78.37541961669922],[106.22229766845703,78.38500213623047],[106.69657135009766,78.39437866210938],[107.17096710205078,78.40375518798828],[107.64517974853516,78.41302490234375],[108.11958312988281,78.42188262939453],[108.59386444091797,78.43072509765625],[109.06814575195312,78.4395751953125],[109.54265594482422,78.44801330566406],[110.0169448852539,78.45633697509766],[110.49136352539062,78.46466827392578],[110.96563720703125,78.47277069091797],[111.43993377685547,78.4805679321289],[111.91436004638672,78.48836517333984],[112.38864135742188,78.49613952636719],[112.86295318603516,78.5033950805664],[113.33738708496094,78.51065826416016],[113.81169128417969,78.5179214477539],[114.28609466552734,78.52481842041016],[114.76040649414062,78.53154754638672],[115.23472595214844,78.53826904296875],[115.70922088623047,78.5448226928711],[116.18354797363281,78.55101013183594],[116.65798950195312,78.55719757080078],[117.13231658935547,78.56339263916016],[117.60664367675781,78.56903839111328],[118.08110046386719,78.5746841430664],[118.55542755126953,78.58032989501953],[119.02981567382812,78.58560943603516],[119.504150390625,78.59071350097656],[119.97848510742188,78.59581756591797],[120.45303344726562,78.6007308959961],[120.92738342285156,78.60528564453125],[121.40184783935547,78.60983276367188],[121.87617492675781,78.61437225341797],[122.35052490234375,78.61837768554688],[122.82499694824219,78.62238311767578],[123.29934692382812,78.62639617919922],[123.7738037109375,78.62999725341797],[124.24816131591797,78.6334457397461],[124.7225112915039,78.63690185546875],[125.19695281982422,78.6401138305664],[125.67131042480469,78.64302062988281],[126.14579010009766,78.64591979980469],[126.62019348144531,78.64875030517578],[127.09455871582031,78.6511001586914],[127.56903839111328,78.6534423828125],[128.04339599609375,78.65579223632812],[128.5177764892578,78.65766906738281],[128.99224853515625,78.65946197509766],[129.46661376953125,78.6612548828125],[129.94102478027344,78.66273498535156],[130.41539001464844,78.66397094726562],[130.88975524902344,78.66520690917969],[131.36431884765625,78.6662826538086],[131.83868408203125,78.66696166992188],[132.31317138671875,78.66763305664062],[132.78753662109375,78.6683120727539],[133.26190185546875,78.6684341430664],[133.73638916015625,78.66854858398438],[134.21075439453125,78.66867065429688],[134.68524169921875,78.66838073730469],[135.15960693359375,78.66793823242188],[135.63397216796875,78.66749572753906],[136.1084442138672,78.66680145263672],[136.5828094482422,78.66580200195312],[137.0572967529297,78.66480255126953],[137.53163146972656,78.66370391845703],[138.0059814453125,78.66213989257812],[138.48046875,78.66058349609375],[138.954833984375,78.65902709960938],[139.42933654785156,78.65695190429688],[139.9036865234375,78.65483856201172],[140.3780517578125,78.65272521972656],[140.8524932861328,78.65023040771484],[141.3268585205078,78.6475601196289],[141.80133056640625,78.64488983154297],[142.27569580078125,78.64198303222656],[142.7500457763672,78.63875579833984],[143.2245330810547,78.63552856445312],[143.6988983154297,78.63221740722656],[144.17324829101562,78.62843322753906],[144.64772033691406,78.62464141845703],[145.1220703125,78.62085723876953],[145.59657287597656,78.6165771484375],[146.0709228515625,78.61224365234375],[146.54525756835938,78.60790252685547],[147.01962280273438,78.60321807861328],[147.4939727783203,78.59832000732422],[147.9684295654297,78.59342956542969],[148.44287109375,78.58832550048828],[148.91720581054688,78.5828857421875],[149.39166259765625,78.57744598388672],[149.86593627929688,78.57194519042969],[150.3403778076172,78.56595611572266],[150.81471252441406,78.55996704101562],[151.28903198242188,78.5539779663086],[151.7634735107422,78.54751586914062],[152.23779296875,78.54098510742188],[152.7122344970703,78.5344467163086],[153.1865997314453,78.527587890625],[153.66091918945312,78.5205078125],[154.13534545898438,78.513427734375],[154.60960388183594,78.50617218017578],[155.0840301513672,78.49855041503906],[155.55833435058594,78.49092864990234],[156.03271484375,78.4832763671875],[156.5071258544922,78.4751205444336],[156.98143005371094,78.46696472167969],[157.45571899414062,78.45880126953125],[157.93006896972656,78.45022583007812],[158.40435791015625,78.44153594970703],[158.87876892089844,78.43284606933594],[159.3530731201172,78.42388153076172],[159.8273468017578,78.41466522216797],[160.3017578125,78.40544128417969],[160.7760009765625,78.3960952758789],[161.25038146972656,78.38634490966797],[161.7246551513672,78.37659454345703],[162.19891357421875,78.36685180664062],[162.67335510253906,78.35660552978516],[163.14761352539062,78.34632873535156],[163.62197875976562,78.3360595703125],[164.09620666503906,78.32544708251953],[164.57044982910156,78.31465911865234],[165.04481506347656,78.30386352539062],[165.51904296875,78.29289245605469],[165.99339294433594,78.28158569335938],[166.46762084960938,78.27027893066406],[166.9418487548828,78.25894927978516],[167.41619873046875,78.24712371826172],[167.89041137695312,78.23531341552734],[168.36474609375,78.2234878540039],[168.8389434814453,78.21129608154297],[169.31314086914062,78.198974609375],[169.7874755859375,78.18665313720703],[170.2616424560547,78.17411804199219],[170.73594665527344,78.16129302978516],[171.21014404296875,78.14847564697266],[171.6843719482422,78.1355972290039],[172.15867614746094,78.12227630615234],[172.6328582763672,78.10896301269531],[173.10704040527344,78.09564971923828],[173.581298828125,78.08194732666016],[174.0554656982422,78.06814575195312],[174.5297393798828,78.05433654785156],[175.00392150878906,78.04031372070312],[175.4780731201172,78.0260238647461],[175.9523468017578,78.01173400878906],[176.42652893066406,77.99739837646484],[176.90078735351562,77.98262786865234],[177.3749237060547,77.96785736083984],[177.84906005859375,77.95308685302734],[178.32321166992188,77.9379653930664],[178.79733276367188,77.92272186279297],[179.27157592773438,77.90747833251953],[179.74571228027344,77.8920669555664],[180.21981811523438,77.87635803222656],[180.6940460205078,77.86064147949219],[181.16815185546875,77.84494018554688],[181.64236450195312,77.82876586914062],[182.116455078125,77.81259155273438],[182.59054565429688,77.79641723632812],[183.06472778320312,77.77996826171875],[183.53878784179688,77.76334381103516],[184.0129852294922,77.74671936035156],[184.48707580566406,77.73001098632812],[184.9611358642578,77.71292877197266],[185.43531799316406,77.69585418701172],[185.90936279296875,77.67877960205078],[186.38357543945312,77.6613540649414],[186.8576202392578,77.64384460449219],[187.3316650390625,77.62632751464844],[187.80577087402344,77.60865783691406],[188.27978515625,77.59071350097656],[188.75381469726562,77.57276153564453],[189.22796630859375,77.5548095703125],[189.7020263671875,77.53646087646484],[190.17616271972656,77.51807403564453],[190.65017700195312,77.49969482421875],[191.1242218017578,77.48111724853516],[191.5983428955078,77.46231079101562],[192.0723419189453,77.4435043334961],[192.54644775390625,77.42469787597656],[193.02029418945312,77.40548706054688],[193.49427795410156,77.38626861572266],[193.96836853027344,77.36705017089844],[194.44239807128906,77.34761810302734],[194.91648864746094,77.3279800415039],[195.39044189453125,77.308349609375],[195.8644256591797,77.28871154785156],[196.33848571777344,77.26868438720703],[196.8124237060547,77.2486572265625],[197.2864990234375,77.22862243652344],[197.7604522705078,77.2083969116211],[198.234375,77.18797302246094],[198.7084197998047,77.16754913330078],[199.18234252929688,77.14712524414062],[199.65631103515625,77.1263198852539],[200.13021850585938,77.10551452636719],[200.6041259765625,77.08470153808594],[201.07803344726562,77.06243133544922],[201.55125427246094,77.02896118164062],[202.02342224121094,76.98320770263672],[202.49435424804688,76.92599487304688],[202.9638214111328,76.85816192626953],[203.43199157714844,76.78038787841797],[203.8982391357422,76.69331359863281],[204.3628387451172,76.5978775024414],[204.82579040527344,76.49396514892578],[205.2869873046875,76.38256072998047],[205.74636840820312,76.26397705078125],[206.2038116455078,76.13838958740234],[206.6594696044922,76.00641632080078],[207.1133270263672,75.86836242675781],[207.56529235839844,75.72418975830078],[208.01553344726562,75.57442474365234],[208.4638671875,75.41938018798828],[208.91033935546875,75.25921630859375],[209.35513305664062,75.09391021728516],[209.79795837402344,74.92386627197266],[210.23907470703125,74.74919891357422],[210.6783905029297,74.5700912475586],[211.11587524414062,74.3866958618164],[211.5516815185547,74.19903564453125],[211.98544311523438,74.00727081298828],[212.4176788330078,73.81143951416016],[212.84796142578125,73.61178588867188],[213.2764434814453,73.40833282470703],[213.70327758789062,73.20108795166016],[214.12820434570312,72.99024963378906],[214.55145263671875,72.77568054199219],[214.97268676757812,72.55756378173828],[215.39207458496094,72.3359375],[215.80972290039062,72.11076354980469],[216.22537231445312,71.8822250366211],[216.63925170898438,71.65018463134766],[217.0511016845703,71.41478729248047],[217.4609375,71.17584228515625],[217.8688507080078,70.93343353271484],[218.27456665039062,70.68770599365234],[218.67819213867188,70.43856811523438],[219.0798797607422,70.1858139038086],[219.47898864746094,69.92961120605469],[219.87606811523438,69.66971588134766],[220.2706298828125,69.40637969970703],[220.66265869140625,69.13931274414062],[221.05215454101562,68.86839294433594],[221.43894958496094,68.59373474121094],[221.8228759765625,68.3149642944336],[222.20370483398438,68.0322494506836],[222.58140563964844,67.74525451660156],[222.95579528808594,67.4537353515625],[223.32650756835938,67.15763854980469],[223.69329833984375,66.85679626464844],[224.05580139160156,66.55068969726562],[224.41366577148438,66.23943328857422],[224.76904296875,65.92501831054688],[225.1233673095703,65.6095962524414],[225.4766845703125,65.29300689697266],[225.82891845703125,64.97513580322266],[226.17970275878906,64.65582275390625],[226.52926635742188,64.33507537841797],[226.8774871826172,64.01289367675781],[227.22422790527344,63.68914794921875],[227.5692596435547,63.363521575927734],[227.9126739501953,63.03617858886719],[228.2544403076172,62.707035064697266],[228.5941619873047,62.37605285644531],[228.93186950683594,62.04286575317383],[229.2676544189453,61.7076301574707],[229.60130310058594,61.370399475097656],[229.9324493408203,61.03071212768555],[230.26124572753906,60.688785552978516],[230.5877227783203,60.34455108642578],[230.91151428222656,59.99778366088867],[231.23260498046875,59.64860916137695],[231.55078125,59.296546936035156],[231.86614990234375,58.9422492980957],[232.17831420898438,58.5850944519043],[232.48745727539062,58.225135803222656],[232.79331970214844,57.86249923706055],[233.0957794189453,57.49688720703125],[233.3946990966797,57.12864303588867],[233.6900634765625,56.75746536254883],[233.98178100585938,56.38326644897461],[234.26976013183594,56.00624084472656],[234.5537872314453,55.626216888427734],[234.8338623046875,55.2432746887207],[235.1099090576172,54.85750961303711],[235.38174438476562,54.468658447265625],[235.6494140625,54.077003479003906],[235.91278076171875,53.6823844909668],[236.17172241210938,53.284976959228516],[236.42637634277344,52.88462448120117],[236.67642211914062,52.48142623901367],[236.92198181152344,52.07563400268555],[237.1628875732422,51.666927337646484],[237.3992919921875,51.25558853149414],[237.63092041015625,50.84164810180664],[237.8579864501953,50.42499923706055],[238.08023071289062,50.005943298339844],[238.29788208007812,49.5843391418457],[238.51072692871094,49.1602783203125],[238.71888732910156,48.73407745361328],[238.92227172851562,48.305381774902344],[239.1210479736328,47.87467575073242],[239.31504821777344,47.4417610168457],[239.50494384765625,47.00701141357422],[239.69058227539062,46.57046127319336],[239.87176513671875,46.13186264038086],[240.04879760742188,45.691776275634766],[240.22125244140625,45.249942779541016],[240.38954162597656,44.806243896484375],[240.55343627929688,44.36110305786133],[240.71275329589844,43.91419219970703],[240.86782836914062,43.4659309387207],[241.01792907714844,43.015960693359375],[241.163818359375,42.56446838378906],[241.30467224121094,42.111473083496094],[241.44107055664062,41.657020568847656],[241.57237243652344,41.20122146606445],[241.6986846923828,40.74399948120117],[241.81996154785156,40.28520202636719],[241.93597412109375,39.82527160644531],[242.0466766357422,39.36383819580078],[242.15182495117188,38.901336669921875],[242.2513427734375,38.4375],[242.3450164794922,37.97235870361328],[242.4326934814453,37.50617218017578],[242.51419067382812,37.03883361816406],[242.58934020996094,36.570316314697266],[242.6578826904297,36.10093307495117],[242.71961975097656,35.63053512573242],[242.77430725097656,35.15932083129883],[242.8217010498047,34.6873779296875],[242.86143493652344,34.21450424194336],[242.89324951171875,33.741214752197266],[242.9169158935547,33.267398834228516],[242.93209838867188,32.793270111083984],[242.93844604492188,32.31893539428711],[242.93544006347656,31.844482421875],[242.92288208007812,31.37033462524414],[242.900390625,30.89638328552246],[242.8673858642578,30.423099517822266],[242.82350158691406,29.950878143310547],[242.76840209960938,29.47958755493164],[242.7012481689453,29.010011672973633],[242.62220764160156,28.54219627380371],[242.5322265625,28.076440811157227],[242.4322967529297,27.612680435180664],[242.3233184814453,27.150903701782227],[242.20599365234375,26.691293716430664],[242.080810546875,26.233610153198242],[241.94834899902344,25.77811050415039],[241.80909729003906,25.324649810791016],[241.6633758544922,24.87309455871582],[241.5115966796875,24.423648834228516],[241.3540802001953,23.976274490356445],[241.19094848632812,23.53075408935547],[241.0225372314453,23.087295532226562],[240.84896850585938,22.645668029785156],[240.6704559326172,22.206195831298828],[240.48712158203125,21.7686767578125],[240.2990264892578,21.333026885986328],[240.1063995361328,20.89950180053711],[239.9092559814453,20.46792984008789],[239.7077178955078,20.038562774658203],[239.5017547607422,19.61125373840332],[239.29135131835938,19.185958862304688],[239.07662963867188,18.762954711914062],[238.85748291015625,18.342172622680664],[238.63397216796875,17.923721313476562],[238.4060516357422,17.507709503173828],[238.17356872558594,17.094043731689453],[237.93661499023438,16.683176040649414],[237.69482421875,16.274826049804688],[237.4483642578125,15.869488716125488],[237.1969451904297,15.46723747253418],[236.94033813476562,15.06818962097168],[236.67835998535156,14.672680854797363],[236.41070556640625,14.280976295471191],[236.1371612548828,13.893381118774414],[235.8573455810547,13.510369300842285],[235.5706024169922,13.132404327392578],[235.27664184570312,12.760043144226074],[234.97457885742188,12.394088745117188],[234.6638946533203,12.0357084274292],[234.3444366455078,11.68509292602539],[234.01878356933594,11.340038299560547],[233.68760681152344,11.00037670135498],[233.35096740722656,10.666122436523438],[233.0089111328125,10.337423324584961],[232.6614990234375,10.01430892944336],[232.3089141845703,9.696860313415527],[231.95127868652344,9.385180473327637],[231.5886688232422,9.079388618469238],[231.22091674804688,8.779537200927734],[230.84841918945312,8.485947608947754],[230.47093200683594,8.198443412780762],[230.0887908935547,7.917387008666992],[229.7019805908203,7.642858505249023],[229.3104248046875,7.374942779541016],[228.9142608642578,7.113877773284912],[228.51353454589844,6.859935283660889],[228.1083526611328,6.613208293914795],[227.69874572753906,6.373876571655273],[227.28472900390625,6.1421284675598145],[226.8665313720703,5.918281555175781],[226.44400024414062,5.702425003051758],[226.01744079589844,5.494926929473877],[225.58685302734375,5.296059608459473],[225.15206909179688,5.105953693389893],[224.71359252929688,4.924984931945801],[224.2713165283203,4.753332614898682],[223.8254852294922,4.591333866119385],[223.3761444091797,4.4392242431640625],[222.92332458496094,4.297261714935303],[222.467529296875,4.165959358215332],[222.00863647460938,4.045496940612793],[221.547119140625,3.936171054840088],[221.08291625976562,3.83821177482605],[220.61639404296875,3.751948356628418],[220.14788818359375,3.6776719093322754],[219.67759704589844,3.615654230117798],[219.2057647705078,3.5663418769836426],[218.7327117919922,3.5298070907592773],[218.2589111328125,3.506286382675171],[217.78472900390625,3.4956202507019043],[217.31039428710938,3.48968768119812],[216.83595275878906,3.4837536811828613],[216.3616180419922,3.477821111679077],[215.88717651367188,3.4718871116638184],[215.412841796875,3.465954542160034],[214.9385223388672,3.46002197265625],[214.4640655517578,3.454087734222412],[213.98973083496094,3.448155164718628],[213.51528930664062,3.4423470497131348],[213.04095458984375,3.436744213104248],[212.56661987304688,3.4311413764953613],[212.0921630859375,3.425537109375],[211.61782836914062,3.4199342727661133],[211.1433868408203,3.414330005645752],[210.66905212402344,3.4087274074554443],[210.19471740722656,3.4031245708465576],[209.7202606201172,3.3975203037261963],[209.245849609375,3.3921258449554443],[208.77139282226562,3.3868725299835205],[208.29705810546875,3.381620407104492],[207.82272338867188,3.376368284225464],[207.3482666015625,3.371114730834961],[206.87393188476562,3.3658626079559326],[206.39959716796875,3.3606107234954834],[205.92514038085938,3.3553571701049805],[205.4508056640625,3.350105047225952],[204.97633361816406,3.3451602458953857],[204.5019989013672,3.3402798175811768],[204.02764892578125,3.3353991508483887],[203.55319213867188,3.330517292022705],[203.078857421875,3.325636625289917],[202.60438537597656,3.3207547664642334],[202.1300506591797,3.3158743381500244],[201.65570068359375,3.3109936714172363],[201.18133544921875,3.3061459064483643],[200.7069854736328,3.301657199859619],[200.23252868652344,3.2971675395965576],[199.7581787109375,3.2926790714263916],[199.28384399414062,3.2881906032562256],[198.8093719482422,3.283700942993164],[198.33502197265625,3.279212474822998],[197.86056518554688,3.2747228145599365],[197.38621520996094,3.2702343463897705],[196.91180419921875,3.265890121459961],[196.43734741210938,3.2618136405944824],[195.96299743652344,3.2577381134033203],[195.488525390625,3.253661632537842],[195.01417541503906,3.2495861053466797],[194.53982543945312,3.2455105781555176],[194.0653533935547,3.241434097290039],[193.59100341796875,3.237358570098877],[193.11654663085938,3.2332820892333984],[192.6422119140625,3.2294812202453613],[192.16786193847656,3.225839376449585],[191.69337463378906,3.222196578979492],[191.21902465820312,3.2185544967651367],[190.7446746826172,3.2149126529693604],[190.27020263671875,3.2112698554992676],[189.7958526611328,3.207628011703491],[189.32138061523438,3.2039852142333984],[188.84703063964844,3.200343370437622],[188.37271118164062,3.1971230506896973],[187.89822387695312,3.193934679031372],[187.4238739013672,3.1907472610473633],[186.94940185546875,3.187558650970459],[186.47503662109375,3.18437123298645],[186.0006866455078,3.1811835765838623],[185.52621459960938,3.177995204925537],[185.05184936523438,3.174807548522949],[184.57737731933594,3.1717307567596436],[184.10301208496094,3.169018030166626],[183.628662109375,3.1663050651550293],[183.1541748046875,3.1635916233062744],[182.67982482910156,3.160878896713257],[182.20533752441406,3.158165216445923],[181.73098754882812,3.1554524898529053],[181.25662231445312,3.1527397632598877],[180.7821502685547,3.1500260829925537],[180.3077850341797,3.147588014602661],[179.83331298828125,3.1453697681427],[179.35894775390625,3.1431519985198975],[178.88458251953125,3.140934467315674],[178.4101104736328,3.138716220855713],[177.9357452392578,3.13649845123291],[177.4612579345703,3.134280204772949],[176.98690795898438,3.1320624351501465],[176.51254272460938,3.129844903945923],[176.0380096435547,3.1280815601348877],[175.56365966796875,3.1263794898986816],[175.08929443359375,3.1246771812438965],[174.61480712890625,3.1229746341705322],[174.14044189453125,3.121272563934326],[173.66595458984375,3.119569778442383],[173.1916046142578,3.1178677082061768],[172.7172393798828,3.1161653995513916],[172.24273681640625,3.11458158493042],[171.76837158203125,3.113415002822876],[171.29388427734375,3.112247943878174],[170.81951904296875,3.11108136177063],[170.3451690673828,3.109914541244507],[169.8706817626953,3.108747720718384],[169.3963165283203,3.1075809001922607],[168.9218292236328,3.1064140796661377],[168.4474639892578,3.1052472591400146],[167.97320556640625,3.104315757751465],[167.49871826171875,3.103563070297241],[167.02435302734375,3.1028106212615967],[166.54986572265625,3.102058172225952],[166.07546997070312,3.1013741493225098],[165.60110473632812,3.1009044647216797],[165.12661743164062,3.1004345417022705],[164.65225219726562,3.0999650955200195],[164.17776489257812,3.0994951725006104],[163.70343017578125,3.099289894104004],[163.22906494140625,3.0991079807281494],[162.75457763671875,3.098925828933716],[162.28021240234375,3.0987439155578613],[161.80584716796875,3.0987367630004883],[161.33135986328125,3.0988473892211914],[160.85699462890625,3.0989580154418945],[160.38250732421875,3.0990686416625977],[159.90811157226562,3.099303722381592],[159.43374633789062,3.099862813949585],[158.95925903320312,3.1004223823547363],[158.48489379882812,3.1009814739227295],[158.01040649414062,3.1015408039093018],[157.53604125976562,3.102100133895874],[157.06167602539062,3.102659225463867],[156.58718872070312,3.1032187938690186],[156.11282348632812,3.1037778854370117],[155.6383514404297,3.1047303676605225],[155.1639862060547,3.1059041023254395],[154.6896209716797,3.1070775985717773],[154.21514892578125,3.1082513332366943],[153.74078369140625,3.1094250679016113],[153.26629638671875,3.1105988025665283],[152.79193115234375,3.1117725372314453],[152.31756591796875,3.112946033477783],[151.8430633544922,3.1141226291656494],[151.3686981201172,3.1159298419952393],[150.89422607421875,3.1177375316619873],[150.41986083984375,3.119544506072998],[149.94549560546875,3.121351718902588],[149.47100830078125,3.123159408569336],[148.99664306640625,3.124966621398926],[148.5221710205078,3.1267740726470947],[148.0478057861328,3.1285812854766846],[147.57337951660156,3.1306309700012207],[147.09889221191406,3.1330912113189697],[146.62452697753906,3.1355509757995605],[146.15017700195312,3.1380107402801514],[145.67568969726562,3.1404709815979004],[145.2013397216797,3.142930746078491],[144.7268524169922,3.1453909873962402],[144.2524871826172,3.147850751876831],[143.77813720703125,3.150310516357422],[143.30372619628906,3.1531412601470947],[142.82936096191406,3.156102180480957],[142.35488891601562,3.1590635776519775],[141.8805389404297,3.1620242595672607],[141.4061279296875,3.1651296615600586],[140.93165588378906,3.168431282043457],[140.45730590820312,3.171732187271118],[139.98281860351562,3.1750340461730957],[139.50851440429688,3.1783719062805176],[139.03416442871094,3.1820175647735596],[138.5596923828125,3.185664176940918],[138.08534240722656,3.18930983543396],[137.61087036132812,3.1929566860198975],[137.1365203857422,3.196878671646118],[136.66217041015625,3.200873613357544],[136.1876983642578,3.204869508743286],[135.71334838867188,3.208864450454712],[135.2388458251953,3.2130284309387207],[134.76449584960938,3.217377185821533],[134.2901611328125,3.2217259407043457],[133.81568908691406,3.226076126098633],[133.34141540527344,3.230480432510376],[132.866943359375,3.2351887226104736],[132.39260864257812,3.239896059036255],[131.9182586669922,3.244603395462036],[131.4438018798828,3.249311685562134],[130.96945190429688,3.2543227672576904],[130.4951171875,3.259392738342285],[130.02064514160156,3.2644639015197754],[129.5463104248047,3.26953387260437],[129.07180786132812,3.2747957706451416],[128.59747314453125,3.2802329063415527],[128.12313842773438,3.285670042037964],[127.64868927001953,3.2911086082458496],[127.17433166503906,3.296619176864624],[126.69987487792969,3.302429437637329],[126.22554779052734,3.3082380294799805],[125.751220703125,3.314046621322632],[125.27676391601562,3.319856643676758],[124.802490234375,3.325993776321411],[124.32804107666016,3.3321797847747803],[123.85371398925781,3.3383641242980957],[123.37939453125,3.3445487022399902],[122.9048843383789,3.3509457111358643],[122.43055725097656,3.3575100898742676],[121.95611572265625,3.3640763759613037],[121.48179626464844,3.370640754699707],[121.00747680664062,3.3772928714752197],[120.53303527832031,3.3842432498931885],[120.05872344970703,3.3911921977996826],[119.58428955078125,3.3981425762176514],[119.10997009277344,3.4050912857055664],[118.6357650756836,3.412388801574707],[118.16133117675781,3.4197280406951904],[117.68701934814453,3.427065134048462],[117.21271514892578,3.4344024658203125],[116.73819732666016,3.4419682025909424],[116.2638931274414,3.449697971343994],[115.78947448730469,3.457429885864258],[115.31517028808594,3.4651596546173096],[114.84087371826172,3.4729862213134766],[114.366455078125,3.4811148643493652],[113.89215850830078,3.489241361618042],[113.41773986816406,3.4973700046539307],[112.94344329833984,3.5054965019226074],[112.46918487548828,3.5139877796173096],[111.9947738647461,3.522517442703247],[111.5204849243164,3.5310447216033936],[111.04607391357422,3.539574146270752],[110.57176971435547,3.548335075378418],[110.09748840332031,3.557267189025879],[109.62308502197266,3.566201686859131],[109.1488037109375,3.575133800506592],[108.67440032958984,3.5841662883758545],[108.20012664794922,3.5935070514678955],[107.7258529663086,3.6028478145599365],[107.25145721435547,3.6121909618377686],[106.77718353271484,3.6215317249298096],[106.30284881591797,3.6312453746795654],[105.82858276367188,3.6409988403320312],[105.35431671142578,3.650752067565918],[104.87992858886719,3.660507917404175],[104.40572357177734,3.670492649078369],[103.93134307861328,3.6806652545928955],[103.45708465576172,3.6908349990844727],[102.98283386230469,3.701004981994629],[102.50843048095703,3.7112674713134766],[102.0341796875,3.721857786178589],[101.5599365234375,3.732447862625122],[101.08556365966797,3.7430408000946045],[100.61132049560547,3.753631114959717],[100.13690948486328,3.764591932296753],[99.66266632080078,3.775606155395508],[99.18843078613281,3.7866203784942627],[98.71407318115234,3.797637462615967],[98.23981475830078,3.8088722229003906],[97.76546478271484,3.820317029953003],[97.2912368774414,3.831758737564087],[96.81700897216797,3.84320068359375],[96.34270477294922,3.854712724685669],[95.86849212646484,3.8665859699249268],[95.39414978027344,3.878462314605713],[94.91993713378906,3.8903353214263916],[94.44571685791016,3.9022085666656494],[93.97144317626953,3.9144318103790283],[93.49723815917969,3.9267401695251465],[93.02291107177734,3.939051389694214],[92.5487060546875,3.951359748840332],[92.07450866699219,3.9638607501983643],[91.60018920898438,3.9766108989715576],[91.1259994506836,3.9893577098846436],[90.65167999267578,4.002107620239258],[90.17748260498047,4.01488733291626],[89.70330047607422,4.028076171875],[89.22899627685547,4.041268348693848],[88.75481414794922,4.054457187652588],[88.28050994873047,4.067648887634277],[87.8062515258789,4.0811543464660645],[87.33207702636719,4.094788551330566],[86.8577880859375,4.108426094055176],[86.38362121582031,4.122060298919678],[85.90949249267578,4.136073112487793],[85.43533325195312,4.154208660125732],[84.96149444580078,4.1774001121521],[84.48788452148438,4.205330848693848],[84.01466369628906,4.237906455993652],[83.54171752929688,4.274833679199219],[83.0689468383789,4.316041946411133],[82.59680938720703,4.361231803894043],[82.12486267089844,4.410409450531006],[81.65342712402344,4.463283538818359],[81.18241882324219,4.519818305969238],[80.7117919921875,4.579867362976074],[80.24173736572266,4.64325475692749],[79.77196502685547,4.709983825683594],[79.30280303955078,4.77987813949585],[78.83404541015625,4.852846622467041],[78.36566162109375,4.928815841674805],[77.89789581298828,5.007717609405518],[77.43045043945312,5.089482307434082],[76.96369934082031,5.174026012420654],[76.49750518798828,5.261226654052734],[76.03155517578125,5.3509697914123535],[75.5662612915039,5.4434638023376465],[75.10134887695312,5.538303375244141],[74.6371078491211,5.635727405548096],[74.1733169555664,5.735474109649658],[73.70994567871094,5.837639331817627],[73.24725341796875,5.9420976638793945],[72.7850112915039,6.048787593841553],[72.32331848144531,6.157809257507324],[71.86209106445312,6.26890754699707],[71.40140533447266,6.382340908050537],[70.94131469726562,6.497688293457031],[70.48177337646484,6.615368366241455],[70.02253723144531,6.734975337982178],[69.56412506103516,6.856750965118408],[69.10601806640625,6.980448246002197],[68.64860534667969,7.106259346008301],[68.19178009033203,7.233919143676758],[67.7353744506836,7.36368989944458],[67.27960968017578,7.495297431945801],[66.82437133789062,7.628925800323486],[66.3697280883789,7.764419078826904],[65.91578674316406,7.901813983917236],[65.46216583251953,8.041175842285156],[65.00933074951172,8.182363510131836],[64.55689239501953,8.325523376464844],[64.10518646240234,8.47046947479248],[63.65422058105469,8.617323875427246],[63.20356750488281,8.766046524047852],[62.75376892089844,8.916696548461914],[62.304447174072266,9.069109916687012],[61.85588455200195,9.223554611206055],[61.40802764892578,9.379676818847656],[60.960662841796875,9.537914276123047],[60.514102935791016,9.6978759765625],[60.068111419677734,9.85985279083252],[59.6229133605957,10.023694038391113],[59.17847442626953,10.1893949508667],[58.73460388183594,10.357207298278809],[58.29157638549805,10.52679443359375],[57.849449157714844,10.698486328125],[57.4078483581543,10.872173309326172],[56.967262268066406,11.04780387878418],[56.527320861816406,11.225646018981934],[56.08836364746094,11.405389785766602],[55.65029525756836,11.587362289428711],[55.21302032470703,11.771512031555176],[54.77666091918945,11.957754135131836],[54.34131622314453,12.146363258361816],[53.90703201293945,12.33718490600586],[53.47373580932617,12.530274391174316],[53.041473388671875,12.725851058959961],[52.61037063598633,12.923910140991211],[52.18033218383789,13.124467849731445],[51.751617431640625,13.327513694763184],[51.32423400878906,13.533285140991211],[50.8980827331543,13.741920471191406],[50.47349166870117,13.95329761505127],[50.050148010253906,14.167617797851562],[49.627830505371094,14.383638381958008],[49.20606231689453,14.600845336914062],[48.78484344482422,14.819149017333984],[48.36433029174805,15.038654327392578],[47.9442253112793,15.259339332580566],[47.524940490722656,15.48127555847168],[47.10634231567383,15.704277992248535],[46.68828201293945,15.928718566894531],[46.27095413208008,16.154306411743164],[45.8542366027832,16.38127326965332],[45.438358306884766,16.60946273803711],[45.02321243286133,16.838939666748047],[44.60874938964844,17.069869995117188],[44.19507598876953,17.302019119262695],[43.78220748901367,17.535703659057617],[43.370086669921875,17.77068519592285],[42.95882797241211,18.007131576538086],[42.54824447631836,18.245084762573242],[42.138702392578125,18.484331130981445],[41.730045318603516,18.725143432617188],[41.32204055786133,18.96745491027832],[40.9151611328125,19.211278915405273],[40.50901794433594,19.456661224365234],[40.10398864746094,19.703468322753906],[39.69989013671875,19.951927185058594],[39.29655075073242,20.201955795288086],[38.89442825317383,20.453603744506836],[38.49317169189453,20.70685386657715],[38.09303283691406,20.96165657043457],[37.69403076171875,21.218128204345703],[37.295894622802734,21.476238250732422],[36.89901351928711,21.736059188842773],[36.5030632019043,21.997594833374023],[36.1083984375,22.260656356811523],[35.71491241455078,22.52553939819336],[35.32239532470703,22.79212188720703],[34.931121826171875,23.06048011779785],[34.54108810424805,23.330535888671875],[34.152164459228516,23.602275848388672],[33.76467514038086,23.8758544921875],[33.37824630737305,24.151185989379883],[32.99323654174805,24.428194046020508],[32.60947036743164,24.707094192504883],[32.226890563964844,24.987716674804688],[31.845800399780273,25.27017593383789],[31.465898513793945,25.554475784301758],[31.08738899230957,25.84046745300293],[30.710355758666992,26.128252029418945],[30.334596633911133,26.418025970458984],[29.96030044555664,26.709518432617188],[29.587411880493164,27.002872467041016],[29.215951919555664,27.297883987426758],[28.846025466918945,27.594797134399414],[28.47745132446289,27.893613815307617],[28.11041831970215,28.19419288635254],[27.74489402770996,28.49671173095703],[27.380861282348633,28.800819396972656],[27.018413543701172,29.106836318969727],[26.657363891601562,29.41476821899414],[26.297988891601562,29.724395751953125],[25.940078735351562,30.03590965270996],[25.583919525146484,30.349117279052734],[25.22920799255371,30.66423225402832],[24.876123428344727,30.981098175048828],[24.52464485168457,31.29973793029785],[24.174800872802734,31.62013816833496],[23.826553344726562,31.9423770904541],[23.480052947998047,32.266265869140625],[23.135021209716797,32.592071533203125],[22.791793823242188,32.91946029663086],[22.450096130371094,33.24870681762695],[22.110197067260742,33.57954788208008],[21.771942138671875,33.912166595458984],[21.435340881347656,34.24650573730469],[21.100461959838867,34.582496643066406],[20.767288208007812,34.92013931274414],[20.435714721679688,35.259544372558594],[20.10590362548828,35.60052490234375],[19.777742385864258,35.943199157714844],[19.4512939453125,36.28750991821289],[19.12714385986328,36.63380813598633],[18.806476593017578,36.9836540222168],[18.4897518157959,37.33666229248047],[18.17653465270996,37.69318389892578],[17.8671875,38.052669525146484],[17.561378479003906,38.41537094116211],[17.259103775024414,38.78114318847656],[16.960506439208984,39.14970016479492],[16.66533660888672,39.52121353149414],[16.37372398376465,39.89540100097656],[16.08558464050293,40.27223587036133],[15.800826072692871,40.65172576904297],[15.519553184509277,41.03362274169922],[15.241539001464844,41.41813278198242],[14.96687126159668,41.80500411987305],[14.695610046386719,42.19404983520508],[14.427467346191406,42.5855712890625],[14.162644386291504,42.97917175292969],[13.90099811553955,43.374961853027344],[13.64259147644043,43.77274703979492],[13.387349128723145,44.17254638671875],[13.135139465332031,44.574459075927734],[12.886089324951172,44.978206634521484],[12.640137672424316,45.38379669189453],[12.39715576171875,45.791351318359375],[12.157238006591797,46.200660705566406],[11.92033576965332,46.61171340942383],[11.6864652633667,47.02437973022461],[11.455551147460938,47.43880844116211],[11.227530479431152,47.854881286621094],[11.00242805480957,48.27238464355469],[10.780274391174316,48.69166564941406],[10.560908317565918,49.112281799316406],[10.344559669494629,49.534523010253906],[10.130967140197754,49.95818328857422],[9.9202880859375,50.383113861083984],[9.712315559387207,50.80968475341797],[9.507279396057129,51.237361907958984],[9.30497932434082,51.666500091552734],[9.10548210144043,52.096927642822266],[8.908754348754883,52.52865982055664],[8.714797019958496,52.96171188354492],[8.523700714111328,53.395843505859375],[8.335360527038574,53.8311882019043],[8.149699211120605,54.267887115478516],[7.966879844665527,54.70553207397461],[7.7867350578308105,55.144493103027344],[7.609379291534424,55.584468841552734],[7.434789180755615,56.02549362182617],[7.262855052947998,56.467830657958984],[7.093778610229492,56.91094970703125],[6.927366256713867,57.3553466796875],[6.7637763023376465,57.80059051513672],[6.6029486656188965,58.24684143066406],[6.444831371307373,58.69425964355469],[6.289538860321045,59.14252853393555],[6.137056350708008,59.59169006347656],[5.987341403961182,60.041900634765625],[5.840465068817139,60.49296569824219],[5.696385860443115,60.94504165649414],[5.555178642272949,61.39794158935547],[5.416844844818115,61.85169982910156],[5.281384468078613,62.306358337402344],[5.148839473724365,62.7618408203125],[5.019184589385986,63.21830749511719],[4.892938613891602,63.67558288574219],[4.771372318267822,64.13404083251953],[4.654055595397949,64.59388732910156],[4.541323184967041,65.05460357666016],[4.432782173156738,65.51653289794922],[4.328652858734131,65.97936248779297],[4.228682041168213,66.44303131103516],[4.1329450607299805,66.90779876708984],[4.041286468505859,67.37319946289062],[3.9538004398345947,67.83954620361328],[3.8702714443206787,68.30644226074219],[3.790881633758545,68.77411651611328],[3.715311288833618,69.24250793457031],[3.643810987472534,69.7115707397461],[3.576113700866699,70.18112182617188],[3.5123708248138428,70.65116882324219],[3.452418088912964,71.12181091308594],[3.396285057067871,71.5928726196289],[3.3439815044403076,72.06436157226562],[3.295348882675171,72.536376953125],[3.250601291656494,73.00860595703125],[3.2094593048095703,73.48123931884766],[3.1721229553222656,73.95425415039062],[3.1384384632110596,74.42740631103516],[3.1084375381469727,74.90078735351562],[3.0821402072906494,75.37460327148438],[3.0594167709350586,75.8484115600586],[3.0404915809631348,76.32242584228516],[3.0251078605651855,76.79660034179688],[3.013430595397949,77.27085876464844],[3.005384683609009,77.7452621459961],[3.000941753387451,78.21958923339844],[3.0002355575561523,78.69401550292969],[3.0030722618103027,79.16837310791016],[3.00968337059021,79.6427230834961],[3.0198886394500732,80.11711120605469],[3.0337862968444824,80.59121704101562],[3.0514001846313477,81.06544494628906],[3.0726406574249268,81.53935241699219],[3.097705364227295,82.0130615234375],[3.126386880874634,82.4865951538086],[3.1589436531066895,82.9598388671875],[3.195199966430664,83.43297576904297],[3.2352919578552246,83.90557861328125],[3.2792015075683594,84.37800598144531],[3.326956033706665,84.84998321533203],[3.378629684448242,85.32158660888672],[3.434174060821533,85.79273986816406],[3.493743896484375,86.2634048461914],[3.557224988937378,86.73355102539062],[3.624840021133423,87.20316314697266],[3.6964175701141357,87.67205810546875],[3.772329330444336,88.1402587890625],[3.8527534008026123,88.60790252685547],[3.9380266666412354,89.07454681396484],[4.0279154777526855,89.5404281616211],[4.122753143310547,90.0052490234375],[4.2222819328308105,90.46902465820312],[4.32681941986084,90.93187713623047],[4.436152458190918,91.39344787597656],[4.550411701202393,91.85396575927734],[4.669618129730225,92.31309509277344],[4.793628692626953,92.77093505859375],[4.922686576843262,93.22756958007812],[5.05655574798584,93.68264770507812],[5.195253372192383,94.136474609375],[5.338791370391846,94.58850860595703],[5.487107276916504,95.03912353515625],[5.640111446380615,95.48829650878906],[5.797743797302246,95.93566131591797],[5.960055351257324,96.3815689086914],[6.126728057861328,96.82562255859375],[6.297809600830078,97.26814270019531],[6.4733147621154785,97.7089614868164],[6.652925968170166,98.14794921875],[6.83663272857666,98.58537292480469],[7.024295806884766,99.02108001708984],[7.215862274169922,99.45502471923828],[7.411190986633301,99.88748931884766],[7.610006809234619,100.31817626953125],[7.812384128570557,100.74738311767578],[8.01801872253418,101.1747817993164],[8.226834297180176,101.6007308959961],[8.438695907592773,102.02526092529297],[8.653532981872559,102.44827270507812],[8.871045112609863,102.86978149414062],[9.091217994689941,103.29010009765625],[9.313834190368652,103.70893096923828],[9.53894329071045,104.12661743164062],[9.766010284423828,104.54316711425781],[9.99533748626709,104.95841979980469],[10.226493835449219,105.37269592285156],[10.459336280822754,105.78600311279297],[10.694087028503418,106.19841003417969],[10.930249214172363,106.6098403930664],[11.167731285095215,107.02046203613281],[11.406576156616211,107.43036651611328],[11.646660804748535,107.83956146240234],[11.88778305053711,108.24821472167969],[12.129753112792969,108.65621948242188],[12.372696876525879,109.06375122070312],[12.617947578430176,109.4698257446289],[12.86669921875,109.87374114990234],[13.118918418884277,110.27571868896484],[13.374343872070312,110.6754150390625],[13.63321590423584,111.07295989990234],[13.895428657531738,111.46833801269531],[14.160848617553711,111.86148071289062],[14.429790496826172,112.2524642944336],[14.701822280883789,112.6409683227539],[14.977263450622559,113.02729797363281],[15.256040573120117,113.41122436523438],[15.53798770904541,113.79271697998047],[15.823419570922852,114.17174530029297],[16.111988067626953,114.54817199707031],[16.40400505065918,114.92208862304688],[16.69932746887207,115.29334259033203],[16.997987747192383,115.66191101074219],[17.300077438354492,116.02766418457031],[17.60552406311035,116.39069366455078],[17.914493560791016,116.7507095336914],[18.226829528808594,117.10785675048828],[18.54274559020996,117.46182250976562],[18.862037658691406,117.81265258789062],[19.184961318969727,118.16023254394531],[19.511411666870117,118.50446319580078],[19.841489791870117,118.84526824951172],[20.175142288208008,119.1823959350586],[20.51247215270996,119.51596069335938],[20.853679656982422,119.84571075439453],[21.198389053344727,120.17151641845703],[21.547143936157227,120.49324798583984],[21.899517059326172,120.81078338623047],[22.255802154541016,121.12391662597656],[22.616178512573242,121.43270111083984],[22.980243682861328,121.73670959472656],[23.348535537719727,122.03587341308594],[23.720684051513672,122.33006286621094],[24.096961975097656,122.61895751953125],[24.477380752563477,122.9024887084961],[24.86176872253418,123.18045806884766],[25.250518798828125,123.45242309570312],[25.643314361572266,123.71837615966797],[26.040250778198242,123.97803497314453],[26.441730499267578,124.23110961914062],[26.847103118896484,124.47736358642578],[27.256771087646484,124.71646118164062],[27.670888900756836,124.94820404052734],[28.088993072509766,125.17216491699219],[28.511430740356445,125.38817596435547],[28.93623161315918,125.59935760498047],[29.361732482910156,125.8089370727539],[29.788129806518555,126.01704406738281],[30.215316772460938,126.22348022460938],[30.643266677856445,126.42833709716797],[31.071828842163086,126.6317138671875],[31.501039505004883,126.83366394042969],[31.931114196777344,127.0340347290039],[32.361724853515625,127.23301696777344],[32.79308319091797,127.43074035644531],[33.22493362426758,127.62701416015625],[33.657386779785156,127.82189178466797],[34.09052276611328,128.0155792236328],[34.52409362792969,128.20802307128906],[34.95838165283203,128.39923095703125],[35.39308166503906,128.58917236328125],[35.828269958496094,128.7779998779297],[36.264041900634766,128.96578979492188],[36.70011901855469,129.15228271484375],[37.13683319091797,129.3378143310547],[37.57384490966797,129.5222930908203],[38.0113639831543,129.705810546875],[38.44945526123047,129.8880615234375],[38.887596130371094,130.06959533691406],[39.326290130615234,130.25038146972656],[39.76545333862305,130.42999267578125],[40.204681396484375,130.6089630126953],[40.644493103027344,130.78701782226562],[41.08448791503906,130.96420288085938],[41.52479934692383,131.1409149169922],[41.9655876159668,131.31654357910156],[42.40638732910156,131.4915771484375],[42.84761428833008,131.6660919189453],[43.28915786743164,131.8397216796875],[43.73074722290039,132.01292419433594],[44.17274856567383,132.1854705810547],[44.61481475830078,132.35736083984375],[45.05717086791992,132.5289764404297],[45.49971389770508,132.69979858398438],[45.94239807128906,132.8702850341797],[46.38533401489258,133.04043579101562],[46.828346252441406,133.2099609375],[47.27162170410156,133.3793182373047],[47.71491622924805,133.5481719970703],[48.158443450927734,133.71658325195312],[48.60212707519531,133.884765625],[49.045692443847656,134.0529022216797],[49.4894905090332,134.22076416015625],[49.93333435058594,134.38816833496094],[50.377174377441406,134.5555877685547],[50.82109832763672,134.72291564941406],[51.26512145996094,134.88983154296875],[51.70926284790039,135.05679321289062],[52.153289794921875,135.22372436523438],[52.59731674194336,135.39064025878906],[53.04145812988281,135.55760192871094],[53.48548126220703,135.7245330810547],[53.9296760559082,135.8916015625],[54.37366485595703,136.05862426757812],[54.81765365600586,136.22564697265625],[55.26165008544922,136.39295959472656],[55.705467224121094,136.56044006347656],[56.14928436279297,136.72792053222656],[56.59303283691406,136.89564514160156],[57.036563873291016,137.06387329101562],[57.4802131652832,137.23214721679688],[57.923770904541016,137.40048217773438],[58.36701965332031,137.5694580078125],[58.81031036376953,137.73878479003906],[59.253334045410156,137.90835571289062],[59.69621658325195,138.0785675048828],[60.138893127441406,138.24900817871094],[60.58137512207031,138.41998291015625],[61.023719787597656,138.59156799316406],[61.465877532958984,138.76344299316406],[61.90781021118164,138.93617248535156],[62.349491119384766,139.1093292236328],[62.790931701660156,139.282958984375],[63.23204803466797,139.45753479003906],[63.67293930053711,139.63250732421875],[64.11363983154297,139.80836486816406],[64.55391693115234,139.98495483398438],[64.99400329589844,140.16201782226562],[65.4337158203125,140.34030151367188],[65.873046875,140.5191650390625],[66.31221771240234,140.69879150390625],[66.75080108642578,140.87960815429688],[67.18914794921875,141.06089782714844],[67.62718200683594,141.24342346191406],[68.06465911865234,141.42677307128906],[68.5017318725586,141.61119079589844],[68.9384765625,141.79673767089844],[69.37458801269531,141.98321533203125],[69.81040954589844,142.17080688476562],[70.24559783935547,142.35951232910156],[70.6802749633789,142.54940795898438],[71.11469268798828,142.74053955078125],[71.54830169677734,142.9326934814453],[71.98153686523438,143.1262664794922],[72.4140396118164,143.32106018066406],[72.84600067138672,143.51710510253906],[73.27749633789062,143.7144775390625],[73.70793151855469,143.91372680664062],[74.13744354248047,144.1155242919922],[74.56558227539062,144.31973266601562],[74.99250030517578,144.52650451660156],[75.418212890625,144.73602294921875],[75.84252166748047,144.9482879638672],[76.26542663574219,145.1633758544922],[76.68668365478516,145.3812713623047],[77.10652160644531,145.6021728515625],[77.52478790283203,145.826171875],[77.94136810302734,146.05323791503906],[78.35617065429688,146.2835235595703],[78.76898193359375,146.51718139648438],[79.1799087524414,146.75424194335938],[79.58882904052734,146.99472045898438],[79.99571990966797,147.23880004882812],[80.40027618408203,147.48666381835938],[80.802490234375,147.73817443847656],[81.20223999023438,147.993408203125],[81.59956359863281,148.2529296875],[81.99404907226562,148.51622009277344],[82.3858642578125,148.7837371826172],[82.77470397949219,149.0555419921875],[83.1605453491211,149.33155822753906],[83.54318237304688,149.61215209960938],[83.9224853515625,149.89706420898438],[84.29817962646484,150.18667602539062],[84.67032623291016,150.48086547851562],[85.03864288330078,150.77987670898438],[85.40304565429688,151.083740234375],[85.76325988769531,151.39234924316406],[86.11907196044922,151.70602416992188],[86.47061920166016,152.02474975585938],[86.81739807128906,152.3484344482422],[87.15939331054688,152.6774139404297],[87.4962387084961,153.01129150390625],[87.82798767089844,153.35032653808594],[88.15436553955078,153.69473266601562],[88.47511291503906,154.04420471191406],[88.79025268554688,154.39892578125],[89.0994644165039,154.75869750976562],[89.4025650024414,155.12351989746094],[89.69949340820312,155.49366760253906],[89.99000549316406,155.86871337890625],[90.27406311035156,156.248779296875],[90.55140686035156,156.6335906982422],[90.82200622558594,157.02317810058594],[91.08577728271484,157.41748046875],[91.34252166748047,157.81640625],[91.59225463867188,158.21990966796875],[91.83479309082031,158.62754821777344],[92.07014465332031,159.03933715820312],[92.29842376708984,159.45538330078125],[92.51934814453125,159.87503051757812],[92.73314666748047,160.298583984375],[92.93972778320312,160.72569274902344],[93.13899230957031,161.15623474121094],[93.33109283447266,161.58999633789062],[93.51612091064453,162.02684020996094],[93.69407653808594,162.46646118164062],[93.86520385742188,162.90907287597656],[94.02936553955078,163.35415649414062],[94.18668365478516,163.8017578125],[94.33734130859375,164.25155639648438],[94.48149108886719,164.7034454345703],[94.61933898925781,165.15756225585938],[94.75066375732422,165.61331176757812],[94.87594604492188,166.0709991455078],[94.9952621459961,166.53013610839844],[95.10856628417969,166.99066162109375],[95.21622467041016,167.45277404785156],[95.31838989257812,167.91598510742188],[95.4150161743164,168.38063049316406],[95.50641632080078,168.84609985351562],[95.5926742553711,169.31251525878906],[95.67396545410156,169.7799835205078],[95.75048065185547,170.24815368652344],[95.82225036621094,170.71719360351562],[95.88957214355469,171.18675231933594],[95.95242309570312,171.6569061279297],[96.01111602783203,172.1278076171875],[96.0656509399414,172.5989227294922],[96.11621856689453,173.07061767578125],[96.16304779052734,173.5428009033203],[96.20602416992188,174.01524353027344],[96.24549865722656,174.48800659179688],[96.28156280517578,174.96109008789062],[96.31416320800781,175.43423461914062],[96.3436279296875,175.9077911376953],[96.3700180053711,176.38150024414062],[96.39334869384766,176.85533142089844],[96.41378021240234,177.3292694091797],[96.43144989013672,177.8033905029297],[96.44644927978516,178.27752685546875],[96.45886993408203,178.75177001953125],[96.46868133544922,179.22616577148438],[96.47611236572266,179.70050048828125],[96.48123931884766,180.1748046875],[96.48412322998047,180.6493377685547],[96.48487854003906,181.12362670898438],[96.48355102539062,181.59817504882812],[96.48023223876953,182.0724334716797],[96.47574615478516,182.54672241210938],[96.47325134277344,183.02127075195312],[96.47400665283203,183.49562072753906],[96.47859191894531,183.97012329101562],[96.4869613647461,184.44432067871094],[96.499267578125,184.91859436035156],[96.51608276367188,185.3927764892578],[96.53743743896484,185.86668395996094],[96.56342315673828,186.3403778076172],[96.5946273803711,186.81375122070312],[96.6309585571289,187.28672790527344],[96.67308807373047,187.75929260253906],[96.72097778320312,188.2312774658203],[96.77497863769531,188.70257568359375],[96.83544921875,189.17318725585938],[96.90250396728516,189.6427001953125],[96.97665405273438,190.1114044189453],[97.05799865722656,190.57876586914062],[97.1468734741211,191.04466247558594],[97.24371337890625,191.50917053222656],[97.34854888916016,191.97177124023438],[97.4620361328125,192.4324951171875],[97.58409881591797,192.890869140625],[97.71531677246094,193.3467559814453],[97.85579681396484,193.7999267578125],[98.00587463378906,194.24993896484375],[98.16580963134766,194.69659423828125],[98.33580017089844,195.13949584960938],[98.5161361694336,195.57823181152344],[98.70697021484375,196.01266479492188],[98.90850830078125,196.44198608398438],[99.12086486816406,196.86634826660156],[99.34422302246094,197.28477478027344],[99.57843780517578,197.6973114013672],[99.82395935058594,198.103271484375],[100.08030700683594,198.50234985351562],[100.3478775024414,198.8942108154297],[100.62619018554688,199.2782745361328],[100.91529846191406,199.6543731689453],[101.21514129638672,200.02203369140625],[101.52522277832031,200.38101196289062],[101.84561920166016,200.7310791015625],[102.1757583618164,201.07167053222656],[102.51530456542969,201.4027862548828],[102.8641128540039,201.7244110107422],[103.22176361083984,202.0360107421875],[103.58786010742188,202.33773803710938],[103.9619369506836,202.62950134277344],[104.34359741210938,202.91119384765625],[104.73251342773438,203.1829376220703],[105.12820434570312,203.44467163085938],[105.5302505493164,203.6964874267578],[105.93833923339844,203.93850708007812],[106.35189819335938,204.1707763671875],[106.770751953125,204.39356994628906],[107.19442749023438,204.6070098876953],[107.62261199951172,204.81109619140625],[108.05512237548828,205.0061798095703],[108.49134063720703,205.19252014160156],[108.93128967285156,205.3703155517578],[109.37444305419922,205.53953552246094],[109.820556640625,205.70079040527344],[110.26957702636719,205.85382080078125],[110.72110748291016,205.99942016601562],[111.1750717163086,206.13722229003906],[111.63109588623047,206.26795959472656],[112.0890884399414,206.39146423339844],[112.54902648925781,206.50816345214844],[113.01043701171875,206.6182403564453],[113.47347259521484,206.72183227539062],[113.93778228759766,206.81907653808594],[114.40328979492188,206.9103240966797],[114.8699722290039,206.9957275390625],[115.33759307861328,207.075439453125],[115.80614471435547,207.14962768554688],[116.27558135986328,207.21841430664062],[116.74562072753906,207.281982421875],[117.21656036376953,207.34054565429688],[117.68779754638672,207.3942108154297],[118.15972137451172,207.4431915283203],[118.63204193115234,207.48756408691406],[119.10480499267578,207.52745056152344],[119.57785034179688,207.56298828125],[120.05122375488281,207.5943145751953],[120.52483367919922,207.62159729003906],[120.99873352050781,207.6449737548828],[121.47274017333984,207.66455078125],[121.9468765258789,207.68035888671875],[122.42105102539062,207.6926727294922],[122.89527893066406,207.7040557861328],[123.36962890625,207.7154541015625],[123.84385681152344,207.7268524169922],[124.31820678710938,207.73825073242188],[124.79243469238281,207.7496337890625],[125.26666259765625,207.7610321044922],[125.74101257324219,207.77243041992188],[126.21524047851562,207.7838134765625],[126.68959045410156,207.7952117919922],[127.163818359375,207.80661010742188],[127.63805389404297,207.8179931640625],[128.1124267578125,207.82872009277344],[128.586669921875,207.83941650390625],[129.06103515625,207.85012817382812],[129.5352783203125,207.86082458496094],[130.009521484375,207.87152099609375],[130.48388671875,207.88221740722656],[130.9581298828125,207.89291381835938],[131.432373046875,207.9036102294922],[131.90673828125,207.91432189941406],[132.3809814453125,207.92501831054688],[132.85536193847656,207.9357147216797],[133.32960510253906,207.946044921875],[133.80386352539062,207.9560546875],[134.2782440185547,207.96607971191406],[134.75250244140625,207.97608947753906],[135.22689819335938,207.98611450195312],[135.70115661621094,207.9961395263672],[136.1754150390625,208.0061492919922],[136.64979553222656,208.01617431640625],[137.12405395507812,208.02618408203125],[137.5984344482422,208.0362091064453],[138.07269287109375,208.04623413085938],[138.54702758789062,208.05615234375],[139.02142333984375,208.0655059814453],[139.49569702148438,208.07485961914062],[139.9700927734375,208.08421325683594],[140.44436645507812,208.09356689453125],[140.91864013671875,208.10292053222656],[141.39303588867188,208.11228942871094],[141.8673095703125,208.1216278076172],[142.34170532226562,208.13099670410156],[142.81597900390625,208.14035034179688],[143.29025268554688,208.1497039794922],[143.7646484375,208.1590576171875],[144.23890686035156,208.16793823242188],[144.71331787109375,208.17665100097656],[145.18759155273438,208.1853485107422],[145.66188049316406,208.19406127929688],[146.13629150390625,208.20277404785156],[146.61058044433594,208.2114715576172],[147.08486938476562,208.22018432617188],[147.55926513671875,208.22889709472656],[148.03355407714844,208.2375946044922],[148.50796508789062,208.24630737304688],[148.9822540283203,208.25502014160156],[149.45648193359375,208.26351928710938],[149.93089294433594,208.2716064453125],[150.4051971435547,208.27967834472656],[150.87960815429688,208.28775024414062],[151.35391235351562,208.2958221435547],[151.8282012939453,208.3039093017578],[152.30262756347656,208.31198120117188],[152.77691650390625,208.32005310058594],[153.2513427734375,208.32814025878906],[153.7256317138672,208.33621215820312],[154.19993591308594,208.3442840576172],[154.67434692382812,208.3523712158203],[155.14874267578125,208.35987854003906],[155.6231689453125,208.36734008789062],[156.0974884033203,208.37481689453125],[156.57179260253906,208.3822784423828],[157.0462188720703,208.38973999023438],[157.52052307128906,208.39720153808594],[157.9949493408203,208.40467834472656],[158.46925354003906,208.41213989257812],[158.94357299804688,208.4196014404297],[159.41799926757812,208.4270782470703],[159.89230346679688,208.43453979492188],[160.3665313720703,208.4416961669922],[160.84097290039062,208.4485626220703],[161.31529235839844,208.45542907714844],[161.78973388671875,208.46229553222656],[162.2640380859375,208.4691619873047],[162.7383575439453,208.4760284423828],[163.21279907226562,208.48289489746094],[163.68711853027344,208.48976135253906],[164.1615447998047,208.4966278076172],[164.6358642578125,208.50350952148438],[165.1101837158203,208.5103759765625],[165.5845947265625,208.5171661376953],[166.0589141845703,208.52345275878906],[166.53335571289062,208.5297393798828],[167.0076904296875,208.53602600097656],[167.4820098876953,208.54232788085938],[167.95645141601562,208.54861450195312],[168.43077087402344,208.55490112304688],[168.9052276611328,208.56118774414062],[169.37954711914062,208.56747436523438],[169.85386657714844,208.57376098632812],[170.32830810546875,208.58004760742188],[170.80264282226562,208.58633422851562],[171.27716064453125,208.59222412109375],[171.75149536132812,208.5979461669922],[172.225830078125,208.60366821289062],[172.7002716064453,208.60939025878906],[173.1746063232422,208.6151123046875],[173.64906311035156,208.620849609375],[174.12339782714844,208.62657165527344],[174.59771728515625,208.63229370117188],[175.07217407226562,208.6380157470703],[175.5465087890625,208.64373779296875],[176.02084350585938,208.6494598388672],[176.49526977539062,208.65501403808594],[176.96961975097656,208.66018676757812],[177.44407653808594,208.66537475585938],[177.9184112548828,208.67054748535156],[178.3927459716797,208.6757354736328],[178.86720275878906,208.680908203125],[179.34153747558594,208.68609619140625],[179.81600952148438,208.69126892089844],[180.29034423828125,208.6964569091797],[180.76467895507812,208.70162963867188],[181.2391357421875,208.70681762695312],[181.71347045898438,208.7119903564453],[182.18789672851562,208.7166748046875],[182.6622314453125,208.72132873535156],[183.13658142089844,208.72598266601562],[183.6110382080078,208.7306365966797],[184.08538818359375,208.7352752685547],[184.55984497070312,208.73992919921875],[185.03419494628906,208.7445831298828],[185.50852966308594,208.74923706054688],[185.98300170898438,208.75389099121094],[186.45733642578125,208.75852966308594],[186.9318084716797,208.76318359375],[187.40614318847656,208.76754760742188],[187.8804931640625,208.77169799804688],[188.35494995117188,208.7758331298828],[188.8292999267578,208.77996826171875],[189.30364990234375,208.7841033935547],[189.7781219482422,208.78823852539062],[190.25247192382812,208.79238891601562],[190.72694396972656,208.79652404785156],[191.20127868652344,208.8006591796875],[191.67562866210938,208.80479431152344],[192.1501007080078,208.80894470214844],[192.6244354248047,208.81298828125],[193.09890747070312,208.81663513183594],[193.57325744628906,208.82028198242188],[194.04762268066406,208.8239288330078],[194.5220947265625,208.8275604248047],[194.99644470214844,208.83120727539062],[195.47091674804688,208.83485412597656],[195.9452667236328,208.8385009765625],[196.41961669921875,208.84213256835938],[196.8940887451172,208.8457794189453],[197.36843872070312,208.84942626953125],[197.84291076660156,208.8530731201172],[198.31727600097656,208.85633850097656],[198.79164123535156,208.85951232910156],[199.26611328125,208.8626708984375],[199.74046325683594,208.8658447265625],[200.21495056152344,208.86900329589844],[200.68930053710938,208.87217712402344],[201.1636505126953,208.87533569335938],[201.63812255859375,208.87850952148438],[202.11248779296875,208.8816680908203],[202.5869598388672,208.8848419189453],[203.06130981445312,208.88800048828125],[203.5356903076172,208.8909912109375],[204.01016235351562,208.89369201660156],[204.48452758789062,208.89639282226562],[204.95887756347656,208.89910888671875],[205.43336486816406,208.9018096923828],[205.90771484375,208.90451049804688],[206.3822021484375,208.9072265625],[206.85655212402344,208.90992736816406],[207.33091735839844,208.91262817382812],[207.80538940429688,208.91534423828125],[208.2797393798828,208.9180450439453],[208.75425720214844,208.92074584960938],[209.22862243652344,208.92300415039062],[209.70297241210938,208.92526245117188],[210.17745971679688,208.92752075195312],[210.65182495117188,208.92977905273438],[211.1262969970703,208.9320526123047],[211.6006622314453,208.93431091308594],[212.0750274658203,208.9365692138672],[212.54949951171875,208.93882751464844],[213.02386474609375,208.9410858154297],[213.4983367919922,208.943359375],[213.9727020263672,208.94561767578125],[214.44705200195312,208.94760131835938],[214.92153930664062,208.94943237304688],[215.39590454101562,208.95127868652344],[215.87039184570312,208.95310974121094],[216.34475708007812,208.95494079589844],[216.81910705566406,208.956787109375],[217.29359436035156,208.9586181640625],[217.76795959472656,208.96044921875],[218.24244689941406,208.96229553222656],[218.716796875,208.96412658691406],[219.191162109375,208.96595764160156],[219.66567993164062,208.96763610839844],[220.14004516601562,208.96885681152344],[220.61441040039062,208.9700927734375],[221.08889770507812,208.97132873535156],[221.56326293945312,208.97254943847656],[222.03775024414062,208.97378540039062],[222.51211547851562,208.97500610351562],[222.98648071289062,208.9762420654297],[223.46096801757812,208.9774627685547],[223.93531799316406,208.97869873046875],[224.40980529785156,208.9799346923828],[224.88417053222656,208.9811553955078],[225.35853576660156,208.98239135742188],[225.83302307128906,208.98361206054688],[226.30738830566406,208.98484802246094],[226.78187561035156,208.986083984375],[227.25624084472656,208.9873046875],[227.73060607910156,208.98854064941406],[228.205078125,208.98976135253906],[228.679443359375,208.99099731445312],[229.1539306640625,208.99221801757812],[229.6282958984375,208.9934539794922],[230.1026611328125,208.99468994140625],[230.57713317871094,208.99551391601562],[231.05149841308594,208.99600219726562],[231.52598571777344,208.99647521972656],[232.00035095214844,208.99696350097656],[232.47471618652344,208.9974365234375],[232.94920349121094,208.9979248046875],[233.42356872558594,208.99839782714844],[233.89793395996094,208.99888610839844],[234.37242126464844,208.99935913085938],[234.84678649902344,208.9998321533203],[235.32127380371094,209.0003204345703],[235.79563903808594,209.00079345703125],[236.27000427246094,209.00128173828125],[236.74449157714844,209.0017547607422],[237.21885681152344,209.0022430419922],[237.69334411621094,209.00271606445312],[238.16770935058594,209.00318908691406],[238.64207458496094,209.00367736816406],[239.11656188964844,209.004150390625],[239.59092712402344,209.004638671875],[240.06541442871094,209.00511169433594],[240.53977966308594,209.00559997558594],[241.01414489746094,209.00607299804688],[241.48855590820312,209.0060272216797],[241.96292114257812,209.0058135986328],[242.43740844726562,209.005615234375],[242.91177368164062,209.0054168701172],[243.38613891601562,209.00521850585938],[243.86062622070312,209.0050048828125],[244.33499145507812,209.0048065185547],[244.80947875976562,209.00460815429688],[245.28384399414062,209.00440979003906],[245.75820922851562,209.00421142578125],[246.23269653320312,209.00399780273438],[246.70706176757812,209.00379943847656],[247.18154907226562,209.00360107421875],[247.65591430664062,209.00340270996094],[248.13027954101562,209.00318908691406],[248.60476684570312,209.00299072265625],[249.07913208007812,209.00279235839844],[249.55349731445312,209.00259399414062],[250.02798461914062,209.00238037109375],[250.50234985351562,209.00218200683594],[250.97683715820312,209.00198364257812],[251.45120239257812,209.0017852783203],[251.9256134033203,209.00155639648438],[252.4001007080078,209.000732421875],[252.8744659423828,208.9999237060547],[253.3489532470703,208.99911499023438],[253.8233184814453,208.998291015625],[254.2976837158203,208.9974822998047],[254.7721710205078,208.99667358398438],[255.2465362548828,208.995849609375],[255.7210235595703,208.9950408935547],[256.19537353515625,208.99423217773438],[256.66973876953125,208.993408203125],[257.14422607421875,208.9925994873047],[257.61859130859375,208.99179077148438],[258.09307861328125,208.990966796875],[258.56744384765625,208.9901580810547],[259.04180908203125,208.98934936523438],[259.51629638671875,208.988525390625],[259.99066162109375,208.9877166748047],[260.46514892578125,208.9868927001953],[260.93951416015625,208.986083984375],[261.41387939453125,208.9852752685547],[261.88836669921875,208.9844512939453],[262.36273193359375,208.983642578125],[262.8371887207031,208.982666015625],[263.3115539550781,208.98130798339844],[263.7859191894531,208.97994995117188],[264.2604064941406,208.9785919189453],[264.7347717285156,208.97723388671875],[265.2091369628906,208.9758758544922],[265.6836242675781,208.97451782226562],[266.1579895019531,208.97315979003906],[266.6324768066406,208.9718017578125],[267.1068420410156,208.97044372558594],[267.5812072753906,208.96908569335938],[268.0556945800781,208.9677276611328],[268.5300598144531,208.96636962890625],[269.0045471191406,208.9650115966797],[269.4789123535156,208.96365356445312],[269.9532470703125,208.96229553222656],[270.427734375,208.9609375],[270.902099609375,208.95957946777344],[271.3765869140625,208.95822143554688],[271.8509521484375,208.9568634033203],[272.3253173828125,208.95550537109375],[272.7998046875,208.9541473388672],[273.274169921875,208.95278930664062],[273.7486877441406,208.95115661621094],[274.2230224609375,208.94932556152344],[274.6973876953125,208.94749450683594],[275.171875,208.94566345214844],[275.646240234375,208.94383239746094],[276.1207275390625,208.94200134277344],[276.5950927734375,208.94017028808594],[277.0694580078125,208.93833923339844],[277.5439453125,208.93650817871094],[278.018310546875,208.93466186523438],[278.4926452636719,208.93283081054688],[278.9671325683594,208.93099975585938],[279.4414978027344,208.92916870117188],[279.9159851074219,208.92733764648438],[280.3903503417969,208.92550659179688],[280.8647155761719,208.92367553710938],[281.3392028808594,208.92184448242188],[281.8135681152344,208.92001342773438],[282.28802490234375,208.91818237304688],[282.76239013671875,208.91635131835938],[283.23675537109375,208.9145050048828],[283.71124267578125,208.9126739501953],[284.18560791015625,208.9108428955078],[284.66009521484375,208.90867614746094],[285.13446044921875,208.90643310546875],[285.6087951660156,208.90420532226562],[286.0832824707031,208.90196228027344],[286.5576477050781,208.89971923828125],[287.0321350097656,208.89749145507812],[287.5065002441406,208.89524841308594],[287.9808654785156,208.89300537109375],[288.455322265625,208.89077758789062],[288.9296875,208.88853454589844],[289.4041748046875,208.88629150390625],[289.8785400390625,208.88406372070312],[290.3529052734375,208.88182067871094],[290.827392578125,208.87957763671875],[291.3017272949219,208.87734985351562],[291.7762145996094,208.87510681152344],[292.2505798339844,208.87286376953125],[292.7249450683594,208.87063598632812],[293.1994323730469,208.86839294433594],[293.67376708984375,208.86614990234375],[294.14813232421875,208.86392211914062],[294.62261962890625,208.86167907714844],[295.09698486328125,208.85939025878906],[295.57147216796875,208.856689453125],[296.04583740234375,208.85397338867188],[296.52020263671875,208.8512725830078],[296.9946594238281,208.8485565185547],[297.4690246582031,208.84585571289062],[297.9435119628906,208.84315490722656],[298.4178771972656,208.84043884277344],[298.8922119140625,208.83773803710938],[299.36669921875,208.83502197265625],[299.841064453125,208.8323211669922],[300.3155517578125,208.82960510253906],[300.7898864746094,208.826904296875],[301.2642517089844,208.82420349121094],[301.7387390136719,208.8214874267578],[302.2131042480469,208.81878662109375],[302.68756103515625,208.81607055664062],[303.16192626953125,208.81336975097656],[303.63629150390625,208.8106689453125],[304.11077880859375,208.80795288085938],[304.5851135253906,208.8052520751953],[305.0596008300781,208.8025360107422],[305.5339660644531,208.79983520507812],[306.0083312988281,208.79713439941406],[306.4827880859375,208.79441833496094],[306.9571533203125,208.79171752929688],[307.431640625,208.78900146484375],[307.906005859375,208.7863006591797],[308.3803405761719,208.78359985351562],[308.8548278808594,208.7808837890625],[309.3291931152344,208.77818298339844],[309.8035583496094,208.7754669189453],[310.27801513671875,208.77276611328125],[310.75238037109375,208.7700653076172],[311.22686767578125,208.76734924316406],[311.70123291015625,208.7646484375],[312.1755676269531,208.76193237304688],[312.6500549316406,208.7592315673828],[313.1244201660156,208.75653076171875],[313.5989074707031,208.75381469726562],[314.0732421875,208.75111389160156],[314.547607421875,208.74839782714844],[315.0220947265625,208.74569702148438],[315.4964599609375,208.7429962158203],[315.9709167480469,208.7402801513672],[316.4452819824219,208.73757934570312],[316.9195556640625,208.734619140625],[317.39404296875,208.73150634765625],[317.8683776855469,208.72840881347656],[318.3428649902344,208.72531127929688],[318.8172302246094,208.72219848632812],[319.29156494140625,208.71910095214844],[319.76605224609375,208.71600341796875],[320.24041748046875,208.71290588378906],[320.7148742675781,208.7097930908203],[321.1892395019531,208.70669555664062],[321.6636047363281,208.70359802246094],[322.1380615234375,208.7004852294922],[322.6124267578125,208.6973876953125],[323.0867919921875,208.6942901611328],[323.5612487792969,208.69117736816406],[324.0356140136719,208.68807983398438],[324.5101013183594,208.6849822998047],[324.98443603515625,208.68186950683594],[325.45880126953125,208.67877197265625],[325.93328857421875,208.67567443847656],[326.4076232910156,208.6725616455078],[326.8821105957031,208.66946411132812],[327.3564758300781,208.66636657714844],[327.830810546875,208.6632537841797],[328.3052978515625,208.66015625],[328.7796630859375,208.6570587158203],[329.2541198730469,208.65396118164062],[329.7284851074219,208.65084838867188],[330.2028503417969,208.6477508544922],[330.67730712890625,208.6446533203125],[331.15167236328125,208.64154052734375],[331.62615966796875,208.63844299316406],[332.1004943847656,208.63534545898438],[332.5748596191406,208.63223266601562],[333.0493469238281,208.62913513183594],[333.523681640625,208.62603759765625],[333.9981689453125,208.6229248046875],[334.4725341796875,208.6198272705078],[334.9468688964844,208.61672973632812],[335.4213562011719,208.61361694335938],[335.8957214355469,208.6105194091797],[336.37017822265625,208.607421875],[336.84454345703125,208.60430908203125],[337.31890869140625,208.60121154785156],[337.7933654785156,208.59811401367188],[338.267822265625,208.59498596191406],[338.7421875,208.59176635742188],[339.2166748046875,208.5885467529297],[339.6910095214844,208.5853271484375],[340.1654968261719,208.5821075439453],[340.63983154296875,208.57888793945312],[341.11419677734375,208.57566833496094],[341.58868408203125,208.57244873046875],[342.0630187988281,208.56922912597656],[342.5375061035156,208.56600952148438],[343.0118713378906,208.56277465820312],[343.4862060546875,208.55955505371094],[343.960693359375,208.55633544921875],[344.43505859375,208.55311584472656],[344.9095153808594,208.54989624023438],[345.3838806152344,208.5466766357422],[345.8582458496094,208.54345703125],[346.33270263671875,208.5402374267578],[346.80706787109375,208.53701782226562],[347.2815246582031,208.53379821777344],[347.7558898925781,208.53057861328125],[348.2302551269531,208.52735900878906],[348.7047119140625,208.52413940429688],[349.1790771484375,208.5209197998047],[349.653564453125,208.51768493652344],[350.1278991699219,208.51446533203125],[350.6022644042969,208.51124572753906],[351.0767517089844,208.50802612304688],[351.55108642578125,208.5048065185547],[352.02557373046875,208.5015869140625],[352.49993896484375,208.4983673095703],[352.9742736816406,208.49514770507812],[353.4487609863281,208.49192810058594],[353.923095703125,208.48870849609375],[354.3974609375,208.48548889160156],[354.8719482421875,208.48226928710938],[355.3462829589844,208.4790496826172],[355.8207702636719,208.475830078125],[356.2951354980469,208.4726104736328],[356.76947021484375,208.46937561035156],[357.24395751953125,208.46615600585938],[357.71832275390625,208.4629364013672],[358.1927795410156,208.459716796875],[358.6671447753906,208.4564971923828],[359.1414794921875,208.45327758789062],[359.615966796875,208.45005798339844],[360.09027099609375,208.4469451904297],[360.5647277832031,208.44387817382812],[361.0390930175781,208.44082641601562],[361.513427734375,208.43775939941406],[361.9879150390625,208.4346923828125],[362.4622802734375,208.431640625],[362.936767578125,208.42857360839844],[363.4111022949219,208.42550659179688],[363.8854675292969,208.42245483398438],[364.3599548339844,208.4193878173828],[364.83428955078125,208.41632080078125],[365.30877685546875,208.4132537841797],[365.78314208984375,208.4102020263672],[366.2574768066406,208.40713500976562],[366.7319641113281,208.40406799316406],[367.2063293457031,208.40101623535156],[367.6806640625,208.39794921875],[368.1551513671875,208.39488220214844],[368.6295166015625,208.39183044433594],[369.1039733886719,208.38876342773438],[369.5783386230469,208.3856964111328],[370.0527038574219,208.3826446533203],[370.52716064453125,208.37957763671875],[371.00152587890625,208.3765106201172],[371.47601318359375,208.3734588623047],[371.9503479003906,208.37039184570312],[372.4247131347656,208.36732482910156],[372.8992004394531,208.36427307128906],[373.37353515625,208.3612060546875],[373.8480224609375,208.35813903808594],[374.3223876953125,208.35508728027344],[374.7967224121094,208.35202026367188],[375.2712097167969,208.3489532470703],[375.7455749511719,208.3459014892578],[376.22003173828125,208.34283447265625],[376.69439697265625,208.3397674560547],[377.16876220703125,208.3367156982422],[377.64324951171875,208.33364868164062],[378.1175842285156,208.33058166503906],[378.5920715332031,208.3275146484375],[379.0664367675781,208.324462890625],[379.540771484375,208.32139587402344],[380.0152587890625,208.31832885742188],[380.4896240234375,208.31527709960938],[380.9640808105469,208.3122100830078],[381.4385070800781,208.30921936035156],[381.9128723144531,208.3065948486328],[382.3873291015625,208.303955078125],[382.8616943359375,208.30133056640625],[383.3360595703125,208.2987060546875],[383.810546875,208.29608154296875],[384.2848815917969,208.29345703125],[384.7593688964844,208.29083251953125],[385.2337341308594,208.28819274902344],[385.7080993652344,208.2855682373047],[386.18255615234375,208.28294372558594],[386.65692138671875,208.2803192138672],[387.13140869140625,208.27769470214844],[387.60577392578125,208.2750701904297],[388.0801086425781,208.27243041992188],[388.5545959472656,208.26980590820312],[389.0289611816406,208.26718139648438],[389.5034484863281,208.26455688476562],[389.9778137207031,208.26193237304688],[390.4521484375,208.25929260253906],[390.9266357421875,208.2566680908203],[391.4010009765625,208.25404357910156],[391.87548828125,208.2514190673828],[392.3498229980469,208.24879455566406],[392.8241882324219,208.2461700439453],[393.2986755371094,208.2435302734375],[393.7730407714844,208.24090576171875],[394.24749755859375,208.23828125],[394.72186279296875,208.23565673828125],[395.19622802734375,208.2330322265625],[395.67071533203125,208.2303924560547],[396.1450500488281,208.22776794433594],[396.6195373535156,208.2251434326172],[397.0939025878906,208.22251892089844],[397.5682678222656,208.2198944091797],[398.042724609375,208.21726989746094],[398.51708984375,208.21463012695312],[398.991455078125,208.21200561523438],[399.4659423828125,208.20938110351562],[399.9403076171875,208.20675659179688],[400.4147644042969,208.20413208007812],[400.8891296386719,208.20150756835938],[401.3634948730469,208.19886779785156],[401.8379821777344,208.1962432861328],[402.31231689453125,208.19361877441406],[402.78680419921875,208.1909942626953],[403.2611389160156,208.1886749267578],[403.7355041503906,208.18653869628906],[404.2099914550781,208.18441772460938],[404.6843566894531,208.18228149414062],[405.1588439941406,208.18016052246094],[405.6332092285156,208.1780242919922],[406.1075744628906,208.1759033203125],[406.58203125,208.17376708984375],[407.056396484375,208.171630859375],[407.5308837890625,208.1695098876953],[408.0052490234375,208.16737365722656],[408.4796142578125,208.16525268554688],[408.9541015625,208.16311645507812],[409.4284362792969,208.16099548339844],[409.9029235839844,208.1588592529297],[410.3772888183594,208.15673828125],[410.8516540527344,208.15460205078125],[411.3261413574219,208.15248107910156],[411.8005065917969,208.1503448486328],[412.27484130859375,208.14822387695312],[412.74932861328125,208.14608764648438],[413.22369384765625,208.1439666748047],[413.69818115234375,208.14183044433594],[414.17254638671875,208.1400604248047],[414.64691162109375,208.1383514404297],[415.12139892578125,208.1366424560547],[415.59576416015625,208.13494873046875],[416.07025146484375,208.13323974609375],[416.54461669921875,208.13153076171875],[417.01898193359375,208.12982177734375],[417.49346923828125,208.1281280517578],[417.9678039550781,208.1264190673828],[418.4422912597656,208.1247100830078],[418.9166564941406,208.1230010986328],[419.3910217285156,208.12130737304688],[419.8655090332031,208.11959838867188],[420.3398742675781,208.11788940429688],[420.8143615722656,208.11619567871094],[421.2887268066406,208.11448669433594],[421.7630920410156,208.11277770996094],[422.237548828125,208.11106872558594],[422.7119140625,208.109375],[423.1864013671875,208.107666015625],[423.6607666015625,208.10595703125],[424.1351318359375,208.104248046875],[424.6095886230469,208.10256958007812],[425.0839538574219,208.10134887695312],[425.5584411621094,208.1001434326172],[426.0328063964844,208.0989227294922],[426.5071716308594,208.09771728515625],[426.9816589355469,208.09649658203125],[427.4560241699219,208.0952911376953],[427.9303894042969,208.09408569335938],[428.4048767089844,208.09286499023438],[428.8792419433594,208.09165954589844],[429.3537292480469,208.09043884277344],[429.8280944824219,208.0892333984375],[430.3024597167969,208.0880126953125],[430.77691650390625,208.08680725097656],[431.25128173828125,208.08558654785156],[431.72576904296875,208.08438110351562],[432.20013427734375,208.08316040039062],[432.67449951171875,208.0819549560547],[433.14898681640625,208.08074951171875],[433.62335205078125,208.07952880859375],[434.09783935546875,208.0783233642578],[434.57220458984375,208.0771026611328],[435.04656982421875,208.07589721679688],[435.52099609375,208.07481384277344],[435.9954833984375,208.07415771484375],[436.4698486328125,208.07350158691406],[436.9442138671875,208.07284545898438],[437.4185791015625,208.0721893310547],[437.8929443359375,208.07154846191406],[438.3675537109375,208.07089233398438],[438.8419189453125,208.0702362060547],[439.3162841796875,208.069580078125],[439.7906494140625,208.06893920898438],[440.2650146484375,208.0682830810547],[440.7396240234375,208.067626953125],[441.2139892578125,208.0669708251953],[441.6883544921875,208.06631469726562],[442.1627197265625,208.065673828125],[442.6370849609375,208.0650177001953],[443.1116943359375,208.06436157226562],[443.5860595703125,208.06370544433594],[444.0604248046875,208.0630645751953],[444.5347900390625,208.06240844726562],[445.0091552734375,208.06175231933594],[445.4837646484375,208.06109619140625],[445.9581298828125,208.06045532226562],[446.4324951171875,208.06004333496094],[446.9068603515625,208.06002807617188],[447.3812255859375,208.05999755859375],[447.8558349609375,208.0599822998047],[448.3302001953125,208.05995178222656],[448.8045654296875,208.05992126464844],[449.2789306640625,208.05990600585938],[449.7532958984375,208.05987548828125],[450.2276611328125,208.0598602294922],[450.7022705078125,208.05982971191406],[451.1766357421875,208.059814453125],[451.6510009765625,208.05978393554688],[452.1253662109375,208.05975341796875],[452.5997314453125,208.0597381591797],[453.0743408203125,208.05970764160156],[453.5487060546875,208.0596923828125],[454.0230712890625,208.05966186523438],[454.4974365234375,208.0596466064453],[454.9718017578125,208.0596160888672],[455.4464111328125,208.05958557128906],[455.9207763671875,208.0595703125],[456.3951416015625,208.05953979492188],[456.8695068359375,208.0595245361328],[457.3438720703125,208.05978393554688],[457.8184814453125,208.06028747558594],[458.2928466796875,208.06077575683594],[458.7672119140625,208.06126403808594],[459.2415771484375,208.06175231933594],[459.7159423828125,208.06224060058594],[460.1905517578125,208.062744140625],[460.6649169921875,208.063232421875],[461.1392822265625,208.063720703125],[461.6136474609375,208.064208984375],[462.0880126953125,208.06471252441406],[462.5626220703125,208.06524658203125],[463.0369873046875,208.0661163330078],[463.5113525390625,208.0669708251953],[463.9857177734375,208.0678253173828],[464.4600830078125,208.0686798095703],[464.9346923828125,208.0695343017578],[465.4090576171875,208.07040405273438],[465.8834228515625,208.07125854492188],[466.3577880859375,208.07211303710938],[466.8321533203125,208.07296752929688],[467.3067626953125,208.07382202148438],[467.7811279296875,208.07467651367188],[468.25543212890625,208.07577514648438],[468.72979736328125,208.0769500732422],[469.20416259765625,208.07814025878906],[469.67877197265625,208.07931518554688],[470.15313720703125,208.08050537109375],[470.62750244140625,208.08168029785156],[471.10186767578125,208.08287048339844],[471.57623291015625,208.08404541015625],[472.05084228515625,208.08523559570312],[472.52520751953125,208.08641052246094],[472.99957275390625,208.08758544921875],[473.47393798828125,208.08877563476562],[473.94830322265625,208.08995056152344],[474.42291259765625,208.0911407470703],[474.89727783203125,208.09231567382812],[475.37164306640625,208.093505859375],[475.84600830078125,208.0946807861328],[476.32037353515625,208.0958709716797],[476.79498291015625,208.0970458984375],[477.26934814453125,208.0982208251953],[477.7436828613281,208.0994110107422],[478.2180480957031,208.1005859375],[478.6924133300781,208.10177612304688],[479.1667785644531,208.1029510498047],[479.6413879394531,208.10414123535156],[480.1157531738281,208.10531616210938],[480.5901184082031,208.10650634765625],[481.0644836425781,208.10768127441406],[481.5388488769531,208.10885620117188],[482.0134582519531,208.11004638671875],[482.4878234863281,208.11122131347656],[482.9621887207031,208.11241149902344],[483.4365539550781,208.11358642578125],[483.9109191894531,208.11477661132812],[484.3855285644531,208.11595153808594],[484.8598937988281,208.1171417236328],[485.3342590332031,208.11831665039062],[485.8086242675781,208.11949157714844],[486.2829895019531,208.1206817626953],[486.7575988769531,208.12185668945312],[487.23193359375,208.123046875],[487.706298828125,208.1242218017578],[488.1806640625,208.1254119873047],[488.655029296875,208.1265869140625],[489.129638671875,208.12777709960938],[489.60400390625,208.1289520263672],[490.078369140625,208.130126953125],[490.552734375,208.13131713867188],[491.027099609375,208.1324920654297],[491.501708984375,208.13368225097656],[491.9761047363281,208.13487243652344],[492.4504699707031,208.13624572753906],[492.9248352050781,208.13763427734375],[493.3992004394531,208.13902282714844],[493.8738098144531,208.14039611816406],[494.3481750488281,208.14178466796875],[494.8225402832031,208.14317321777344],[495.2969055175781,208.14456176757812],[495.7712707519531,208.14593505859375],[496.2458801269531,208.14732360839844],[496.7202453613281,208.14871215820312],[497.194580078125,208.15008544921875],[497.6689453125,208.15147399902344],[498.143310546875,208.15286254882812],[498.617919921875,208.1542510986328],[499.09228515625,208.15562438964844],[499.566650390625,208.15701293945312],[500.041015625,208.1584014892578],[500.515380859375,208.15977478027344],[500.989990234375,208.16116333007812],[501.46435546875,208.1625518798828],[501.938720703125,208.1639404296875],[502.4130859375,208.16531372070312],[502.887451171875,208.1667022705078],[503.362060546875,208.1680908203125],[503.83642578125,208.16946411132812],[504.310791015625,208.1708526611328],[504.7851257324219,208.1722412109375],[505.2594909667969,208.1736297607422],[505.7341003417969,208.1750030517578],[506.2084655761719,208.1763916015625],[506.6828308105469,208.1777801513672],[507.1571960449219,208.1791534423828],[507.6315612792969,208.1805419921875],[508.1059265136719,208.1819305419922],[508.5805358886719,208.18331909179688],[509.0549011230469,208.1846923828125],[509.5292663574219,208.1860809326172],[510.0036315917969,208.18746948242188],[510.4779968261719,208.1888427734375],[510.9526062011719,208.1902313232422],[511.4269714355469,208.19161987304688],[511.90130615234375,208.19300842285156],[512.3756713867188,208.1943817138672],[512.8500366210938,208.19577026367188],[513.3246459960938,208.19715881347656],[513.7990112304688,208.1985321044922],[514.2733764648438,208.19992065429688],[514.7477416992188,208.20130920410156],[515.2221069335938,208.2026824951172],[515.6965942382812,208.20413208007812],[516.1709594726562,208.20556640625],[516.6453247070312,208.20701599121094],[517.1196899414062,208.2084503173828],[517.5940551757812,208.20989990234375],[518.0686645507812,208.21133422851562],[518.5430297851562,208.21278381347656],[519.0173950195312,208.21421813964844],[519.4917602539062,208.21566772460938],[519.9661254882812,208.21710205078125],[520.4407348632812,208.2185516357422],[520.9151000976562,208.21998596191406],[521.3894653320312,208.221435546875],[521.8638305664062,208.22286987304688],[522.3381958007812,208.2243194580078],[522.8128051757812,208.2257537841797],[523.2871704101562,208.22720336914062],[523.7615356445312,208.2286376953125],[524.2359008789062,208.23008728027344],[524.7102661132812,208.2315216064453],[525.1848754882812,208.23297119140625],[525.6592407226562,208.23440551757812],[526.1336059570312,208.23585510253906],[526.6079711914062,208.23728942871094],[527.082275390625,208.2387237548828],[527.556884765625,208.24017333984375],[528.03125,208.24160766601562],[528.505615234375,208.24305725097656],[528.97998046875,208.24449157714844],[529.454345703125,208.24594116210938],[529.928955078125,208.24737548828125],[530.4033203125,208.2488250732422],[530.877685546875,208.25025939941406],[531.35205078125,208.251708984375],[531.826416015625,208.25314331054688],[532.301025390625,208.2545928955078],[532.775390625,208.2560272216797],[533.249755859375,208.25747680664062],[533.72412109375,208.2589111328125],[534.198486328125,208.26036071777344],[534.673095703125,208.2617950439453],[535.1474609375,208.26324462890625],[535.621826171875,208.26467895507812],[536.09619140625,208.26612854003906],[536.570556640625,208.26756286621094],[537.045166015625,208.26901245117188],[537.51953125,208.27044677734375],[537.993896484375,208.2718963623047],[538.46826171875,208.27333068847656],[538.942626953125,208.27476501464844],[539.4169921875,208.27621459960938],[539.8916015625,208.27764892578125],[540.365966796875,208.2790985107422],[540.8402709960938,208.28053283691406],[541.3146362304688,208.281982421875],[541.7890014648438,208.28341674804688],[542.2636108398438,208.2848663330078],[542.7379760742188,208.2863006591797],[543.2123413085938,208.28775024414062],[543.6867065429688,208.2891845703125],[544.1610717773438,208.29063415527344],[544.6356811523438,208.2920684814453],[545.1100463867188,208.29351806640625],[545.5844116210938,208.29495239257812],[546.0587768554688,208.29640197753906],[546.5331420898438,208.29783630371094],[547.0077514648438,208.29928588867188],[547.4821166992188,208.30072021484375],[547.9564819335938,208.3021697998047],[548.4308471679688,208.30360412597656],[548.9052124023438,208.3050537109375],[549.3798217773438,208.30648803710938],[549.8541870117188,208.3079376220703],[550.3285522460938,208.3093719482422],[550.8029174804688,208.31080627441406],[551.2772827148438,208.312255859375],[551.7518920898438,208.31369018554688],[552.2262573242188,208.3151397705078],[552.7006225585938,208.3165740966797],[553.1749877929688,208.31802368164062],[553.6493530273438,208.3194580078125],[554.1239013671875,208.32090759277344],[554.5982666015625,208.3223419189453],[555.0726318359375,208.32379150390625],[555.5469970703125,208.32522583007812],[556.0213623046875,208.32667541503906],[556.4959716796875,208.32810974121094],[556.9703369140625,208.32955932617188],[557.4447021484375,208.33099365234375],[557.9190673828125,208.3324432373047],[558.3934326171875,208.33387756347656],[558.8680419921875,208.3353271484375],[559.3424072265625,208.33676147460938],[559.8167724609375,208.3382110595703],[560.2911376953125,208.3396453857422],[560.7656860351562,208.34091186523438],[561.2402954101562,208.34213256835938],[561.7146606445312,208.34336853027344],[562.1890258789062,208.3446044921875],[562.6633911132812,208.3458251953125],[563.1377563476562,208.34706115722656],[563.6123657226562,208.34829711914062],[564.0867309570312,208.34951782226562],[564.5610961914062,208.3507537841797],[565.0354614257812,208.3519744873047],[565.5098266601562,208.35321044921875],[565.9844360351562,208.3544464111328],[566.4588012695312,208.3556671142578],[566.9331665039062,208.35690307617188],[567.4075317382812,208.35813903808594],[567.8818969726562,208.35935974121094],[568.3562622070312,208.360595703125],[568.8308715820312,208.36183166503906],[569.3052368164062,208.36305236816406],[569.7796020507812,208.36428833007812],[570.2539672851562,208.36550903320312],[570.7283325195312,208.3667449951172],[571.2029418945312,208.36798095703125],[571.6773071289062,208.36920166015625],[572.1516723632812,208.3704376220703],[572.6260375976562,208.37167358398438],[573.1004028320312,208.37289428710938],[573.574951171875,208.37413024902344],[574.04931640625,208.3753662109375],[574.523681640625,208.3765869140625],[574.998046875,208.37782287597656],[575.472412109375,208.37905883789062],[575.947021484375,208.38027954101562],[576.42138671875,208.3815155029297],[576.895751953125,208.3827362060547],[577.3701171875,208.38397216796875],[577.844482421875,208.3852081298828],[578.319091796875,208.3864288330078],[578.79345703125,208.38766479492188],[579.267822265625,208.38890075683594],[579.7421875,208.39012145996094],[580.216552734375,208.391357421875],[580.691162109375,208.39259338378906],[581.16552734375,208.39381408691406],[581.639892578125,208.39505004882812],[582.1142578125,208.3962860107422],[582.588623046875,208.3975067138672],[583.0631103515625,208.39849853515625],[583.5374755859375,208.3994140625],[584.0118408203125,208.40032958984375],[584.4862060546875,208.4012451171875],[584.9605712890625,208.40216064453125],[585.4351806640625,208.40306091308594],[585.9095458984375,208.4039764404297],[586.3839111328125,208.40489196777344],[586.8582763671875,208.4058074951172],[587.3326416015625,208.40672302246094],[587.8072509765625,208.4076385498047],[588.2816162109375,208.40853881835938],[588.7559814453125,208.40945434570312],[589.2303466796875,208.41036987304688],[589.7046508789062,208.41128540039062],[590.1792602539062,208.41220092773438],[590.6536254882812,208.41311645507812],[591.1279907226562,208.4140167236328],[591.6023559570312,208.41493225097656],[592.0767211914062,208.4158477783203],[592.5513305664062,208.41676330566406],[593.0256958007812,208.4176788330078],[593.5000610351562,208.4185791015625],[593.9744262695312,208.41949462890625],[594.4487915039062,208.42041015625],[594.9234008789062,208.42132568359375],[595.3977661132812,208.4222412109375],[595.8721313476562,208.42315673828125],[596.3464965820312,208.42405700683594],[596.8208618164062,208.4249725341797],[597.2952270507812,208.42588806152344],[597.7698364257812,208.4268035888672],[598.2442016601562,208.42771911621094],[598.7185668945312,208.42861938476562],[599.1929321289062,208.42953491210938],[599.6672973632812,208.43045043945312],[600.1419067382812,208.43136596679688],[600.6162719726562,208.43228149414062],[601.0906372070312,208.43319702148438],[601.5650024414062,208.43409729003906],[602.0393676757812,208.4350128173828],[602.5139770507812,208.43592834472656],[602.9883422851562,208.4368438720703],[603.4627075195312,208.43775939941406],[603.9370727539062,208.43865966796875],[604.4114379882812,208.4395751953125],[604.8860473632812,208.44049072265625],[605.3604736328125,208.4413299560547],[605.8348388671875,208.4419403076172],[606.3092041015625,208.44253540039062],[606.7835693359375,208.44313049316406],[607.2581787109375,208.44374084472656],[607.7325439453125,208.4443359375],[608.2069091796875,208.44493103027344],[608.6812744140625,208.44554138183594],[609.1556396484375,208.44613647460938],[609.6302490234375,208.4467315673828],[610.1046142578125,208.4473419189453],[610.5789794921875,208.44793701171875],[611.0533447265625,208.44854736328125],[611.5277099609375,208.4491424560547],[612.0023193359375,208.44973754882812],[612.4766845703125,208.45034790039062],[612.9510498046875,208.45094299316406],[613.4254150390625,208.4515380859375],[613.8997802734375,208.4521484375],[614.3743896484375,208.45274353027344],[614.8487548828125,208.45333862304688],[615.3231201171875,208.45394897460938],[615.7974853515625,208.4545440673828],[616.2718505859375,208.45513916015625],[616.7464599609375,208.45570373535156],[617.2208251953125,208.4560546875],[617.6951904296875,208.4564208984375],[618.1695556640625,208.45677185058594],[618.6439208984375,208.45713806152344],[619.1185302734375,208.45748901367188],[619.5928955078125,208.4578399658203],[620.0672607421875,208.4582061767578],[620.5416259765625,208.45855712890625],[621.0159912109375,208.4589080810547],[621.4906005859375,208.4592742919922],[621.9649658203125,208.45962524414062],[622.4393310546875,208.45997619628906],[622.9136962890625,208.46034240722656],[623.3880615234375,208.460693359375],[623.8626708984375,208.4610595703125],[624.3370361328125,208.46141052246094],[624.8114013671875,208.46176147460938],[625.2857666015625,208.46212768554688],[625.7601318359375,208.4624786376953],[626.2347412109375,208.46282958984375],[626.7091064453125,208.46319580078125],[627.1834716796875,208.4635467529297],[627.6578369140625,208.4639129638672],[628.1322021484375,208.46426391601562],[628.6064453125,208.4644012451172],[629.0810546875,208.46449279785156],[629.555419921875,208.46458435058594],[630.02978515625,208.4646759033203],[630.504150390625,208.4647674560547],[630.978515625,208.46484375],[631.453125,208.46493530273438],[631.927490234375,208.46502685546875],[632.40185546875,208.46511840820312],[632.876220703125,208.4652099609375],[633.3505859375,208.46530151367188],[633.8251953125,208.46539306640625],[634.299560546875,208.46548461914062],[634.77392578125,208.465576171875],[635.248291015625,208.46566772460938],[635.72265625,208.46575927734375],[636.197265625,208.46583557128906],[636.671630859375,208.46592712402344],[637.14599609375,208.4660186767578],[637.620361328125,208.4661102294922],[638.0947265625,208.46620178222656],[638.5693359375,208.46629333496094],[639.043701171875,208.4663848876953],[639.51806640625,208.4664764404297],[639.9925537109375,208.46652221679688],[640.4669189453125,208.46632385253906],[640.9415283203125,208.46612548828125],[641.4158935546875,208.46592712402344],[641.8902587890625,208.46572875976562],[642.3646240234375,208.4655303955078],[642.8389892578125,208.46533203125],[643.3135986328125,208.4651336669922],[643.7879638671875,208.46493530273438],[644.2623291015625,208.46473693847656],[644.7366943359375,208.46453857421875],[645.2110595703125,208.46434020996094],[645.6856689453125,208.46414184570312],[646.1600341796875,208.4639434814453],[646.6343994140625,208.4637451171875],[647.1087646484375,208.4635467529297],[647.5831298828125,208.46334838867188],[648.0577392578125,208.46315002441406],[648.5321044921875,208.46295166015625],[649.0064697265625,208.46275329589844],[649.4808349609375,208.46255493164062],[649.9552001953125,208.4623565673828],[650.4298095703125,208.462158203125],[650.9041748046875,208.4619598388672],[651.3785400390625,208.46176147460938],[651.8529052734375,208.4615478515625],[652.3273315429688,208.45809936523438],[652.8016967773438,208.4492645263672],[653.27587890625,208.43504333496094],[653.7498168945312,208.41543579101562],[654.2236328125,208.39047241210938],[654.69677734375,208.3594512939453],[655.1699829101562,208.3229522705078],[655.6427001953125,208.28111267089844],[656.1145629882812,208.23397827148438],[656.5859985351562,208.18125915527344],[657.056640625,208.1226806640625],[657.5269165039062,208.05882263183594],[657.9963989257812,207.98973083496094],[658.4647827148438,207.9153289794922],[658.9324340820312,207.83497619628906],[659.3988647460938,207.74954223632812],[659.8646240234375,207.65892028808594],[660.3292846679688,207.56297302246094],[660.792724609375,207.4613800048828],[661.2550048828125,207.35476684570312],[661.7161254882812,207.2432403564453],[662.1756591796875,207.1261749267578],[662.6342163085938,207.00389099121094],[663.0913696289062,206.87680053710938],[663.546875,206.74473571777344],[664.0007934570312,206.6072998046875],[664.453369140625,206.46514892578125],[664.90478515625,206.3182373046875],[665.3539428710938,206.16603088378906],[665.8017578125,206.00921630859375],[666.2478637695312,205.84799194335938],[666.6920776367188,205.6814422607422],[667.1347045898438,205.51046752929688],[667.5756225585938,205.3351287841797],[668.0143432617188,205.15475463867188],[668.451171875,204.97019958496094],[668.8864135742188,204.7812957763672],[669.319580078125,204.58746337890625],[669.7507934570312,204.38967895507812],[670.179931640625,204.18763732910156],[670.6068725585938,203.98114013671875],[671.0321655273438,203.77064514160156],[671.4551391601562,203.55575561523438],[671.8761596679688,203.3368377685547],[672.2947998046875,203.11424255371094],[672.71142578125,202.88711547851562],[673.1259765625,202.65643310546875],[673.5383911132812,202.42156982421875],[673.9483642578125,202.18309020996094],[674.356201171875,201.9408721923828],[674.7617797851562,201.6947021484375],[675.1652221679688,201.44520568847656],[675.5662841796875,201.1915283203125],[675.9650268554688,200.9347381591797],[676.3615112304688,200.67404174804688],[676.7555541992188,200.4102020263672],[677.147216796875,200.1427001953125],[677.5369873046875,199.87171936035156],[677.9240112304688,199.59742736816406],[678.308837890625,199.31983947753906],[678.6910400390625,199.0389862060547],[679.0709838867188,198.7549285888672],[679.448486328125,198.46755981445312],[679.82373046875,198.17709350585938],[680.1961669921875,197.88339233398438],[680.5664672851562,197.58677673339844],[680.933837890625,197.28700256347656],[681.2992553710938,196.98402404785156],[681.6619262695312,196.67822265625],[682.0220336914062,196.36929321289062],[682.3795776367188,196.0577850341797],[682.734619140625,195.74302673339844],[683.0869140625,195.425537109375],[683.4368896484375,195.1051025390625],[683.7841796875,194.78170776367188],[684.1286010742188,194.4556121826172],[684.4703979492188,194.1266632080078],[684.8095092773438,193.7951202392578],[685.1460571289062,193.4604034423828],[685.4795532226562,193.1230926513672],[685.81005859375,192.78271484375],[686.137939453125,192.4400177001953],[686.4629516601562,192.0943603515625],[686.7850341796875,191.7458038330078],[687.1038208007812,191.39466857910156],[687.4196166992188,191.04051208496094],[687.7321166992188,190.6836395263672],[688.0413818359375,190.32379150390625],[688.3453979492188,189.95948791503906],[688.643310546875,189.59043884277344],[688.9356079101562,189.216796875],[689.2223510742188,188.8388671875],[689.5037231445312,188.45692443847656],[689.7796630859375,188.07090759277344],[690.05029296875,187.68141174316406],[690.3159790039062,187.28831481933594],[690.5767211914062,186.89210510253906],[690.8325805664062,186.49256896972656],[691.0838012695312,186.08978271484375],[691.3300170898438,185.68441772460938],[691.5717163085938,185.27618408203125],[691.8088989257812,184.8655242919922],[692.0416259765625,184.45223999023438],[692.2700805664062,184.03623962402344],[692.4942626953125,183.61798095703125],[692.7139892578125,183.19761657714844],[692.9295043945312,182.7751007080078],[693.1407470703125,182.35043334960938],[693.3479614257812,181.9233856201172],[693.5509643554688,181.49462890625],[693.7498168945312,181.06402587890625],[693.94482421875,180.63143920898438],[694.1355590820312,180.19735717773438],[694.322509765625,179.76107788085938],[694.5054321289062,179.3232421875],[694.6842651367188,178.88394165039062],[694.8591918945312,178.44317626953125],[695.0301513671875,178.00059509277344],[695.1971435546875,177.556396484375],[695.3600463867188,177.1108856201172],[695.51904296875,176.6640167236328],[695.674072265625,176.21548461914062],[695.824951171875,175.76589965820312],[695.9718627929688,175.31468200683594],[696.11474609375,174.86228942871094],[696.2534790039062,174.40855407714844],[696.3880004882812,173.95384216308594],[696.5183715820312,173.49766540527344],[696.6446533203125,173.04010009765625],[696.7664794921875,172.58180236816406],[696.884033203125,172.12216186523438],[696.9971313476562,171.66160583496094],[697.1058349609375,171.1997833251953],[697.2100219726562,170.73678588867188],[697.3095703125,170.2728271484375],[697.4047241210938,169.80831909179688],[697.4947509765625,169.3424835205078],[697.5797729492188,168.87583923339844],[697.6598510742188,168.40830993652344],[697.73486328125,167.9394989013672],[697.8046264648438,167.47030639648438],[697.8689575195312,167.0003662109375],[697.9276123046875,166.52967834472656],[697.9805297851562,166.05836486816406],[698.0277099609375,165.58607482910156],[698.0687866210938,165.1134796142578],[698.1035766601562,164.6405029296875],[698.1318359375,164.16680908203125],[698.15478515625,163.69305419921875],[698.1771240234375,163.21896362304688],[698.199462890625,162.74513244628906],[698.2218017578125,162.2712860107422],[698.2440795898438,161.79745483398438],[698.2664184570312,161.3236083984375],[698.2887573242188,160.8495330810547],[698.3110961914062,160.3756866455078],[698.3333740234375,159.90184020996094],[698.355712890625,159.42800903320312],[698.377685546875,158.95420837402344],[698.399169921875,158.48007202148438],[698.4205932617188,158.00619506835938],[698.4420166015625,157.53231811523438],[698.4634399414062,157.05844116210938],[698.48486328125,156.5845489501953],[698.50634765625,156.1104278564453],[698.5277709960938,155.6365509033203],[698.5491943359375,155.1626739501953],[698.5706176757812,154.68878173828125],[698.5919189453125,154.21473693847656],[698.612548828125,153.74057006835938],[698.6331787109375,153.26666259765625],[698.65380859375,152.79273986816406],[698.6744384765625,152.31883239746094],[698.695068359375,151.84490966796875],[698.7156982421875,151.37075805664062],[698.736328125,150.89683532714844],[698.7569580078125,150.42291259765625],[698.777587890625,149.94900512695312],[698.7981567382812,149.47525024414062],[698.8180541992188,149.00106811523438],[698.8379516601562,148.52711486816406],[698.8578491210938,148.05316162109375],[698.8777465820312,147.5792236328125],[698.897705078125,147.1052703857422],[698.9176025390625,146.63108825683594],[698.9375,146.15713500976562],[698.9573974609375,145.6831817626953],[698.977294921875,145.20924377441406],[698.9971923828125,144.735107421875],[699.0164794921875,144.26089477539062],[699.0357666015625,143.78692626953125],[699.0550537109375,143.31295776367188],[699.0742797851562,142.83897399902344],[699.0935668945312,142.36500549316406],[699.1128540039062,141.8907928466797],[699.1321411132812,141.41680908203125],[699.1514282226562,140.94284057617188],[699.1707153320312,140.4688720703125],[699.1898803710938,139.99490356445312],[699.2086791992188,139.5209197998047],[699.2274169921875,139.0466766357422],[699.2461547851562,138.5726776123047],[699.2649536132812,138.09869384765625],[699.28369140625,137.62469482421875],[699.3024291992188,137.15069580078125],[699.3212280273438,136.6764678955078],[699.3399658203125,136.2024688720703],[699.3587036132812,135.7284698486328],[699.3772583007812,135.25462341308594],[699.3953857421875,134.78060913085938],[699.41357421875,134.3063507080078],[699.4317016601562,133.83233642578125],[699.4498901367188,133.35830688476562],[699.468017578125,132.88429260253906],[699.4862060546875,132.4102783203125],[699.5043334960938,131.93601989746094],[699.5225219726562,131.4619903564453],[699.5406494140625,130.98797607421875],[699.558837890625,130.5139617919922],[699.5769653320312,130.03994750976562],[699.5951538085938,129.56568908691406],[699.61328125,129.09165954589844],[699.6314697265625,128.61764526367188],[699.6495971679688,128.1436309814453],[699.667724609375,127.66960906982422],[699.6859130859375,127.19535064697266],[699.7041015625,126.72132873535156]], bounds=3000, full_zoom=0.23, max_episode_steps=2000 ) France = RaceTrack( name='France', xy=[[402.18743896484375,279.6558837890625],[401.8815612792969,279.42291259765625],[401.5757141113281,279.18994140625],[401.26983642578125,278.9570007324219],[400.9639892578125,278.7240295410156],[400.65814208984375,278.4910583496094],[400.3522644042969,278.2580871582031],[400.04638671875,278.025146484375],[399.74053955078125,277.79217529296875],[399.4346923828125,277.5592041015625],[399.1288146972656,277.32623291015625],[398.82293701171875,277.09326171875],[398.51708984375,276.8603210449219],[398.21124267578125,276.6273498535156],[397.9053649902344,276.3943786621094],[397.5994873046875,276.1614074707031],[397.29364013671875,275.928466796875],[396.98779296875,275.69549560546875],[396.6819152832031,275.4625244140625],[396.3760681152344,275.22955322265625],[396.0701904296875,274.99658203125],[395.76434326171875,274.7636413574219],[395.4584655761719,274.5306701660156],[395.1526184082031,274.2976989746094],[394.84674072265625,274.0647277832031],[394.5408935546875,273.8317565917969],[394.2350158691406,273.59881591796875],[393.9291687011719,273.3658447265625],[393.623291015625,273.13287353515625],[393.31744384765625,272.89990234375],[393.0115661621094,272.66693115234375],[392.7057189941406,272.4339904785156],[392.39984130859375,272.2010192871094],[392.093994140625,271.9680480957031],[391.7881164550781,271.7350769042969],[391.4822692871094,271.50213623046875],[391.1763916015625,271.2691650390625],[390.87054443359375,271.03619384765625],[390.5646667480469,270.80322265625],[390.2588195800781,270.57025146484375],[389.95294189453125,270.3373107910156],[389.6470947265625,270.1043395996094],[389.3412170410156,269.8713684082031],[389.0353698730469,269.6383972167969],[388.7294921875,269.4054260253906],[388.42364501953125,269.1724853515625],[388.1177673339844,268.93951416015625],[387.8119201660156,268.70654296875],[387.50604248046875,268.47357177734375],[387.2001953125,268.2406311035156],[386.8943176269531,268.0076599121094],[386.5884704589844,267.7746887207031],[386.2825927734375,267.5417175292969],[385.97674560546875,267.3087463378906],[385.6708679199219,267.0758056640625],[385.3650207519531,266.84283447265625],[385.05914306640625,266.60986328125],[384.7532958984375,266.37689208984375],[384.4474182128906,266.1439208984375],[384.1415710449219,265.9109802246094],[383.835693359375,265.6780090332031],[383.52984619140625,265.4450378417969],[383.2239685058594,265.2120666503906],[382.9181213378906,264.9791259765625],[382.61224365234375,264.74615478515625],[382.306396484375,264.51318359375],[382.0005187988281,264.28021240234375],[381.6946716308594,264.0472412109375],[381.3887939453125,263.8143005371094],[381.08294677734375,263.5813293457031],[380.777099609375,263.3483581542969],[380.4712219238281,263.1153869628906],[380.16534423828125,262.8824157714844],[379.8594970703125,262.64947509765625],[379.55364990234375,262.41650390625],[379.2477722167969,262.18353271484375],[378.94189453125,261.9505615234375],[378.63604736328125,261.71759033203125],[378.3302001953125,261.4846496582031],[378.0243225097656,261.2516784667969],[377.7184753417969,261.0187072753906],[377.41259765625,260.7857360839844],[377.10675048828125,260.55279541015625],[376.8008728027344,260.31982421875],[376.4950256347656,260.08685302734375],[376.18914794921875,259.8538818359375],[375.88330078125,259.62091064453125],[375.5774230957031,259.3879699707031],[375.2715759277344,259.1549987792969],[374.9656982421875,258.9220275878906],[374.65985107421875,258.6890563964844],[374.3539733886719,258.45611572265625],[374.0481262207031,258.22314453125],[373.74224853515625,257.99017333984375],[373.4364013671875,257.7572021484375],[373.1305236816406,257.52423095703125],[372.8246765136719,257.2912902832031],[372.518798828125,257.0583190917969],[372.21295166015625,256.8253479003906],[371.9070739746094,256.5923767089844],[371.6012268066406,256.3594055175781],[371.29534912109375,256.12646484375],[370.989501953125,255.89349365234375],[370.6836242675781,255.6605224609375],[370.3777770996094,255.4275665283203],[370.0718994140625,255.19459533691406],[369.76605224609375,254.9616241455078],[369.4601745605469,254.72866821289062],[369.1543273925781,254.49569702148438],[368.84844970703125,254.2627410888672],[368.5426025390625,254.02976989746094],[368.2367248535156,253.79681396484375],[367.9308776855469,253.5638427734375],[367.625,253.33087158203125],[367.31915283203125,253.09791564941406],[367.0132751464844,252.8649444580078],[366.7074279785156,252.63198852539062],[366.40155029296875,252.39901733398438],[366.095703125,252.1660614013672],[365.7898254394531,251.93309020996094],[365.4839782714844,251.7001190185547],[365.1781005859375,251.4671630859375],[364.87225341796875,251.23419189453125],[364.5663757324219,251.00123596191406],[364.2605285644531,250.7682647705078],[363.95465087890625,250.53530883789062],[363.6488037109375,250.30233764648438],[363.3429260253906,250.06936645507812],[363.0370788574219,249.83641052246094],[362.731201171875,249.6034393310547],[362.42535400390625,249.3704833984375],[362.1194763183594,249.13751220703125],[361.8136291503906,248.90455627441406],[361.50775146484375,248.6715850830078],[361.201904296875,248.43861389160156],[360.8960266113281,248.20565795898438],[360.5902404785156,247.9726104736328],[360.2845458984375,247.73941040039062],[359.9788818359375,247.50621032714844],[359.6731872558594,247.2730255126953],[359.36749267578125,247.03982543945312],[359.06182861328125,246.80662536621094],[358.7561340332031,246.57342529296875],[358.450439453125,246.34022521972656],[358.144775390625,246.10702514648438],[357.8390808105469,245.8738250732422],[357.53338623046875,245.640625],[357.22772216796875,245.4074249267578],[356.9220275878906,245.17422485351562],[356.6163330078125,244.9410400390625],[356.3106689453125,244.7078399658203],[356.0049743652344,244.47463989257812],[355.69927978515625,244.24143981933594],[355.39361572265625,244.00823974609375],[355.0879211425781,243.77503967285156],[354.7822570800781,243.54183959960938],[354.4765625,243.3086395263672],[354.1708679199219,243.075439453125],[353.8652038574219,242.8422393798828],[353.55950927734375,242.6090545654297],[353.2538146972656,242.3758544921875],[352.9481506347656,242.1426544189453],[352.6424560546875,241.90945434570312],[352.3367614746094,241.67625427246094],[352.0310974121094,241.44305419921875],[351.72540283203125,241.20985412597656],[351.4197082519531,240.97665405273438],[351.1140441894531,240.7434539794922],[350.808349609375,240.51025390625],[350.502685546875,240.27706909179688],[350.1969909667969,240.04385375976562],[349.89129638671875,239.8106689453125],[349.5856018066406,239.5774688720703],[349.2799377441406,239.34426879882812],[348.9742431640625,239.11106872558594],[348.6685791015625,238.87786865234375],[348.3628845214844,238.64466857910156],[348.05718994140625,238.41146850585938],[347.75152587890625,238.1782684326172],[347.4458312988281,237.945068359375],[347.14013671875,237.71188354492188],[346.83447265625,237.47866821289062],[346.5287780761719,237.2454833984375],[346.22308349609375,237.0122833251953],[345.91741943359375,236.77908325195312],[345.6117248535156,236.54588317871094],[345.3060302734375,236.31268310546875],[345.0003662109375,236.07948303222656],[344.6946716308594,235.84628295898438],[344.3890075683594,235.6130828857422],[344.08331298828125,235.3798828125],[343.7776184082031,235.14669799804688],[343.471923828125,234.9134979248047],[343.166259765625,234.6802978515625],[342.8605651855469,234.4470977783203],[342.5549011230469,234.21389770507812],[342.24920654296875,233.98069763183594],[341.9435119628906,233.74749755859375],[341.6378479003906,233.51429748535156],[341.3321533203125,233.28109741210938],[341.0264587402344,233.0478973388672],[340.7207946777344,232.814697265625],[340.41510009765625,232.58151245117188],[340.1094055175781,232.3483123779297],[339.8039245605469,232.1148681640625],[339.49847412109375,231.88136291503906],[339.1930236816406,231.64784240722656],[338.8876037597656,231.41433715820312],[338.5821533203125,231.18081665039062],[338.2767028808594,230.94729614257812],[337.97125244140625,230.7137908935547],[337.66583251953125,230.4802703857422],[337.3603820800781,230.24676513671875],[337.054931640625,230.01324462890625],[336.7494812011719,229.77972412109375],[336.44403076171875,229.5462188720703],[336.13861083984375,229.31271362304688],[335.8331604003906,229.07919311523438],[335.5277099609375,228.84568786621094],[335.2222595214844,228.61216735839844],[334.9168395996094,228.37864685058594],[334.61138916015625,228.1451416015625],[334.3059387207031,227.91162109375],[334.00048828125,227.67811584472656],[333.695068359375,227.44459533691406],[333.3896179199219,227.21109008789062],[333.08416748046875,226.97756958007812],[332.7787170410156,226.7440643310547],[332.4732666015625,226.5105438232422],[332.1678466796875,226.27703857421875],[331.8623962402344,226.04351806640625],[331.55694580078125,225.80999755859375],[331.2514953613281,225.5764923095703],[330.9460754394531,225.3429718017578],[330.640625,225.10946655273438],[330.3351745605469,224.87594604492188],[330.02972412109375,224.64244079589844],[329.72430419921875,224.40892028808594],[329.4188537597656,224.1754150390625],[329.1134033203125,223.94189453125],[328.8079528808594,223.70838928222656],[328.50250244140625,223.47486877441406],[328.19708251953125,223.24134826660156],[327.8916320800781,223.00784301757812],[327.586181640625,222.77432250976562],[327.2807312011719,222.5408172607422],[326.9753112792969,222.3072967529297],[326.66986083984375,222.07379150390625],[326.3644104003906,221.84027099609375],[326.0589599609375,221.6067657470703],[325.7535095214844,221.3732452392578],[325.4480895996094,221.13973999023438],[325.14263916015625,220.90621948242188],[324.8371887207031,220.67269897460938],[324.53173828125,220.43919372558594],[324.226318359375,220.20567321777344],[323.9208679199219,219.97216796875],[323.61541748046875,219.7386474609375],[323.3099670410156,219.50514221191406],[323.0045471191406,219.27162170410156],[322.6990966796875,219.03811645507812],[322.3936462402344,218.80459594726562],[322.08819580078125,218.5710906982422],[321.7827453613281,218.3375701904297],[321.4773254394531,218.1040496826172],[321.171875,217.87054443359375],[320.8664245605469,217.63702392578125],[320.5610046386719,217.4035186767578],[320.25555419921875,217.1699981689453],[319.9501037597656,216.93649291992188],[319.6446533203125,216.70297241210938],[319.3392639160156,216.46939086914062],[319.0340576171875,216.23556518554688],[318.7288513183594,216.00173950195312],[318.42364501953125,215.76791381835938],[318.1184387207031,215.53408813476562],[317.813232421875,215.30026245117188],[317.5080261230469,215.0664520263672],[317.20281982421875,214.83262634277344],[316.8976135253906,214.5988006591797],[316.5924072265625,214.36497497558594],[316.2872009277344,214.13116455078125],[315.98199462890625,213.8973388671875],[315.6767883300781,213.66351318359375],[315.37158203125,213.4296875],[315.0663757324219,213.19586181640625],[314.76116943359375,212.96205139160156],[314.4559631347656,212.7282257080078],[314.1507568359375,212.49440002441406],[313.8455505371094,212.2605743408203],[313.54034423828125,212.02674865722656],[313.2351379394531,211.79293823242188],[312.929931640625,211.55911254882812],[312.6247253417969,211.32528686523438],[312.31951904296875,211.09146118164062],[312.0143127441406,210.85763549804688],[311.7091064453125,210.62380981445312],[311.4039001464844,210.38999938964844],[311.09869384765625,210.1561737060547],[310.7934875488281,209.92234802246094],[310.48828125,209.6885223388672],[310.1830749511719,209.45469665527344],[309.87786865234375,209.22088623046875],[309.5726623535156,208.987060546875],[309.2674560546875,208.75323486328125],[308.9623107910156,208.51930236816406],[308.6573181152344,208.2852325439453],[308.352294921875,208.05116271972656],[308.0472717285156,207.8170928955078],[307.74224853515625,207.58302307128906],[307.4372253417969,207.3489532470703],[307.1322326660156,207.11488342285156],[306.82720947265625,206.8808135986328],[306.5221862792969,206.64675903320312],[306.2171630859375,206.41268920898438],[305.9121398925781,206.17861938476562],[305.60711669921875,205.94454956054688],[305.3020935058594,205.71047973632812],[304.9971008300781,205.47640991210938],[304.69207763671875,205.24234008789062],[304.3870544433594,205.00827026367188],[304.08203125,204.77420043945312],[303.7770080566406,204.54014587402344],[303.47198486328125,204.30606079101562],[303.1669921875,204.07200622558594],[302.8619689941406,203.8379364013672],[302.55694580078125,203.60386657714844],[302.2519226074219,203.3697967529297],[301.9468994140625,203.13572692871094],[301.6418762207031,202.9016571044922],[301.33685302734375,202.66758728027344],[301.0318603515625,202.4335174560547],[300.7268371582031,202.19944763183594],[300.42181396484375,201.96539306640625],[300.1167907714844,201.7313232421875],[299.811767578125,201.49725341796875],[299.5067443847656,201.26318359375],[299.2017517089844,201.02911376953125],[298.896728515625,200.7950439453125],[298.5918273925781,200.56082153320312],[298.2870178222656,200.3264617919922],[297.9822082519531,200.09213256835938],[297.6773986816406,199.8577880859375],[297.3725891113281,199.6234588623047],[297.0677795410156,199.38909912109375],[296.7629699707031,199.15476989746094],[296.4581604003906,198.92042541503906],[296.1533508300781,198.68609619140625],[295.8485412597656,198.4517364501953],[295.5437316894531,198.2174072265625],[295.2389221191406,197.98306274414062],[294.93414306640625,197.74871826171875],[294.62933349609375,197.51438903808594],[294.3244934082031,197.28004455566406],[294.0196838378906,197.0457000732422],[293.71490478515625,196.8113555908203],[293.41009521484375,196.5770263671875],[293.1052551269531,196.34268188476562],[292.8004455566406,196.10833740234375],[292.49566650390625,195.87399291992188],[292.19085693359375,195.63966369628906],[291.88604736328125,195.4053192138672],[291.5812072753906,195.1709747314453],[291.27642822265625,194.93663024902344],[290.97161865234375,194.70230102539062],[290.66680908203125,194.46795654296875],[290.3619689941406,194.23361206054688],[290.05718994140625,193.999267578125],[289.75238037109375,193.7649383544922],[289.44757080078125,193.5305938720703],[289.14276123046875,193.29624938964844],[288.83795166015625,193.06190490722656],[288.53314208984375,192.8275604248047],[288.2284851074219,192.593017578125],[287.9239196777344,192.35836791992188],[287.61932373046875,192.1237335205078],[287.31475830078125,191.8890838623047],[287.01019287109375,191.65444946289062],[286.7055969238281,191.41981506347656],[286.4010314941406,191.18516540527344],[286.096435546875,190.95053100585938],[285.7918701171875,190.71588134765625],[285.4873046875,190.4812469482422],[285.1827087402344,190.24661254882812],[284.8781433105469,190.011962890625],[284.57354736328125,189.77732849121094],[284.26898193359375,189.5426788330078],[283.96441650390625,189.30804443359375],[283.6598205566406,189.07339477539062],[283.3552551269531,188.83876037597656],[283.0506591796875,188.6041259765625],[282.74609375,188.36947631835938],[282.4415283203125,188.1348419189453],[282.1369323730469,187.9001922607422],[281.83233642578125,187.66555786132812],[281.52777099609375,187.43092346191406],[281.22320556640625,187.19627380371094],[280.9186096191406,186.9616241455078],[280.6140441894531,186.72698974609375],[280.3094482421875,186.4923553466797],[280.0048828125,186.25772094726562],[279.7003173828125,186.0230712890625],[279.3957214355469,185.78842163085938],[279.0911560058594,185.5537872314453],[278.78656005859375,185.31915283203125],[278.48199462890625,185.0845184326172],[278.1773986816406,184.84986877441406],[277.8730163574219,184.61497497558594],[277.5686950683594,184.3800048828125],[277.2643737792969,184.14505004882812],[276.9600524902344,183.9100799560547],[276.6557312011719,183.67510986328125],[276.3514099121094,183.4401397705078],[276.0470886230469,183.20516967773438],[275.7427673339844,182.97019958496094],[275.43841552734375,182.7352294921875],[275.13409423828125,182.50025939941406],[274.82977294921875,182.26528930664062],[274.52545166015625,182.03033447265625],[274.22113037109375,181.79534912109375],[273.9167785644531,181.56039428710938],[273.6124572753906,181.32542419433594],[273.3081359863281,181.0904541015625],[273.0038146972656,180.85548400878906],[272.6994934082031,180.62051391601562],[272.3951721191406,180.3855438232422],[272.0908508300781,180.1505889892578],[271.7865295410156,179.91561889648438],[271.482177734375,179.68063354492188],[271.1778564453125,179.4456787109375],[270.87353515625,179.21070861816406],[270.5692138671875,178.97573852539062],[270.264892578125,178.7407684326172],[269.9605712890625,178.50579833984375],[269.65625,178.2708282470703],[269.3518981933594,178.03587341308594],[269.0475769042969,177.8009033203125],[268.7432556152344,177.56593322753906],[268.4389343261719,177.33096313476562],[268.1346130371094,177.0959930419922],[267.8302917480469,176.86102294921875],[267.5261535644531,176.6258087158203],[267.22210693359375,176.39048767089844],[266.9180603027344,176.15516662597656],[266.614013671875,175.9198455810547],[266.3099670410156,175.6845245361328],[266.0058898925781,175.44920349121094],[265.70184326171875,175.21388244628906],[265.3977966308594,174.9785614013672],[265.09375,174.7432403564453],[264.7896728515625,174.50790405273438],[264.4856262207031,174.2725830078125],[264.18157958984375,174.0372772216797],[263.8775329589844,173.8019561767578],[263.573486328125,173.56663513183594],[263.2694091796875,173.331298828125],[262.9653625488281,173.09597778320312],[262.66131591796875,172.86065673828125],[262.3572692871094,172.62533569335938],[262.05322265625,172.3900146484375],[261.7491455078125,172.15469360351562],[261.4450988769531,171.91937255859375],[261.14105224609375,171.68405151367188],[260.8370056152344,171.44873046875],[260.532958984375,171.21340942382812],[260.2289123535156,170.97808837890625],[259.92486572265625,170.74276733398438],[259.62078857421875,170.5074462890625],[259.3167419433594,170.27210998535156],[259.0126953125,170.0367889404297],[258.7086486816406,169.80148315429688],[258.40460205078125,169.566162109375],[258.1005554199219,169.33084106445312],[257.7964782714844,169.0955047607422],[257.492431640625,168.8601837158203],[257.1885070800781,168.6247100830078],[256.8846740722656,168.3891143798828],[256.580810546875,168.15350341796875],[256.2769775390625,167.9178924560547],[255.97315979003906,167.6822967529297],[255.66932678222656,167.4467010498047],[255.365478515625,167.21109008789062],[255.0616455078125,166.97547912597656],[254.7578125,166.73988342285156],[254.4539794921875,166.50428771972656],[254.150146484375,166.2686767578125],[253.8463134765625,166.03306579589844],[253.54248046875,165.79747009277344],[253.2386474609375,165.56187438964844],[252.934814453125,165.32626342773438],[252.63096618652344,165.0906524658203],[252.32713317871094,164.8550567626953],[252.02337646484375,164.619384765625],[251.71969604492188,164.38357543945312],[251.416015625,164.1477813720703],[251.11231994628906,163.91197204589844],[250.8086395263672,163.67617797851562],[250.5049591064453,163.4403839111328],[250.20127868652344,163.20458984375],[249.8975830078125,162.96878051757812],[249.59390258789062,162.7329864501953],[249.29022216796875,162.4971923828125],[248.98654174804688,162.2613983154297],[248.682861328125,162.02560424804688],[248.37916564941406,161.789794921875],[248.0754852294922,161.5540008544922],[247.7718048095703,161.31820678710938],[247.46812438964844,161.0823974609375],[247.16444396972656,160.8466033935547],[246.86080932617188,160.6107177734375],[246.557373046875,160.37461853027344],[246.25393676757812,160.13851928710938],[245.95046997070312,159.90240478515625],[245.64703369140625,159.6663055419922],[245.34359741210938,159.43020629882812],[245.04014587402344,159.19410705566406],[244.73670959472656,158.9580078125],[244.43325805664062,158.72189331054688],[244.1298065185547,158.4857940673828],[243.8263702392578,158.2496795654297],[243.52291870117188,158.01358032226562],[243.21946716308594,157.7774658203125],[242.91603088378906,157.54136657714844],[242.61257934570312,157.30526733398438],[242.30914306640625,157.0691680908203],[242.0056915283203,156.83306884765625],[241.70223999023438,156.59695434570312],[241.3988037109375,156.36085510253906],[241.09535217285156,156.124755859375],[240.7919158935547,155.88864135742188],[240.48846435546875,155.6525421142578],[240.1850128173828,155.4164276123047],[239.88157653808594,155.18032836914062],[239.57814025878906,154.94422912597656],[239.27468872070312,154.7081298828125],[238.9712371826172,154.47201538085938],[238.6678009033203,154.2359161376953],[238.36434936523438,153.99981689453125],[238.0609130859375,153.7637176513672],[237.7574462890625,153.52760314941406],[237.45401000976562,153.29150390625],[237.15057373046875,153.05538940429688],[236.8471221923828,152.8192901611328],[236.54367065429688,152.5831756591797],[236.23883056640625,152.34890747070312],[235.9301300048828,152.11972045898438],[235.6179656982422,151.89527893066406],[235.3027801513672,151.6751251220703],[234.9848175048828,151.4589385986328],[234.66439819335938,151.24642944335938],[234.341796875,151.0373077392578],[234.01707458496094,150.83145141601562],[233.6904754638672,150.62857055664062],[233.3620147705078,150.4287109375],[233.03196716308594,150.23150634765625],[232.7003936767578,150.03689575195312],[232.3673553466797,149.8447723388672],[232.0328826904297,149.6551513671875],[231.69696044921875,149.4681396484375],[231.35975646972656,149.283447265625],[231.0213165283203,149.1010284423828],[230.681640625,148.92086791992188],[230.3408203125,148.74295043945312],[229.99884033203125,148.5672607421875],[229.65573120117188,148.39378356933594],[229.3114776611328,148.22254943847656],[228.966064453125,148.0536651611328],[228.6195831298828,147.88702392578125],[228.2720489501953,147.7226104736328],[227.92343139648438,147.5604705810547],[227.57376098632812,147.40060424804688],[227.2230224609375,147.2430877685547],[226.8712615966797,147.0879364013672],[226.51841735839844,146.93519592285156],[226.16452026367188,146.78494262695312],[225.80950927734375,146.63731384277344],[225.45339965820312,146.49237060546875],[225.09617614746094,146.3501739501953],[224.7378692626953,146.21080017089844],[224.37840270996094,146.07435607910156],[224.01776123046875,145.94110107421875],[223.6559600830078,145.81103515625],[223.29296875,145.68429565429688],[222.92868041992188,145.561279296875],[222.56320190429688,145.44198608398438],[222.1964111328125,145.32675170898438],[221.82826232910156,145.21588134765625],[221.45877075195312,145.10958862304688],[221.0878448486328,145.0083770751953],[220.7154998779297,144.91259765625],[220.34170532226562,144.82266235351562],[219.9663543701172,144.73944091796875],[219.58946228027344,144.6633758544922],[219.21107482910156,144.59535217285156],[218.8311309814453,144.53646850585938],[218.4497528076172,144.4879608154297],[218.06715393066406,144.4501495361328],[217.68423461914062,144.41554260253906],[217.30117797851562,144.38259887695312],[216.91796875,144.3514404296875],[216.5346221923828,144.3219757080078],[216.151123046875,144.29412841796875],[215.76756286621094,144.26785278320312],[215.38388061523438,144.2431182861328],[215.00010681152344,144.2199249267578],[214.61622619628906,144.19839477539062],[214.23226928710938,144.17831420898438],[213.84823608398438,144.15966796875],[213.4641571044922,144.14242553710938],[213.0800018310547,144.12657165527344],[212.69578552246094,144.11219787597656],[212.31153869628906,144.09921264648438],[211.92724609375,144.08750915527344],[211.54290771484375,144.0770721435547],[211.1585235595703,144.06785583496094],[210.77413940429688,144.05992126464844],[210.38970947265625,144.0532684326172],[210.00527954101562,144.04776000976562],[209.62083435058594,144.0433807373047],[209.23635864257812,144.0400848388672],[208.8518829345703,144.03823852539062],[208.4674072265625,144.03688049316406],[208.0829315185547,144.03700256347656],[207.69845581054688,144.0379180908203],[207.31398010253906,144.03968811035156],[206.92950439453125,144.042724609375],[206.54505920410156,144.04623413085938],[206.16061401367188,144.0511016845703],[205.77615356445312,144.05654907226562],[205.3917236328125,144.06285095214844],[205.00732421875,144.07009887695312],[204.6229248046875,144.0777587890625],[204.23854064941406,144.08660888671875],[203.85418701171875,144.09588623046875],[203.46983337402344,144.1059112548828],[203.0854949951172,144.11663818359375],[202.70118713378906,144.1277313232422],[202.31689453125,144.13978576660156],[201.9326171875,144.15213012695312],[201.54835510253906,144.16514587402344],[201.16412353515625,144.1786346435547],[200.77987670898438,144.1924591064453],[200.3956756591797,144.2069549560547],[200.01148986816406,144.2217254638672],[199.6273193359375,144.2372589111328],[199.24314880371094,144.25277709960938],[198.85897827148438,144.26829528808594],[198.474853515625,144.28463745117188],[198.0907440185547,144.3011474609375],[197.7066192626953,144.31765747070312],[197.32247924804688,144.33453369140625],[196.9384002685547,144.3518524169922],[196.5543212890625,144.3691864013672],[196.17022705078125,144.38650512695312],[195.7861328125,144.40383911132812],[195.40203857421875,144.42115783691406],[195.01795959472656,144.43849182128906],[194.63388061523438,144.455810546875],[194.2498016357422,144.47311401367188],[193.86569213867188,144.4904327392578],[193.4816131591797,144.5077362060547],[193.09751892089844,144.52505493164062],[192.71343994140625,144.5423583984375],[192.32933044433594,144.55967712402344],[191.94520568847656,144.57626342773438],[191.5610809326172,144.59274291992188],[191.1769561767578,144.60922241210938],[190.79281616210938,144.62522888183594],[190.40866088867188,144.64071655273438],[190.0244903564453,144.65618896484375],[189.6403045654297,144.67161560058594],[189.25611877441406,144.68614196777344],[188.87188720703125,144.7003936767578],[188.4876708984375,144.71417236328125],[188.10342407226562,144.72743225097656],[187.71914672851562,144.74038696289062],[187.3348846435547,144.7524871826172],[186.95057678222656,144.7642822265625],[186.56626892089844,144.77532958984375],[186.18191528320312,144.7858123779297],[185.7975616455078,144.79579162597656],[185.4132080078125,144.8048095703125],[185.02880859375,144.81349182128906],[184.64439392089844,144.82107543945312],[184.260009765625,144.82810974121094],[183.8755645751953,144.83438110351562],[183.49114990234375,144.83966064453125],[183.10665893554688,144.8445281982422],[182.72218322753906,144.84793090820312],[182.3377685546875,144.85086059570312],[181.95327758789062,144.85269165039062],[181.56881713867188,144.85357666015625],[181.184326171875,144.853759765625],[180.79983520507812,144.8524627685547],[180.41537475585938,144.85072326660156],[180.03089904785156,144.8475799560547],[179.6464385986328,144.84336853027344],[179.26199340820312,144.8380584716797],[178.8775634765625,144.83164978027344],[178.49317932128906,144.8240966796875],[178.10879516601562,144.81521606445312],[177.7244415283203,144.80517578125],[177.3401336669922,144.79391479492188],[176.95584106445312,144.78140258789062],[176.5716552734375,144.76763916015625],[176.18748474121094,144.75218200683594],[175.80340576171875,144.73439025878906],[175.41944885253906,144.7144012451172],[175.0355987548828,144.69223022460938],[174.65191650390625,144.66786193847656],[174.2683563232422,144.6413116455078],[173.88494873046875,144.6122283935547],[173.5017852783203,144.5808868408203],[173.1187744140625,144.54727172851562],[172.73597717285156,144.51138305664062],[172.35340881347656,144.47323608398438],[171.97103881835938,144.43270874023438],[171.58900451660156,144.38958740234375],[171.20721435546875,144.34413146972656],[170.8257293701172,144.29627990722656],[170.44456481933594,144.2460479736328],[170.06370544433594,144.1934051513672],[169.68321228027344,144.13827514648438],[169.30311584472656,144.08042907714844],[168.9233856201172,144.02005004882812],[168.54409790039062,143.95716857910156],[168.16522216796875,143.8917236328125],[167.78680419921875,143.82369995117188],[167.40887451171875,143.7530975341797],[167.031494140625,143.6795196533203],[166.65467834472656,143.60328674316406],[166.2783203125,143.52456665039062],[165.90267944335938,143.44261169433594],[165.527587890625,143.3582305908203],[165.1531524658203,143.2708740234375],[164.77947998046875,143.18051147460938],[164.4064483642578,143.0872344970703],[164.03419494628906,142.99105834960938],[163.66278076171875,142.89173889160156],[163.29214477539062,142.78939819335938],[162.92242431640625,142.68402099609375],[162.55361938476562,142.5753631591797],[162.1857452392578,142.4635772705078],[161.81887817382812,142.3485870361328],[161.4530792236328,142.23019409179688],[161.08831787109375,142.10855102539062],[160.7247772216797,141.9835205078125],[160.36239624023438,141.85498046875],[160.00128173828125,141.72305297851562],[159.64151000976562,141.58749389648438],[159.28306579589844,141.4483642578125],[158.92608642578125,141.30563354492188],[158.5706024169922,141.15911865234375],[158.21669006347656,141.0089569091797],[157.86441040039062,140.85488891601562],[157.5138397216797,140.6969757080078],[157.1650848388672,140.53518676757812],[156.81822204589844,140.3693389892578],[156.47323608398438,140.1995849609375],[156.1302032470703,140.02601623535156],[155.78807067871094,139.85057067871094],[155.44696044921875,139.67318725585938],[155.106689453125,139.49417114257812],[154.7672882080078,139.31353759765625],[154.42886352539062,139.13107299804688],[154.09130859375,138.9469757080078],[153.75465393066406,138.7613525390625],[153.41880798339844,138.57412719726562],[153.08392333984375,138.38525390625],[152.7498779296875,138.1949462890625],[152.41659545898438,138.00320434570312],[152.08428955078125,137.8098602294922],[151.7527618408203,137.61514282226562],[151.4219970703125,137.41908264160156],[151.09210205078125,137.22164916992188],[150.76303100585938,137.0228271484375],[150.4346923828125,136.82275390625],[150.10711669921875,136.62149047851562],[149.78036499023438,136.41880798339844],[149.4543914794922,136.2150115966797],[149.1290740966797,136.01007080078125],[148.80450439453125,135.80393981933594],[148.48069763183594,135.59666442871094],[148.1575469970703,135.3883514404297],[147.83506774902344,135.17901611328125],[147.5133056640625,134.96853637695312],[147.19216918945312,134.75709533691406],[146.87167358398438,134.54473876953125],[146.5518341064453,134.33135986328125],[146.23269653320312,134.11697387695312],[145.91403198242188,133.90179443359375],[145.59579467773438,133.68603515625],[145.27845764160156,133.468994140625],[144.9614715576172,133.25140380859375],[144.64495849609375,133.03311157226562],[144.3291473388672,132.81382751464844],[144.01368713378906,132.5940399169922],[143.69876098632812,132.37350463867188],[143.38436889648438,132.15219116210938],[143.07028198242188,131.93043518066406],[142.7567596435547,131.70791625976562],[142.44361877441406,131.48480224609375],[142.1307830810547,131.26132202148438],[141.81849670410156,131.0370330810547],[141.5064697265625,130.81236267089844],[141.1947479248047,130.58731079101562],[140.88348388671875,130.36158752441406],[140.5724334716797,130.1355743408203],[140.26171875,129.90914916992188],[139.95130920410156,129.6822509765625],[139.64111328125,129.4551239013672],[139.33119201660156,129.2275848388672],[139.02159118652344,128.9995880126953],[138.71218872070312,128.77137756347656],[138.4027557373047,128.54315185546875],[138.0936279296875,128.31460571289062],[137.7847137451172,128.08567810058594],[137.47579956054688,127.85676574707031],[137.16702270507812,127.627685546875],[136.85845947265625,127.39830017089844],[136.54991149902344,127.16893768310547],[136.2413787841797,126.93952178955078],[135.93295288085938,126.70993041992188],[135.62457275390625,126.48035430908203],[135.31614685058594,126.25076293945312],[135.0077362060547,126.02117156982422],[134.6993408203125,125.79159545898438],[134.39093017578125,125.56200408935547],[134.08233642578125,125.33265686035156],[133.7737274169922,125.10333251953125],[133.46511840820312,124.8740005493164],[133.15626525878906,124.64506530761719],[132.8472900390625,124.41622924804688],[132.538330078125,124.18741607666016],[132.22901916503906,123.95899200439453],[131.9195098876953,123.73088836669922],[131.61001586914062,123.50279998779297],[131.30027770996094,123.27498626708984],[130.99024963378906,123.04756927490234],[130.679931640625,122.82063293457031],[130.369384765625,122.59391784667969],[130.0585479736328,122.36766815185547],[129.74737548828125,122.14186096191406],[129.4359588623047,121.91632080078125],[129.12411499023438,121.69145202636719],[128.8119659423828,121.46698760986328],[128.4995574951172,121.24291229248047],[128.18655395507812,121.01959991455078],[127.87329864501953,120.79666900634766],[127.55963897705078,120.57434844970703],[127.24541473388672,120.35273742675781],[126.93094635009766,120.1315689086914],[126.61585235595703,119.9112319946289],[126.3003158569336,119.6915512084961],[125.98445892333984,119.47232818603516],[125.66780090332031,119.25424194335938],[125.35079956054688,119.03668212890625],[125.03333282470703,118.81982421875],[124.7151107788086,118.60403442382812],[124.39663696289062,118.38867950439453],[124.07772827148438,118.17390441894531],[123.75881958007812,117.95912170410156],[123.43993377685547,117.7443618774414],[123.12095642089844,117.52965545654297],[122.80174255371094,117.31539154052734],[122.48249816894531,117.10111236572266],[122.16325378417969,116.88682556152344],[121.84402465820312,116.672607421875],[121.52440643310547,116.45887756347656],[121.20478057861328,116.24514770507812],[120.88487243652344,116.03190612792969],[120.56494140625,115.81865692138672],[120.24469757080078,115.60594177246094],[119.92440032958984,115.39323425292969],[119.60374450683594,115.18107604980469],[119.28307342529297,114.96900177001953],[118.96198272705078,114.75748443603516],[118.6408462524414,114.54610443115234],[118.31929779052734,114.33531188964844],[117.99762725830078,114.12468719482422],[117.67559051513672,113.91468811035156],[117.3533706665039,113.70491027832031],[117.03076934814453,113.4957504272461],[116.70795440673828,113.2868881225586],[116.38473510742188,113.07862854003906],[116.06129455566406,112.87078857421875],[115.73755645751953,112.66337585449219],[115.41339874267578,112.45661163330078],[115.08890533447266,112.25041198730469],[114.76403045654297,112.04476165771484],[114.43883514404297,111.83972930908203],[114.11320495605469,111.63526916503906],[113.78717041015625,111.43143463134766],[113.46078491210938,111.228271484375],[113.13394927978516,111.0257568359375],[112.80673217773438,110.82394409179688],[112.47904205322266,110.6228256225586],[112.1509017944336,110.42241668701172],[111.82234191894531,110.2227554321289],[111.49331665039062,110.02386474609375],[111.16378021240234,109.82573699951172],[110.83380126953125,109.62842559814453],[110.50333404541016,109.43193054199219],[110.17237091064453,109.23627471923828],[109.84088897705078,109.04147338867188],[109.50889587402344,108.84754943847656],[109.17637634277344,108.65453338623047],[108.84330749511719,108.46244812011719],[108.50973510742188,108.27133178710938],[108.17556762695312,108.08116912841797],[107.84082794189453,107.89197540283203],[107.50557708740234,107.70381927490234],[107.16968536376953,107.51665496826172],[106.8332748413086,107.33055877685547],[106.49623107910156,107.14552307128906],[106.15859985351562,106.9615707397461],[105.82039642333984,106.77875518798828],[105.48153686523438,106.5970458984375],[105.14209747314453,106.41651153564453],[104.80203247070312,106.23715209960938],[104.46131134033203,106.05899047851562],[104.11997985839844,105.88204956054688],[103.77800750732422,105.70635223388672],[103.43534851074219,105.53190612792969],[103.09207153320312,105.3587646484375],[102.74812316894531,105.18690490722656],[102.40312194824219,105.0172348022461],[102.05718994140625,104.84941101074219],[101.71028137207031,104.68367767333984],[101.36250305175781,104.51976013183594],[101.01384735107422,104.35765838623047],[100.66434478759766,104.19742584228516],[100.31412506103516,104.03881072998047],[99.96305847167969,103.88201904296875],[99.6113510131836,103.72676086425781],[99.2588882446289,103.57308197021484],[98.90577697753906,103.42095184326172],[98.55209350585938,103.27023315429688],[98.19776153564453,103.12101745605469],[97.8428955078125,102.97305297851562],[97.48747253417969,102.82645416259766],[97.13151550292969,102.6810531616211],[96.7751235961914,102.53684997558594],[96.41816711425781,102.39392852783203],[96.06087493896484,102.2519760131836],[95.70317840576172,102.1109619140625],[95.34515380859375,101.97085571289062],[94.98672485351562,101.831787109375],[94.62792205810547,101.69359588623047],[94.26884460449219,101.5561294555664],[93.90951538085938,101.41936492919922],[93.54994201660156,101.28324127197266],[93.19009399414062,101.14790344238281],[92.83001708984375,101.0130844116211],[92.46974182128906,100.87873077392578],[92.10933685302734,100.744873046875],[91.74868774414062,100.61158752441406],[91.3880615234375,100.47831726074219],[91.02725982666016,100.34549713134766],[90.6663589477539,100.212890625],[90.30545806884766,100.08033752441406],[89.94444274902344,99.94804382324219],[89.58342742919922,99.81575775146484],[89.22244262695312,99.6834716796875],[88.8614273071289,99.55118560791016],[88.50045776367188,99.41888427734375],[88.13959503173828,99.28617095947266],[87.77873992919922,99.1534652709961],[87.41806030273438,99.02037811279297],[87.05747985839844,98.88690185546875],[86.69692993164062,98.75343322753906],[86.33662414550781,98.61917114257812],[85.97652435302734,98.48444366455078],[85.61662292480469,98.34919738769531],[85.25692749023438,98.21338653564453],[84.89751434326172,98.07688903808594],[84.53837585449219,97.9395523071289],[84.17952728271484,97.80147552490234],[83.82102966308594,97.66264343261719],[83.46278381347656,97.52296447753906],[83.10498809814453,97.38221740722656],[82.74763488769531,97.24041748046875],[82.39066314697266,97.09761047363281],[82.0340805053711,96.95388793945312],[81.677978515625,96.8088607788086],[81.32243347167969,96.66252136230469],[80.96742248535156,96.51496124267578],[80.6129379272461,96.36603546142578],[80.25907135009766,96.2156982421875],[79.9057846069336,96.06398010253906],[79.55322265625,95.91063690185547],[79.2012939453125,95.7558364868164],[78.85009765625,95.5993423461914],[78.49961853027344,95.44119262695312],[78.14995574951172,95.28138732910156],[77.80111694335938,95.11968231201172],[77.45311737060547,94.95628356933594],[77.10603332519531,94.79085540771484],[76.75984954833984,94.62356567382812],[76.41466522216797,94.45431518554688],[76.07046508789062,94.28292083740234],[75.727294921875,94.10961151123047],[75.3852767944336,93.93392944335938],[75.04434204101562,93.7562026977539],[74.70459747314453,93.57621002197266],[74.3660888671875,93.3938980102539],[74.02838897705078,93.21012115478516],[73.6906509399414,93.02638244628906],[73.35252380371094,92.84334564208984],[73.01410675048828,92.66088104248047],[72.67548370361328,92.47880554199219],[72.33659362792969,92.29718780517578],[71.99745178222656,92.1160659790039],[71.65816497802734,91.93521118164062],[71.31874084472656,91.7546615600586],[70.9790267944336,91.57457733154297],[70.6392822265625,91.3945541381836],[70.29957580566406,91.21453857421875],[69.9595947265625,91.03492736816406],[69.61964416503906,90.8553695678711],[69.2796630859375,90.67578887939453],[68.93968963623047,90.4962158203125],[68.5997314453125,90.316650390625],[68.25975799560547,90.13707733154297],[67.91990661621094,89.957275390625],[67.58008575439453,89.7774658203125],[67.240234375,89.59764862060547],[66.90071105957031,89.41725158691406],[66.56118774414062,89.23682403564453],[66.22166442871094,89.05638885498047],[65.88249969482422,88.87535858154297],[65.54344940185547,88.69401550292969],[65.2046127319336,88.51236724853516],[64.86605072021484,88.33012390136719],[64.5276870727539,88.14755249023438],[64.18958282470703,87.96453857421875],[63.85181427001953,87.78079986572266],[63.51433181762695,87.5966796875],[63.177127838134766,87.41194915771484],[62.840370178222656,87.22640991210938],[62.503902435302734,87.04039001464844],[62.167823791503906,86.8536148071289],[61.83212661743164,86.66617584228516],[61.496952056884766,86.47779083251953],[61.16221237182617,86.28863525390625],[60.827972412109375,86.09869384765625],[60.494239807128906,85.90771484375],[60.16105270385742,85.71586608886719],[59.82840347290039,85.52310943603516],[59.49638366699219,85.32923126220703],[59.164974212646484,85.13432312011719],[58.83416748046875,84.93838500976562],[58.50407409667969,84.74120330810547],[58.174713134765625,84.54289245605469],[57.84602737426758,84.34342193603516],[57.518157958984375,84.14256286621094],[57.191097259521484,83.9404525756836],[56.86481857299805,83.73707580566406],[56.539520263671875,83.53218078613281],[56.215057373046875,83.32586669921875],[55.8914794921875,83.1181640625],[55.569068908691406,82.90877532958984],[55.247562408447266,82.69786071777344],[54.927162170410156,82.48542022705078],[54.60791778564453,82.2710952758789],[54.28978729248047,82.05519104003906],[53.972904205322266,81.83747100830078],[53.65731430053711,81.61783599853516],[53.34299850463867,81.39649200439453],[53.03013229370117,81.17300415039062],[52.718589782714844,80.94766998291016],[52.40861892700195,80.7202377319336],[52.10016632080078,80.49067687988281],[51.79338836669922,80.2589111328125],[51.488311767578125,80.02494049072266],[51.18497848510742,79.78868103027344],[50.883487701416016,79.55008697509766],[50.58391571044922,79.3091049194336],[50.28633117675781,79.06562805175781],[49.99089813232422,78.81961822509766],[49.69760513305664,78.57099914550781],[49.40660858154297,78.31973266601562],[49.11795425415039,78.06572723388672],[48.8317985534668,77.8089599609375],[48.54823303222656,77.54934692382812],[48.267333984375,77.28678894042969],[47.9892578125,77.0212631225586],[47.714134216308594,76.7527084350586],[47.44205856323242,76.48103332519531],[47.17322540283203,76.20622253417969],[46.90768051147461,75.92813873291016],[46.645633697509766,75.64677429199219],[46.38726806640625,75.36211395263672],[46.13264083862305,75.07400512695312],[45.88199234008789,74.78247833251953],[45.635475158691406,74.4874496459961],[45.393226623535156,74.1888656616211],[45.155487060546875,73.88671875],[44.92238998413086,73.58094787597656],[44.70381546020508,73.26476287841797],[44.509971618652344,72.9328384399414],[44.34136199951172,72.58737182617188],[44.197853088378906,72.23078918457031],[44.0786247253418,71.86531066894531],[43.982452392578125,71.49311828613281],[43.90774154663086,71.11603546142578],[43.85273361206055,70.73553466796875],[43.815635681152344,70.35291290283203],[43.79467010498047,69.96900939941406],[43.788082122802734,69.5845947265625],[43.79446792602539,69.2001953125],[43.812232971191406,68.81615447998047],[43.84014892578125,68.4327163696289],[43.87704849243164,68.05001068115234],[43.92181396484375,67.66812896728516],[43.97349548339844,67.28715515136719],[44.03121566772461,66.90702819824219],[44.09421920776367,66.52777099609375],[44.161678314208984,66.14925384521484],[44.23295974731445,65.77142333984375],[44.30747985839844,65.39427947998047],[44.38456726074219,65.017578125],[44.46388244628906,64.641357421875],[44.54454803466797,64.26547241210938],[44.62631607055664,63.889747619628906],[44.7086296081543,63.514217376708984],[44.790992736816406,63.13865280151367],[44.87303924560547,62.76301193237305],[44.95418930053711,62.38722610473633],[45.0340690612793,62.011112213134766],[45.11202621459961,61.6346549987793],[45.187686920166016,61.25767135620117],[45.26054382324219,60.880157470703125],[45.32991409301758,60.502017974853516],[45.39545440673828,60.123138427734375],[45.4564094543457,59.74351119995117],[45.51214599609375,59.36311721801758],[45.562015533447266,58.98187255859375],[45.60525131225586,58.599884033203125],[45.641075134277344,58.217071533203125],[45.66862106323242,57.83356475830078],[45.68696212768555,57.449546813964844],[45.69509506225586,57.06517028808594],[45.69196701049805,56.680728912353516],[45.6763801574707,56.29656982421875],[45.64714431762695,55.91323471069336],[45.60309982299805,55.53133773803711],[45.542877197265625,55.151611328125],[45.471153259277344,54.7739143371582],[45.40337371826172,54.395450592041016],[45.33934020996094,54.016319274902344],[45.27779769897461,53.63681411743164],[45.217342376708984,53.25711441040039],[45.15681457519531,52.87743377685547],[45.09489440917969,52.49799346923828],[45.03046798706055,52.11893844604492],[44.9621467590332,51.74060821533203],[44.888710021972656,51.36318588256836],[44.808963775634766,50.9870719909668],[44.721797943115234,50.612613677978516],[44.625892639160156,50.24030685424805],[44.52017593383789,49.87067413330078],[44.40352249145508,49.50430679321289],[44.27496337890625,49.141971588134766],[44.133644104003906,48.78446960449219],[43.9787712097168,48.432559967041016],[43.809757232666016,48.087249755859375],[43.626251220703125,47.74943542480469],[43.4280891418457,47.420005798339844],[43.215328216552734,47.099822998046875],[42.98818588256836,46.789642333984375],[42.74713134765625,46.49013137817383],[42.492881774902344,46.2017822265625],[42.22605514526367,45.924991607666016],[41.94761276245117,45.6599235534668],[41.65839385986328,45.40663146972656],[41.35930633544922,45.16505813598633],[41.05131149291992,44.935028076171875],[40.73518371582031,44.716182708740234],[40.41178894042969,44.50829315185547],[40.08189010620117,44.31089401245117],[39.74614334106445,44.12353515625],[39.405242919921875,43.94581985473633],[39.059688568115234,43.77724838256836],[38.71002960205078,43.617347717285156],[38.35669708251953,43.46581268310547],[38.00012969970703,43.3220329284668],[37.640567779541016,43.18592071533203],[37.2772331237793,43.060237884521484],[36.91025161743164,42.9455451965332],[36.540225982666016,42.84122085571289],[36.16757583618164,42.74659729003906],[35.79275894165039,42.661094665527344],[35.416053771972656,42.58414077758789],[35.03783416748047,42.51511764526367],[34.658321380615234,42.453529357910156],[34.27775573730469,42.39885711669922],[33.89631271362305,42.350669860839844],[33.51414108276367,42.308555603027344],[33.13139343261719,42.27202224731445],[32.74822998046875,42.24073791503906],[32.36465072631836,42.21434783935547],[31.98076629638672,42.19244384765625],[31.596729278564453,42.17483901977539],[31.212482452392578,42.16110610961914],[30.828140258789062,42.151065826416016],[30.4437198638916,42.144405364990234],[30.059247970581055,42.140865325927734],[29.674800872802734,42.140296936035156],[29.29029655456543,42.14241027832031],[28.90587043762207,42.14701461791992],[28.521453857421875,42.154029846191406],[28.137073516845703,42.16303253173828],[27.75275993347168,42.17404556274414],[27.36846923828125,42.186851501464844],[26.984254837036133,42.20122146606445],[26.600143432617188,42.2171745300293],[26.216032028198242,42.234371185302734],[25.83199691772461,42.25286865234375],[25.448028564453125,42.272361755371094],[25.0640811920166,42.2928581237793],[24.680185317993164,42.31416702270508],[24.296327590942383,42.33620071411133],[23.912551879882812,42.35884475708008],[23.528738021850586,42.38191223144531],[23.14496612548828,42.405338287353516],[22.761240005493164,42.42909622192383],[22.37751007080078,42.453033447265625],[21.9937686920166,42.477020263671875],[21.610048294067383,42.5009765625],[21.226287841796875,42.52467727661133],[20.842559814453125,42.548377990722656],[20.458770751953125,42.57184600830078],[20.07497215270996,42.594905853271484],[19.691190719604492,42.6173095703125],[19.307321548461914,42.63920593261719],[18.923433303833008,42.66061019897461],[18.539505004882812,42.68116760253906],[18.155519485473633,42.70087814331055],[17.771516799926758,42.71967315673828],[17.387447357177734,42.73750305175781],[17.003339767456055,42.754173278808594],[16.61918067932129,42.76978302001953],[16.234935760498047,42.78398513793945],[15.850704193115234,42.796958923339844],[15.466400146484375,42.808414459228516],[15.082027435302734,42.81838607788086],[14.69765567779541,42.82675552368164],[14.313206672668457,42.83335876464844],[13.928796768188477,42.83830261230469],[13.544301986694336,42.84126663208008],[13.159819602966309,42.842227935791016],[12.77535629272461,42.84111785888672],[12.390887260437012,42.837833404541016],[12.006477355957031,42.83228302001953],[11.622074127197266,42.82436752319336],[11.237709999084473,42.81397247314453],[10.853482246398926,42.8010139465332],[10.469304084777832,42.785377502441406],[10.085257530212402,42.766929626464844],[9.701376914978027,42.74558639526367],[9.317667961120605,42.72124481201172],[8.934194564819336,42.69379425048828],[8.550932884216309,42.663116455078125],[8.167948722839355,42.629093170166016],[7.785305023193359,42.591617584228516],[7.403039932250977,42.55056381225586],[7.021190166473389,42.50580978393555],[6.6404948234558105,42.4525032043457],[6.27144193649292,42.34626007080078],[5.923959255218506,42.18257522583008],[5.602911472320557,41.971553802490234],[5.309503555297852,41.7234001159668],[5.042855739593506,41.44660949707031],[4.801057815551758,41.14778137207031],[4.582141876220703,40.83182907104492],[4.384163856506348,40.502288818359375],[4.2056708335876465,40.161827087402344],[4.045475959777832,39.81235122680664],[3.902907609939575,39.4553337097168],[3.7776849269866943,39.091854095458984],[3.6701159477233887,38.722755432128906],[3.581202268600464,38.3487434387207],[3.512986421585083,37.97043991088867],[3.4692978858947754,37.5885124206543],[3.4575541019439697,37.20441436767578],[3.493809223175049,36.82204818725586],[3.571028470993042,36.445396423339844],[3.649813413619995,36.06910705566406],[3.7299511432647705,35.69304656982422],[3.8114376068115234,35.31729507446289],[3.8942787647247314,34.941864013671875],[3.9784891605377197,34.56672286987305],[4.064068794250488,34.1919059753418],[4.151036739349365,33.81737518310547],[4.2393927574157715,33.44316482543945],[4.329129219055176,33.069339752197266],[4.420278549194336,32.695796966552734],[4.5128173828125,32.322654724121094],[4.606780052185059,31.94980812072754],[4.702146530151367,31.577350616455078],[4.798929691314697,31.205263137817383],[4.8971405029296875,30.833528518676758],[4.99676513671875,30.46220588684082],[5.097830295562744,30.091224670410156],[5.200324058532715,29.72064208984375],[5.304235935211182,29.35050392150879],[5.409595489501953,28.980724334716797],[5.516383647918701,28.611373901367188],[5.62460470199585,28.24245834350586],[5.73427152633667,27.873926162719727],[5.845359802246094,27.505870819091797],[5.957894802093506,27.13821792602539],[6.071865558624268,26.770999908447266],[6.187262058258057,26.404253005981445],[6.30409049987793,26.03795623779297],[6.422338962554932,25.67214584350586],[6.542032718658447,25.306739807128906],[6.663139343261719,24.94183349609375],[6.7856645584106445,24.57740592956543],[6.909603595733643,24.213457107543945],[7.0349626541137695,23.849971771240234],[7.161719799041748,23.48699951171875],[7.289884567260742,23.124509811401367],[7.419435501098633,22.762542724609375],[7.550398349761963,22.40101432800293],[7.682735443115234,22.04001808166504],[7.816438674926758,21.67955780029297],[7.951522350311279,21.319583892822266],[8.087956428527832,20.960155487060547],[8.2257661819458,20.6011962890625],[8.364907264709473,20.24279022216797],[8.505395889282227,19.884891510009766],[8.647210121154785,19.527524948120117],[8.790361404418945,19.170642852783203],[8.934784889221191,18.814390182495117],[9.080524444580078,18.458629608154297],[9.227583885192871,18.103334426879883],[9.37591552734375,17.748598098754883],[9.525496482849121,17.394445419311523],[9.676374435424805,17.040740966796875],[9.82845401763916,16.687685012817383],[9.981805801391602,16.335086822509766],[10.136360168457031,15.983081817626953],[10.29216194152832,15.631539344787598],[10.449137687683105,15.280598640441895],[10.60731029510498,14.930177688598633],[10.766681671142578,14.580249786376953],[10.927197456359863,14.230901718139648],[11.088884353637695,13.882052421569824],[11.251729011535645,13.533720016479492],[11.415680885314941,13.18601131439209],[11.583598136901855,12.840145111083984],[11.75877571105957,12.497869491577148],[11.940836906433105,12.159263610839844],[12.129488945007324,11.824296951293945],[12.324478149414062,11.49295711517334],[12.525583267211914,11.16523551940918],[12.73254680633545,10.8412446975708],[12.945252418518066,10.52097225189209],[13.163533210754395,10.204436302185059],[13.38723087310791,9.89172649383545],[13.61627197265625,9.582915306091309],[13.850534439086914,9.278057098388672],[14.089970588684082,8.977228164672852],[14.334497451782227,8.680574417114258],[14.584134101867676,8.388091087341309],[14.838780403137207,8.100059509277344],[15.0984468460083,7.816528797149658],[15.363123893737793,7.537692546844482],[15.632882118225098,7.2636942863464355],[15.90765380859375,6.99478816986084],[16.18749237060547,6.7311906814575195],[16.47254753112793,6.473100185394287],[16.762720108032227,6.220902442932129],[17.05812644958496,5.9748687744140625],[17.358867645263672,5.735344409942627],[17.665002822875977,5.502746105194092],[17.976612091064453,5.277528285980225],[18.293785095214844,5.060192584991455],[18.616527557373047,4.851348876953125],[18.945030212402344,4.651619911193848],[19.2793025970459,4.461703300476074],[19.619476318359375,4.282413482666016],[19.96576690673828,4.115483283996582],[20.320068359375,3.9662892818450928],[20.681299209594727,3.8346712589263916],[21.048095703125,3.7195425033569336],[21.419374465942383,3.6198344230651855],[21.79427719116211,3.5345442295074463],[22.1719970703125,3.462778329849243],[22.551830291748047,3.4037694931030273],[22.93348503112793,3.356703042984009],[23.316265106201172,3.3210058212280273],[23.69988441467285,3.2960734367370605],[24.084062576293945,3.2813971042633057],[24.468517303466797,3.276545763015747],[24.852977752685547,3.2811460494995117],[25.237167358398438,3.2948756217956543],[25.62102508544922,3.3174755573272705],[26.004196166992188,3.348714590072632],[26.386615753173828,3.388429880142212],[26.76807975769043,3.436495304107666],[27.14842987060547,3.492838144302368],[27.527379989624023,3.5574071407318115],[27.904870986938477,3.6302382946014404],[28.280757904052734,3.7114124298095703],[28.65458869934082,3.801032066345215],[29.026308059692383,3.899282455444336],[29.395538330078125,4.006429672241211],[29.761972427368164,4.122780799865723],[30.12542724609375,4.248208999633789],[30.487279891967773,4.378199577331543],[30.847803115844727,4.511776447296143],[31.206993103027344,4.648801326751709],[31.564966201782227,4.789218902587891],[31.92160987854004,4.9329094886779785],[32.27687454223633,5.079775333404541],[32.63079833984375,5.229869365692139],[32.98351287841797,5.383072853088379],[33.33481216430664,5.539228439331055],[33.68479919433594,5.6983184814453125],[34.03349685668945,5.860404968261719],[34.38084411621094,6.025304794311523],[34.72679138183594,6.1929216384887695],[35.07151794433594,6.3633222579956055],[35.414772033691406,6.536403179168701],[35.756771087646484,6.712127208709717],[36.097450256347656,6.890420436859131],[36.436683654785156,7.071257591247559],[36.774620056152344,7.254621982574463],[37.111236572265625,7.440426826477051],[37.4465217590332,7.628679275512695],[37.78035354614258,7.819311141967773],[38.1129035949707,8.012298583984375],[38.444122314453125,8.207603454589844],[38.77390670776367,8.405233383178711],[39.102325439453125,8.605088233947754],[39.42941665649414,8.807162284851074],[39.75510787963867,9.01150894165039],[40.07941436767578,9.218015670776367],[40.40240478515625,9.426688194274902],[40.723880767822266,9.637465476989746],[41.04401779174805,9.8504056930542],[41.36275100708008,10.065407752990723],[41.68010711669922,10.282526016235352],[41.995941162109375,10.501689910888672],[42.310420989990234,10.722918510437012],[42.62345504760742,10.946147918701172],[42.934993743896484,11.171454429626465],[43.245059967041016,11.398734092712402],[43.55371856689453,11.628042221069336],[43.86086654663086,11.859345436096191],[44.16646957397461,12.09264087677002],[44.47059631347656,12.327919960021973],[44.773162841796875,12.565129280090332],[45.07415008544922,12.804330825805664],[45.37351608276367,13.045477867126465],[45.67160415649414,13.28841495513916],[45.969383239746094,13.531598091125488],[46.2669677734375,13.775028228759766],[46.564476013183594,14.018632888793945],[46.8615837097168,14.262632369995117],[47.158470153808594,14.50691032409668],[47.454917907714844,14.751776695251465],[47.75087356567383,14.997167587280273],[48.046295166015625,15.243258476257324],[48.341064453125,15.49006175994873],[48.63523864746094,15.737689971923828],[48.92864990234375,15.98611831665039],[49.221256256103516,16.235437393188477],[49.513153076171875,16.48577308654785],[49.80403137207031,16.73715591430664],[50.09393310546875,16.989686965942383],[50.38282775878906,17.24346351623535],[50.670570373535156,17.498430252075195],[50.95716094970703,17.754714965820312],[51.24252700805664,18.01242446899414],[51.52651596069336,18.271575927734375],[51.80915832519531,18.53225326538086],[52.09031677246094,18.79446792602539],[52.369972229003906,19.05837631225586],[52.64788055419922,19.3239688873291],[52.924129486083984,19.59136962890625],[53.198631286621094,19.860633850097656],[53.47123336791992,20.131772994995117],[53.74173355102539,20.404924392700195],[54.010231018066406,20.68020248413086],[54.276493072509766,20.957530975341797],[54.54050064086914,21.23705291748047],[54.8019905090332,21.518917083740234],[55.06094741821289,21.803119659423828],[55.317222595214844,22.08966827392578],[55.57075500488281,22.378740310668945],[55.82125473022461,22.670412063598633],[56.06867218017578,22.964733123779297],[56.31277847290039,23.26173973083496],[56.55348205566406,23.561586380004883],[56.79056930541992,23.864261627197266],[57.02378463745117,24.16984748840332],[57.253082275390625,24.478527069091797],[57.478153228759766,24.79020118713379],[57.69876480102539,25.105058670043945],[57.91477584838867,25.423187255859375],[58.12586975097656,25.74452018737793],[58.33180236816406,26.069141387939453],[58.532318115234375,26.397218704223633],[58.727142333984375,26.728723526000977],[58.91594314575195,27.063594818115234],[59.09847640991211,27.40199089050293],[59.27437973022461,27.743854522705078],[59.4433479309082,28.0892333984375],[59.60497283935547,28.438007354736328],[59.75908279418945,28.790294647216797],[59.90909194946289,29.144304275512695],[60.05681610107422,29.499237060546875],[60.20264434814453,29.855022430419922],[60.34666061401367,30.211505889892578],[60.488956451416016,30.568649291992188],[60.62989044189453,30.92636489868164],[60.76932144165039,31.284698486328125],[60.90761947631836,31.643463134765625],[61.04480743408203,32.00257110595703],[61.18096923828125,32.36217498779297],[61.31629180908203,32.722042083740234],[61.45084762573242,33.082218170166016],[61.5846061706543,33.44270706176758],[61.717872619628906,33.8033332824707],[61.85054397583008,34.16413879394531],[61.98294448852539,34.52513885498047],[62.11488342285156,34.886314392089844],[62.24647521972656,35.24755096435547],[62.377872467041016,35.60886001586914],[62.50929260253906,35.9702262878418],[62.6406135559082,36.33150863647461],[62.77187728881836,36.69286346435547],[62.903160095214844,37.05427932739258],[63.03450012207031,37.41567611694336],[63.16606140136719,37.77692413330078],[63.2978630065918,38.13813400268555],[63.42983627319336,38.499229431152344],[63.56231689453125,38.86014175415039],[63.69501495361328,39.2209587097168],[63.82829666137695,39.58164596557617],[63.961917877197266,39.942169189453125],[64.09614562988281,40.30241775512695],[64.23101043701172,40.662479400634766],[64.36656188964844,41.02224349975586],[64.50282287597656,41.381771087646484],[64.63983154296875,41.74105453491211],[64.77761840820312,42.0999641418457],[64.91626739501953,42.45856475830078],[65.05596923828125,42.81685256958008],[65.19659423828125,43.174652099609375],[65.3382339477539,43.53207015991211],[65.4809341430664,43.88903045654297],[65.62479400634766,44.24563217163086],[65.76995086669922,44.60165023803711],[65.91638946533203,44.9571533203125],[66.06412506103516,45.31211853027344],[66.2132339477539,45.666534423828125],[66.36372375488281,46.020259857177734],[66.51585388183594,46.373409271240234],[66.669677734375,46.725772857666016],[66.824951171875,47.07750701904297],[66.98212432861328,47.42842483520508],[67.14102935791016,47.77852249145508],[67.3019027709961,48.12770462036133],[67.46470642089844,48.47599792480469],[67.62960815429688,48.82333755493164],[67.79662322998047,49.16963577270508],[67.96588897705078,49.514854431152344],[68.13748931884766,49.85894775390625],[68.3115005493164,50.201786041259766],[68.48802185058594,50.54331970214844],[68.66720581054688,50.883522033691406],[68.84909057617188,51.22223663330078],[69.0338363647461,51.559356689453125],[69.22151947021484,51.894893646240234],[69.41240692138672,52.228702545166016],[69.60643005371094,52.56062698364258],[69.80384826660156,52.89054870605469],[70.00477600097656,53.2183723449707],[70.20926666259766,53.5439453125],[70.4176254272461,53.86701965332031],[70.62995910644531,54.18758773803711],[70.84636688232422,54.505401611328125],[71.06702423095703,54.82020568847656],[71.29226684570312,55.131813049316406],[71.52214050292969,55.44002151489258],[71.75679779052734,55.74451446533203],[71.99649047851562,56.04514694213867],[72.24148559570312,56.34150695800781],[72.49188995361328,56.633235931396484],[72.74791717529297,56.91998291015625],[73.00991821289062,57.20148849487305],[73.27790832519531,57.47713088989258],[73.5521469116211,57.746517181396484],[73.83293914794922,58.00925064086914],[74.12025451660156,58.264617919921875],[74.41439819335938,58.512168884277344],[74.7155532836914,58.75128173828125],[75.02365112304688,58.981170654296875],[75.3388671875,59.201255798339844],[75.66121673583984,59.410736083984375],[75.99071502685547,59.60895919799805],[76.32709503173828,59.79503631591797],[76.67030334472656,59.96824264526367],[77.02008056640625,60.12786865234375],[77.37602233886719,60.27317810058594],[77.73490905761719,60.41105270385742],[78.09385681152344,60.548946380615234],[78.45274353027344,60.68682098388672],[78.81163024902344,60.82469177246094],[79.17057800292969,60.96258544921875],[79.52946472167969,61.100460052490234],[79.88835144042969,61.23833465576172],[80.24723815917969,61.37620544433594],[80.60618591308594,61.514102935791016],[80.96507263183594,61.651973724365234],[81.32396697998047,61.78984832763672],[81.68290710449219,61.92774200439453],[82.04180145263672,62.065616607666016],[82.40068817138672,62.203487396240234],[82.75962829589844,62.34138488769531],[83.11852264404297,62.47925567626953],[83.47740936279297,62.617130279541016],[83.83635711669922,62.75502395629883],[84.19524383544922,62.89289855957031],[84.55413055419922,63.03076934814453],[84.91301727294922,63.168643951416016],[85.27196502685547,63.30653762817383],[85.63085174560547,63.44441223144531],[85.98973846435547,63.58228302001953],[86.34868621826172,63.72018051147461],[86.70757293701172,63.85805130004883],[87.06646728515625,63.99592590332031],[87.42540740966797,64.13381958007812],[87.78429412841797,64.27169036865234],[88.1431884765625,64.4095687866211],[88.5020751953125,64.54743957519531],[88.86102294921875,64.68533325195312],[89.21990966796875,64.82320404052734],[89.57879638671875,64.9610824584961],[89.937744140625,65.0989761352539],[90.296630859375,65.23684692382812],[90.655517578125,65.37471771240234],[91.01446533203125,65.51261901855469],[91.37335205078125,65.6504898071289],[91.73223876953125,65.78836059570312],[92.0911865234375,65.92625427246094],[92.4500732421875,66.06413269042969],[92.8089599609375,66.2020034790039],[93.16785430908203,66.33987426757812],[93.52679443359375,66.47776794433594],[93.88568115234375,66.61564636230469],[94.24457550048828,66.7535171508789],[94.603515625,66.89141082763672],[94.96240997314453,67.02928161621094],[95.32129669189453,67.16716003417969],[95.68025207519531,67.30496978759766],[96.0391845703125,67.4427261352539],[96.39811706542969,67.58048248291016],[96.75711059570312,67.71826171875],[97.11604309082031,67.85601806640625],[97.4749755859375,67.9937744140625],[97.83390808105469,68.13153076171875],[98.19290161132812,68.26930236816406],[98.55183410644531,68.40705871582031],[98.9107666015625,68.54481506347656],[99.26976013183594,68.6825942993164],[99.62869262695312,68.82035064697266],[99.98762512207031,68.9581069946289],[100.34661102294922,69.09588623046875],[100.70555114746094,69.23363494873047],[101.06448364257812,69.37139129638672],[101.42346954345703,69.50917053222656],[101.78240203857422,69.64692687988281],[102.14134216308594,69.78468322753906],[102.50027465820312,69.92243957519531],[102.85926055908203,70.06021881103516],[103.21819305419922,70.1979751586914],[103.5771255493164,70.33572387695312],[103.93611907958984,70.47350311279297],[104.29505157470703,70.61125946044922],[104.65398406982422,70.74901580810547],[105.01297760009766,70.88679504394531],[105.37191009521484,71.02455139160156],[105.73084259033203,71.16230773925781],[106.08983612060547,71.30007934570312],[106.44876861572266,71.43783569335938],[106.80770111083984,71.57559204101562],[107.16663360595703,71.71334838867188],[107.52562713623047,71.85112762451172],[107.88455963134766,71.98888397216797],[108.24349212646484,72.12664031982422],[108.60247802734375,72.26441192626953],[108.96141815185547,72.40216827392578],[109.32035064697266,72.53992462158203],[109.67933654785156,72.67770385742188],[110.03826904296875,72.81546020507812],[110.39720916748047,72.95321655273438],[110.75614166259766,73.09097290039062],[111.11512756347656,73.22875213623047],[111.47406005859375,73.36650085449219],[111.83300018310547,73.50425720214844],[112.19198608398438,73.64203643798828],[112.55091857910156,73.77979278564453],[112.90985107421875,73.91754913330078],[113.26884460449219,74.05532836914062],[113.6277847290039,74.19303894042969],[113.98677062988281,74.33065032958984],[114.34581756591797,74.4682846069336],[114.70480346679688,74.60590362548828],[115.06378936767578,74.74351501464844],[115.42277526855469,74.88113403320312],[115.78182220458984,75.01876831054688],[116.14080810546875,75.15638732910156],[116.49979400634766,75.29399871826172],[116.85884094238281,75.431640625],[117.21782684326172,75.56925201416016],[117.57681274414062,75.70687103271484],[117.93585968017578,75.8445053100586],[118.29484558105469,75.98212432861328],[118.6538314819336,76.11973571777344],[119.01287841796875,76.25736999511719],[119.37186431884766,76.39498901367188],[119.73085021972656,76.53260803222656],[120.08983612060547,76.67021942138672],[120.44888305664062,76.80785369873047],[120.80786895751953,76.94547271728516],[121.16685485839844,77.08308410644531],[121.5259017944336,77.2207260131836],[121.8848876953125,77.35833740234375],[122.2438735961914,77.49595642089844],[122.60292053222656,77.63359069824219],[122.96190643310547,77.77120971679688],[123.32089233398438,77.90882110595703],[123.67993927001953,78.04646301269531],[124.03892517089844,78.18407440185547],[124.39791107177734,78.32169342041016],[124.75690460205078,78.45930480957031],[125.1159439086914,78.5969467163086],[125.47492980957031,78.73455810546875],[125.83392333984375,78.87217712402344],[126.19296264648438,79.00981140136719],[126.55194854736328,79.14743041992188],[126.91094207763672,79.28504180908203],[127.26998138427734,79.42267608642578],[127.62896728515625,79.56029510498047],[127.98796081542969,79.69790649414062],[128.3470001220703,79.8355484008789],[128.70599365234375,79.97315979003906],[129.06497192382812,80.11077880859375],[129.42396545410156,80.2483901977539],[129.7830047607422,80.38603210449219],[130.14199829101562,80.52364349365234],[130.5009765625,80.66126251220703],[130.8600311279297,80.79889678955078],[131.21900939941406,80.93651580810547],[131.5780029296875,81.07412719726562],[131.93711853027344,81.21160125732422],[132.29615783691406,81.34905242919922],[132.65521240234375,81.48650360107422],[133.01426696777344,81.62395477294922],[133.3733673095703,81.76142883300781],[133.732421875,81.89888000488281],[134.0914764404297,82.03633117675781],[134.45057678222656,82.1738052368164],[134.80963134765625,82.3112564086914],[135.16867065429688,82.4487075805664],[135.5277862548828,82.586181640625],[135.8868408203125,82.7236328125],[136.24588012695312,82.86109161376953],[136.60499572753906,82.99856567382812],[136.9640350341797,83.13601684570312],[137.32308959960938,83.27346801757812],[137.68214416503906,83.41091918945312],[138.04124450683594,83.54839324951172],[138.40029907226562,83.68584442138672],[138.75933837890625,83.82329559326172],[139.1184539794922,83.96076965332031],[139.47750854492188,84.09822082519531],[139.8365478515625,84.23567199707031],[140.19566345214844,84.3731460571289],[140.55470275878906,84.5105972290039],[140.91375732421875,84.6480484008789],[141.2728729248047,84.7855224609375],[141.6319122314453,84.92298126220703],[141.990966796875,85.06043243408203],[142.3500213623047,85.19788360595703],[142.70912170410156,85.33535766601562],[143.06817626953125,85.47280883789062],[143.42721557617188,85.61026000976562],[143.7863311767578,85.74773406982422],[144.1453857421875,85.88518524169922],[144.50442504882812,86.02263641357422],[144.86354064941406,86.16011047363281],[145.2225799560547,86.29756164550781],[145.58163452148438,86.43501281738281],[145.94073486328125,86.5724868774414],[146.29978942871094,86.7099380493164],[146.65884399414062,86.84739685058594],[147.0178985595703,86.98484802246094],[147.3769989013672,87.12232208251953],[147.73605346679688,87.25977325439453],[148.0950927734375,87.39722442626953],[148.45420837402344,87.53469848632812],[148.81324768066406,87.67214965820312],[149.17230224609375,87.80960083007812],[149.5314178466797,87.94707489013672],[149.8905029296875,88.08441925048828],[150.24960327148438,88.22173309326172],[150.6087646484375,88.35906982421875],[150.96786499023438,88.49638366699219],[151.32696533203125,88.63369750976562],[151.68606567382812,88.77101135253906],[152.04522705078125,88.9083480834961],[152.40432739257812,89.04566192626953],[152.763427734375,89.1829833984375],[153.12258911132812,89.32032012939453],[153.481689453125,89.45763397216797],[153.84078979492188,89.5949478149414],[154.199951171875,89.73228454589844],[154.55905151367188,89.86959838867188],[154.91815185546875,90.00691223144531],[155.2772674560547,90.14422607421875],[155.63641357421875,90.28156280517578],[155.9955291748047,90.41888427734375],[156.35462951660156,90.55619812011719],[156.7137908935547,90.69353485107422],[157.07289123535156,90.83084869384766],[157.43199157714844,90.9681625366211],[157.79115295410156,91.10549926757812],[158.15025329589844,91.24281311035156],[158.5093536376953,91.380126953125],[158.8685760498047,91.51741027832031],[159.2277069091797,91.65462493896484],[159.58685302734375,91.7918472290039],[159.94598388671875,91.92906188964844],[160.30519104003906,92.06629943847656],[160.66432189941406,92.2035140991211],[161.02346801757812,92.34072875976562],[161.38265991210938,92.47796630859375],[161.74180603027344,92.61518859863281],[162.1009521484375,92.75240325927734],[162.46014404296875,92.88964080810547],[162.81927490234375,93.02685546875],[163.1784210205078,93.16407012939453],[163.53761291503906,93.30130767822266],[163.89675903320312,93.43852233886719],[164.2559051513672,93.57574462890625],[164.6150360107422,93.71295928955078],[164.97422790527344,93.8501968383789],[165.3333740234375,93.98741149902344],[165.69252014160156,94.12462615966797],[166.0517120361328,94.2618637084961],[166.41085815429688,94.39908599853516],[166.76998901367188,94.53630065917969],[167.1291961669922,94.67353820800781],[167.4883270263672,94.81075286865234],[167.84747314453125,94.9478988647461],[168.2067108154297,95.08502960205078],[168.56588745117188,95.2221450805664],[168.92506408691406,95.3592529296875],[169.28424072265625,95.49636840820312],[169.6434783935547,95.63349914550781],[170.00267028808594,95.77061462402344],[170.36184692382812,95.90772247314453],[170.72108459472656,96.04485321044922],[171.08026123046875,96.18196868896484],[171.43943786621094,96.31907653808594],[171.79867553710938,96.45621490478516],[172.15785217285156,96.59332275390625],[172.5170440673828,96.73043823242188],[172.87628173828125,96.86756896972656],[173.23545837402344,97.00467681884766],[173.59463500976562,97.14179229736328],[173.9538116455078,97.27890014648438],[174.31304931640625,97.4160385131836],[174.67222595214844,97.55314636230469],[175.0314178466797,97.69026184082031],[175.39065551757812,97.827392578125],[175.7498321533203,97.9645004272461],[176.1090087890625,98.10161590576172],[176.46824645996094,98.2387466430664],[176.8274383544922,98.37580108642578],[177.18666076660156,98.51280212402344],[177.54588317871094,98.6498031616211],[177.9051513671875,98.78682708740234],[178.26437377929688,98.923828125],[178.62359619140625,99.06082916259766],[178.98287963867188,99.19784545898438],[179.34210205078125,99.33484649658203],[179.70132446289062,99.47184753417969],[180.06060791015625,99.60887145996094],[180.41983032226562,99.7458724975586],[180.779052734375,99.88287353515625],[181.13832092285156,100.0198974609375],[181.49754333496094,100.15689849853516],[181.8567657470703,100.29389953613281],[182.2159881591797,100.43090057373047],[182.5752716064453,100.56792449951172],[182.9344940185547,100.70492553710938],[183.29371643066406,100.84192657470703],[183.6529998779297,100.97895050048828],[184.01222229003906,101.11595153808594],[184.37144470214844,101.2529525756836],[184.73072814941406,101.38997650146484],[185.08995056152344,101.5269775390625],[185.4491729736328,101.66397094726562],[185.80850219726562,101.80093383789062],[186.16778564453125,101.93775939941406],[186.52708435058594,102.0745849609375],[186.88636779785156,102.21141052246094],[187.24571228027344,102.34825134277344],[187.60501098632812,102.48507690429688],[187.96429443359375,102.62190246582031],[188.32363891601562,102.75875091552734],[188.6829376220703,102.89556884765625],[189.04222106933594,103.03239440917969],[189.4015655517578,103.16924285888672],[189.7608642578125,103.30606842041016],[190.12014770507812,103.44288635253906],[190.4794921875,103.5797348022461],[190.83877563476562,103.71656036376953],[191.1980743408203,103.85338592529297],[191.55735778808594,103.99020385742188],[191.9167022705078,104.1270523071289],[192.2760009765625,104.26387786865234],[192.63528442382812,104.40070343017578],[192.99462890625,104.53754425048828],[193.3539276123047,104.67436981201172],[193.7132110595703,104.81119537353516],[194.0725555419922,104.94803619384766],[194.43185424804688,105.0848617553711],[194.7911376953125,105.22168731689453],[195.1504364013672,105.35851287841797],[195.50978088378906,105.49535369873047],[195.8690643310547,105.6321792602539],[196.22836303710938,105.76900482177734],[196.58770751953125,105.90585327148438],[196.94699096679688,106.04267120361328],[197.3062744140625,106.17949676513672],[197.66563415527344,106.31634521484375],[198.02491760253906,106.45317077636719],[198.3842010498047,106.5899887084961],[198.74356079101562,106.72683715820312],[199.10284423828125,106.86366271972656],[199.46212768554688,107.00048828125],[199.82142639160156,107.1373062133789],[200.18077087402344,107.27415466308594],[200.54005432128906,107.41098022460938],[200.89935302734375,107.54780578613281],[201.25869750976562,107.68464660644531],[201.61798095703125,107.82147216796875],[201.97727966308594,107.95829772949219],[202.3366241455078,108.09514617919922],[202.69590759277344,108.23196411132812],[203.05520629882812,108.36878967285156],[203.41455078125,108.5056381225586],[203.7738494873047,108.64240264892578],[204.13323974609375,108.77896881103516],[204.4926300048828,108.91554260253906],[204.85208129882812,109.05213165283203],[205.21145629882812,109.1886978149414],[205.5708465576172,109.32527160644531],[205.93028259277344,109.46186065673828],[206.2896728515625,109.59842681884766],[206.64906311035156,109.73500061035156],[207.0084991455078,109.87158966064453],[207.36788940429688,110.00816345214844],[207.72727966308594,110.14472961425781],[208.08673095703125,110.28131866455078],[208.44610595703125,110.41789245605469],[208.8054962158203,110.55445861816406],[209.16488647460938,110.69102478027344],[209.52432250976562,110.82762145996094],[209.8837127685547,110.96418762207031],[210.24310302734375,111.10075378417969],[210.6025390625,111.23735046386719],[210.96192932128906,111.37391662597656],[211.32131958007812,111.51048278808594],[211.68075561523438,111.64707946777344],[212.04014587402344,111.78364562988281],[212.3995361328125,111.92021179199219],[212.75897216796875,112.05680847167969],[213.1183624267578,112.19337463378906],[213.47775268554688,112.32994079589844],[213.83714294433594,112.46651458740234],[214.1965789794922,112.60310363769531],[214.55596923828125,112.73966979980469],[214.9153594970703,112.8762435913086],[215.27479553222656,113.01283264160156],[215.63418579101562,113.14939880371094],[215.9935760498047,113.28597259521484],[216.35301208496094,113.42256164550781],[216.71240234375,113.55912780761719],[217.07179260253906,113.6957015991211],[217.43116760253906,113.83226776123047],[217.79061889648438,113.96885681152344],[218.15000915527344,114.10543060302734],[218.50938415527344,114.24199676513672],[218.86883544921875,114.37858581542969],[219.2282257080078,114.5151596069336],[219.5876007080078,114.65172576904297],[219.94705200195312,114.78831481933594],[220.3064422607422,114.92488861083984],[220.6658172607422,115.06145477294922],[221.0252685546875,115.19805145263672],[221.38465881347656,115.3346176147461],[221.7440643310547,115.47118377685547],[222.1035614013672,115.60747528076172],[222.46310424804688,115.74378967285156],[222.82260131835938,115.88008117675781],[223.1820831298828,116.01637268066406],[223.54164123535156,116.1526870727539],[223.901123046875,116.28897857666016],[224.2606201171875,116.4252700805664],[224.62017822265625,116.56158447265625],[224.9796600341797,116.6978759765625],[225.3391571044922,116.83416748046875],[225.69869995117188,116.97047424316406],[226.05819702148438,117.10676574707031],[226.41769409179688,117.24305725097656],[226.7771759033203,117.37934875488281],[227.13673400878906,117.51566314697266],[227.4962158203125,117.6519546508789],[227.855712890625,117.78824615478516],[228.2152557373047,117.924560546875],[228.5747528076172,118.06085205078125],[228.9342498779297,118.1971435546875],[229.29379272460938,118.33345794677734],[229.65328979492188,118.4697494506836],[230.01278686523438,118.60604095458984],[230.37232971191406,118.74235534667969],[230.73182678222656,118.87864685058594],[231.09130859375,119.01493835449219],[231.4508056640625,119.15122985839844],[231.8103485107422,119.28753662109375],[232.1698455810547,119.423828125],[232.5293426513672,119.56011962890625],[232.88888549804688,119.6964340209961],[233.24838256835938,119.83272552490234],[233.6078643798828,119.9690170288086],[233.96742248535156,120.10533142089844],[234.326904296875,120.24162292480469],[234.6864013671875,120.37791442871094],[235.04595947265625,120.51422882080078],[235.4054412841797,120.65052032470703],[235.7649383544922,120.78681182861328],[236.1244354248047,120.92310333251953],[236.48397827148438,121.05941772460938],[236.84347534179688,121.19570922851562],[237.2029571533203,121.33200073242188],[237.56251525878906,121.46830749511719],[237.9219970703125,121.60459899902344],[238.281494140625,121.74089050292969],[238.6410369873047,121.87720489501953],[239.0005340576172,122.01349639892578],[239.3600311279297,122.14978790283203],[239.71951293945312,122.28607940673828],[240.07908630371094,122.42218780517578],[240.43865966796875,122.55825805664062],[240.79824829101562,122.69432830810547],[241.1578826904297,122.8304214477539],[241.5174560546875,122.96649169921875],[241.8770294189453,123.1025619506836],[242.23666381835938,123.23865509033203],[242.5962371826172,123.37472534179688],[242.955810546875,123.51078796386719],[243.31544494628906,123.64688110351562],[243.67501831054688,123.78295135498047],[244.0345916748047,123.91902160644531],[244.39418029785156,124.05509185791016],[244.75381469726562,124.1911849975586],[245.11338806152344,124.32725524902344],[245.47296142578125,124.46332550048828],[245.8325958251953,124.59941101074219],[246.19216918945312,124.73548126220703],[246.55174255371094,124.87155151367188],[246.911376953125,125.00764465332031],[247.2709503173828,125.14371490478516],[247.63052368164062,125.27978515625],[247.9901580810547,125.41587829589844],[248.3497314453125,125.55194091796875],[248.70932006835938,125.6880111694336],[249.06890869140625,125.82396697998047],[249.42860412597656,125.95989990234375],[249.78823852539062,126.09580993652344],[250.1478729248047,126.23172760009766],[250.507568359375,126.36766052246094],[250.86720275878906,126.50357818603516],[251.22683715820312,126.63948822021484],[251.58653259277344,126.77542114257812],[251.9461669921875,126.91133880615234],[252.30580139160156,127.04724884033203],[252.66549682617188,127.18318939208984],[253.02513122558594,127.31909942626953],[253.384765625,127.45501708984375],[253.74440002441406,127.59092712402344],[254.1040802001953,127.72686004638672],[254.46371459960938,127.86277770996094],[254.8233642578125,127.99868774414062],[255.18304443359375,128.13462829589844],[255.5426788330078,128.27053833007812],[255.90231323242188,128.4064483642578],[256.26202392578125,128.54238891601562],[256.62164306640625,128.6782989501953],[256.9812927246094,128.814208984375],[257.3409729003906,128.9501495361328],[257.70062255859375,129.0860595703125],[258.0602722167969,129.2218780517578],[258.41998291015625,129.35763549804688],[258.77972412109375,129.493408203125],[259.1394348144531,129.62916564941406],[259.4991149902344,129.76492309570312],[259.85888671875,129.90069580078125],[260.21856689453125,130.03643798828125],[260.5782775878906,130.1721954345703],[260.9380187988281,130.30796813964844],[261.2977294921875,130.4437255859375],[261.65740966796875,130.57948303222656],[262.0171203613281,130.71522521972656],[262.3768615722656,130.8509979248047],[262.736572265625,130.98675537109375],[263.09625244140625,131.1225128173828],[263.45599365234375,131.25828552246094],[263.8157043457031,131.39404296875],[264.1753845214844,131.52978515625],[264.53515625,131.66555786132812],[264.89483642578125,131.8013153076172],[265.2545471191406,131.93707275390625],[265.6142883300781,132.07284545898438],[265.9739990234375,132.20860290527344],[266.33367919921875,132.34434509277344],[266.6933898925781,132.4801025390625],[267.05322265625,132.61581420898438],[267.4129638671875,132.75140380859375],[267.7727355957031,132.88699340820312],[268.1325378417969,133.02259826660156],[268.4923095703125,133.15818786621094],[268.85205078125,133.29376220703125],[269.2118835449219,133.42938232421875],[269.5716247558594,133.56495666503906],[269.931396484375,133.70054626464844],[270.29119873046875,133.83615112304688],[270.6509704589844,133.97174072265625],[271.0107116699219,134.10733032226562],[271.3704833984375,134.242919921875],[271.73028564453125,134.37852478027344],[272.0900573730469,134.5141143798828],[272.4498291015625,134.64968872070312],[272.80963134765625,134.78530883789062],[273.1694030761719,134.92088317871094],[273.5291442871094,135.0564727783203],[273.88897705078125,135.19207763671875],[274.24871826171875,135.32766723632812],[274.6084899902344,135.4632568359375],[274.9682922363281,135.59886169433594],[275.32806396484375,135.7344512939453],[275.68780517578125,135.8700408935547],[276.0475769042969,136.00555419921875],[276.4074401855469,136.1409912109375],[276.76727294921875,136.27639770507812],[277.1271057128906,136.4118194580078],[277.4869689941406,136.54725646972656],[277.8468017578125,136.6826629638672],[278.2066345214844,136.81808471679688],[278.5664978027344,136.95352172851562],[278.92633056640625,137.08892822265625],[279.2861633300781,137.22434997558594],[279.6460266113281,137.3597869873047],[280.005859375,137.4951934814453],[280.3656921386719,137.630615234375],[280.7254943847656,137.76602172851562],[281.08538818359375,137.90145874023438],[281.4451904296875,138.03688049316406],[281.8050231933594,138.1722869873047],[282.1649169921875,138.30772399902344],[282.52471923828125,138.44314575195312],[282.8845520019531,138.57855224609375],[283.24444580078125,138.7139892578125],[283.604248046875,138.8494110107422],[283.9640808105469,138.9848175048828],[284.32391357421875,139.1202392578125],[284.68377685546875,139.25567626953125],[285.04364013671875,139.3910675048828],[285.4035339355469,139.5262908935547],[285.76348876953125,139.66156005859375],[286.1233825683594,139.79678344726562],[286.4832763671875,139.93202209472656],[286.8432312011719,140.06729125976562],[287.2030944824219,140.2025146484375],[287.56298828125,140.33775329589844],[287.9229431152344,140.4730224609375],[288.2828369140625,140.60824584960938],[288.6427307128906,140.7434844970703],[289.00262451171875,140.87872314453125],[289.3625793457031,141.01397705078125],[289.7224426269531,141.1492156982422],[290.08233642578125,141.28445434570312],[290.4422912597656,141.41970825195312],[290.80218505859375,141.55494689941406],[291.1620788574219,141.690185546875],[291.52203369140625,141.825439453125],[291.88189697265625,141.96067810058594],[292.2417907714844,142.09591674804688],[292.60174560546875,142.23117065429688],[292.9616394042969,142.3664093017578],[293.321533203125,142.50164794921875],[293.6814270019531,142.6368865966797],[294.0413513183594,142.77212524414062],[294.4013671875,142.90708923339844],[294.7613525390625,143.04205322265625],[295.12139892578125,143.17703247070312],[295.48138427734375,143.31198120117188],[295.8414001464844,143.4469451904297],[296.2014465332031,143.58192443847656],[296.5614318847656,143.71688842773438],[296.9214172363281,143.8518524169922],[297.281494140625,143.98683166503906],[297.6414794921875,144.1217803955078],[298.00146484375,144.25674438476562],[298.3614501953125,144.39170837402344],[298.7215270996094,144.5266876220703],[299.0815124511719,144.66165161132812],[299.4414978027344,144.79660034179688],[299.8015441894531,144.93157958984375],[300.16156005859375,145.06654357910156],[300.52154541015625,145.20150756835938],[300.881591796875,145.33648681640625],[301.2415771484375,145.47145080566406],[301.6015930175781,145.6063995361328],[301.9615783691406,145.74136352539062],[302.3216247558594,145.8763427734375],[302.6816101074219,146.0113067626953],[303.0416259765625,146.14625549316406],[303.40167236328125,146.28125],[303.76165771484375,146.41619873046875],[304.12164306640625,146.55116271972656],[304.4817199707031,146.68614196777344],[304.8417053222656,146.82110595703125],[305.2016906738281,146.9560546875],[305.5617370605469,147.09104919433594],[305.9217529296875,147.2259979248047],[306.28173828125,147.3609619140625],[306.6417236328125,147.4959259033203],[307.00177001953125,147.6309051513672],[307.3617858886719,147.76585388183594],[307.7217712402344,147.90081787109375],[308.0818176269531,148.03579711914062],[308.4418029785156,148.17076110839844],[308.80181884765625,148.30572509765625],[309.161865234375,148.44070434570312],[309.5218505859375,148.57565307617188],[309.8818359375,148.7106170654297],[310.2419128417969,148.84559631347656],[310.6018981933594,148.98056030273438],[310.9618835449219,149.1155242919922],[311.3218688964844,149.25047302246094],[311.68194580078125,149.38546752929688],[312.04193115234375,149.52041625976562],[312.4019775390625,149.65518188476562],[312.76214599609375,149.7898712158203],[313.12225341796875,149.92454528808594],[313.48236083984375,150.05921936035156],[313.8424987792969,150.19390869140625],[314.2026062011719,150.32858276367188],[314.5627136230469,150.4632568359375],[314.9228820800781,150.5979461669922],[315.282958984375,150.7326202392578],[315.64306640625,150.86727905273438],[316.003173828125,151.001953125],[316.36334228515625,151.13665771484375],[316.72344970703125,151.2713165283203],[317.0835266113281,151.40599060058594],[317.4436950683594,151.54067993164062],[317.8038024902344,151.67535400390625],[318.1639099121094,151.81002807617188],[318.5240478515625,151.94471740722656],[318.8841552734375,152.0793914794922],[319.2442626953125,152.2140655517578],[319.60443115234375,152.3487548828125],[319.96453857421875,152.48342895507812],[320.3246154785156,152.61810302734375],[320.6847229003906,152.75277709960938],[321.0448913574219,152.88746643066406],[321.4050598144531,153.0220489501953],[321.7652282714844,153.15652465820312],[322.1254577636719,153.291015625],[322.4856262207031,153.4254913330078],[322.8458251953125,153.55996704101562],[323.2060546875,153.6944580078125],[323.56622314453125,153.8289337158203],[323.9263916015625,153.96339416503906],[324.2865905761719,154.09786987304688],[324.6468200683594,154.23236083984375],[325.0069885253906,154.36683654785156],[325.3671569824219,154.50131225585938],[325.7273864746094,154.63580322265625],[326.08758544921875,154.77027893066406],[326.44775390625,154.9047393798828],[326.8079833984375,155.03924560546875],[327.16815185546875,155.1737060546875],[327.5283508300781,155.3081817626953],[327.8885803222656,155.4426727294922],[328.2487487792969,155.5771484375],[328.6089172363281,155.7116241455078],[328.9691162109375,155.84608459472656],[329.329345703125,155.9805908203125],[329.68951416015625,156.11505126953125],[330.0496826171875,156.24952697753906],[330.409912109375,156.3839569091797],[330.7701721191406,156.5182342529297],[331.13043212890625,156.65249633789062],[331.49072265625,156.7867889404297],[331.8509826660156,156.92105102539062],[332.21124267578125,157.05532836914062],[332.571533203125,157.18960571289062],[332.9317932128906,157.32388305664062],[333.29205322265625,157.45814514160156],[333.6523132324219,157.59242248535156],[334.0126037597656,157.72671508789062],[334.37286376953125,157.86097717285156],[334.7331237792969,157.9952392578125],[335.0934143066406,158.12953186035156],[335.45367431640625,158.26380920410156],[335.8139343261719,158.3980712890625],[336.17425537109375,158.53236389160156],[336.53448486328125,158.6666259765625],[336.8947448730469,158.8009033203125],[337.25506591796875,158.9351806640625],[337.61529541015625,159.0694580078125],[337.9755554199219,159.20372009277344],[338.3358154296875,159.33799743652344],[338.6961364746094,159.4722900390625],[339.0563659667969,159.60655212402344],[339.4166259765625,159.74081420898438],[339.7770080566406,159.87489318847656],[340.1373291015625,160.00894165039062],[340.4976806640625,160.14300537109375],[340.8580627441406,160.27708435058594],[341.2183837890625,160.41114807128906],[341.5787048339844,160.54519653320312],[341.9390869140625,160.6792755126953],[342.2994384765625,160.81333923339844],[342.6597595214844,160.94740295410156],[343.02008056640625,161.08145141601562],[343.3804931640625,161.2155303955078],[343.7408142089844,161.34959411621094],[344.10113525390625,161.48365783691406],[344.4615173339844,161.61773681640625],[344.8218688964844,161.7517852783203],[345.18218994140625,161.88584899902344],[345.5425720214844,162.01992797851562],[345.9029235839844,162.15399169921875],[346.26324462890625,162.2880401611328],[346.6235656738281,162.42210388183594],[346.98394775390625,162.55618286132812],[347.34429931640625,162.69024658203125],[347.7046203613281,162.82431030273438],[348.06500244140625,162.95838928222656],[348.42535400390625,163.09243774414062],[348.7857360839844,163.22634887695312],[349.1462097167969,163.36021423339844],[349.5066223144531,163.49404907226562],[349.8670349121094,163.62789916992188],[350.2275085449219,163.7617645263672],[350.5879211425781,163.89559936523438],[350.9483337402344,164.02944946289062],[351.3087463378906,164.16329956054688],[351.669189453125,164.2971649169922],[352.02960205078125,164.43099975585938],[352.3900146484375,164.56484985351562],[352.75048828125,164.69871520996094],[353.11090087890625,164.83255004882812],[353.4713134765625,164.96640014648438],[353.831787109375,165.1002655029297],[354.19219970703125,165.23411560058594],[354.5525817871094,165.36795043945312],[354.9130554199219,165.50181579589844],[355.2734680175781,165.6356658935547],[355.6338806152344,165.76951599121094],[355.9942932128906,165.90335083007812],[356.3547668457031,166.03721618652344],[356.7151794433594,166.1710662841797],[357.0755920410156,166.30490112304688],[357.43603515625,166.4387664794922],[357.7964782714844,166.572509765625],[358.156982421875,166.7061309814453],[358.51751708984375,166.8397674560547],[358.8780212402344,166.97340393066406],[359.238525390625,167.10702514648438],[359.59906005859375,167.24066162109375],[359.9595642089844,167.37428283691406],[360.3200378417969,167.50791931152344],[360.6805419921875,167.64154052734375],[361.04107666015625,167.77517700195312],[361.4015808105469,167.90879821777344],[361.7620849609375,168.0424346923828],[362.12261962890625,168.1760711669922],[362.4831237792969,168.3096923828125],[362.8435974121094,168.4433135986328],[363.20416259765625,168.57696533203125],[363.56463623046875,168.71058654785156],[363.9251403808594,168.84420776367188],[364.2856750488281,168.9778594970703],[364.64617919921875,169.11148071289062],[365.0066833496094,169.24510192871094],[365.3671569824219,169.37872314453125],[365.72772216796875,169.5123748779297],[366.08819580078125,169.64599609375],[366.4486999511719,169.7796173095703],[366.80902099609375,169.91387939453125],[367.1599426269531,170.07044982910156],[367.4957275390625,170.25753784179688],[367.81573486328125,170.47056579589844],[368.1201477050781,170.70526123046875],[368.4098205566406,170.95794677734375],[368.6858215332031,171.22557067871094],[368.9491271972656,171.50572204589844],[369.20111083984375,171.79603576660156],[369.4427795410156,172.09506225585938],[369.6751403808594,172.40139770507812],[369.89910888671875,172.71388244628906],[370.1155700683594,173.0316162109375],[370.3253173828125,173.35385131835938],[370.5290832519531,173.6798858642578],[370.72735595703125,174.00924682617188],[370.9208679199219,174.34153747558594],[371.10992431640625,174.67630004882812],[371.2955322265625,175.0129852294922],[371.4775390625,175.35162353515625],[371.65673828125,175.6918182373047],[371.83355712890625,176.03321838378906],[372.0082092285156,176.37567138671875],[372.180908203125,176.71926879882812],[372.35247802734375,177.06332397460938],[372.5229187011719,177.4079132080078],[372.69293212890625,177.75279235839844],[372.8624267578125,178.09788513183594],[373.0321044921875,178.44288635253906],[373.20208740234375,178.78781127929688],[373.3729553222656,179.13221740722656],[373.5447998046875,179.47608947753906],[373.71856689453125,179.8190460205078],[373.89447021484375,180.16098022460938],[374.0728454589844,180.5015869140625],[374.2548522949219,180.8402099609375],[374.4404602050781,181.17694091796875],[374.6309509277344,181.51089477539062],[374.82708740234375,181.84152221679688],[375.0299072265625,182.16822814941406],[375.24072265625,182.4897003173828],[375.4609375,182.8048553466797],[375.6924133300781,183.1118927001953],[375.93731689453125,183.40811157226562],[376.19580078125,183.6926727294922],[376.4610290527344,183.9710235595703],[376.7323913574219,184.24343872070312],[377.00958251953125,184.5098114013672],[377.2925109863281,184.77008056640625],[377.5810241699219,185.0242919921875],[377.87481689453125,185.27218627929688],[378.1738586425781,185.51380920410156],[378.4779968261719,185.7490692138672],[378.7869873046875,185.97781372070312],[379.1007385253906,186.199951171875],[379.4192199707031,186.41542053222656],[379.74212646484375,186.62400817871094],[380.0694885253906,186.82568359375],[380.40106201171875,187.02020263671875],[380.7369079589844,187.20748901367188],[381.0766906738281,187.38729858398438],[381.42041015625,187.55950927734375],[381.7679443359375,187.7239532470703],[382.119140625,187.88035583496094],[382.473876953125,188.02853393554688],[382.8320007324219,188.1685028076172],[383.1934814453125,188.29949951171875],[383.55804443359375,188.4215087890625],[383.92559814453125,188.53431701660156],[384.29595947265625,188.6375732421875],[384.6688537597656,188.73098754882812],[385.044189453125,188.81422424316406],[385.4217529296875,188.88690185546875],[385.80120849609375,188.94869995117188],[386.18231201171875,188.9993438720703],[386.5648193359375,189.03842163085938],[386.9482116699219,189.06689453125],[387.3322448730469,189.08518981933594],[387.7166748046875,189.09341430664062],[388.1011047363281,189.0914764404297],[388.4853820800781,189.0795135498047],[388.8691711425781,189.05772399902344],[389.25238037109375,189.0260772705078],[389.6346435546875,188.98497009277344],[390.0157165527344,188.93435668945312],[390.39556884765625,188.87469482421875],[390.77386474609375,188.80615234375],[391.1504821777344,188.72901916503906],[391.5254211425781,188.64366149902344],[391.89837646484375,188.55020141601562],[392.269287109375,188.44920349121094],[392.6382141113281,188.34072875976562],[393.0049133300781,188.2252960205078],[393.36944580078125,188.10330200195312],[393.7319030761719,187.9750518798828],[394.0921936035156,187.8407440185547],[394.4501953125,187.70059204101562],[394.80609130859375,187.55516052246094],[395.15997314453125,187.4047393798828],[395.51165771484375,187.24951171875],[395.861328125,187.08966064453125],[396.20916748046875,186.92568969726562],[396.5550842285156,186.7579345703125],[396.8990783691406,186.5862274169922],[397.2414245605469,186.41119384765625],[397.5821533203125,186.2330780029297],[397.9212341308594,186.05191040039062],[398.25885009765625,185.86802673339844],[398.5952453613281,185.68165588378906],[398.93017578125,185.49290466308594],[399.2637939453125,185.3018798828125],[399.5964660644531,185.109130859375],[399.9281005859375,184.91458129882812],[400.25634765625,184.7145233154297],[400.5811462402344,184.5086212158203],[400.9022216796875,184.2972869873047],[401.21990966796875,184.08070373535156],[401.5341796875,183.8592987060547],[401.8451232910156,183.63311767578125],[402.1529846191406,183.40281677246094],[402.4577941894531,183.16847229003906],[402.75958251953125,182.9302215576172],[403.0587463378906,182.68878173828125],[403.3549499511719,182.44369506835938],[403.64892578125,182.19577026367188],[403.9403381347656,181.94500732421875],[404.22955322265625,181.69171142578125],[404.516845703125,181.4361114501953],[404.8019714355469,181.17819213867188],[405.08538818359375,180.9185028076172],[405.3672180175781,180.656982421875],[405.6475524902344,180.39381408691406],[405.9263610839844,180.12904357910156],[406.2043151855469,179.86351013183594],[406.4811706542969,179.59664916992188],[406.7570495605469,179.32882690429688],[407.0323181152344,179.06048583984375],[407.3070068359375,178.79139709472656],[407.5810241699219,178.52169799804688],[407.8548583984375,178.25184631347656],[408.1287536621094,177.98194885253906],[408.40252685546875,177.71206665039062],[408.67633056640625,177.44215393066406],[408.9501037597656,177.1722412109375],[409.2244873046875,176.90283203125],[409.4991455078125,176.6338653564453],[409.7745056152344,176.36553955078125],[410.0506896972656,176.0979766845703],[410.3273620605469,175.8310546875],[410.605224609375,175.5653533935547],[410.8838806152344,175.3003387451172],[411.16375732421875,175.03677368164062],[411.44500732421875,174.7746124267578],[411.7275390625,174.5137939453125],[412.0113830566406,174.25453186035156],[412.296875,173.9969940185547],[412.5839538574219,173.74127197265625],[412.87274169921875,173.48733520507812],[413.1631164550781,173.2354278564453],[413.4553527832031,172.985595703125],[413.7479553222656,172.7361297607422],[414.04052734375,172.48670959472656],[414.3331604003906,172.23741149902344],[414.62628173828125,171.98855590820312],[414.9201354980469,171.7406005859375],[415.2149963378906,171.49392700195312],[415.51129150390625,171.2488250732422],[415.80950927734375,171.0061492919922],[416.10986328125,170.7661895751953],[416.4126281738281,170.52926635742188],[416.7182312011719,170.29592895507812],[417.0271301269531,170.06703186035156],[417.3394470214844,169.84278869628906],[417.6553955078125,169.6237335205078],[417.9753112792969,169.41046142578125],[418.299560546875,169.2039337158203],[418.6282043457031,169.0043182373047],[418.9614562988281,168.81259155273438],[419.29925537109375,168.6290740966797],[419.6418151855469,168.45457458496094],[419.98907470703125,168.28939819335938],[420.34088134765625,168.1343536376953],[420.6970520019531,167.98973083496094],[421.05755615234375,167.85604858398438],[421.4219665527344,167.73361206054688],[421.79010009765625,167.6228485107422],[422.16162109375,167.52371215820312],[422.53607177734375,167.4365997314453],[422.9130554199219,167.36141967773438],[423.2923278808594,167.2980499267578],[423.67327880859375,167.24644470214844],[424.05560302734375,167.20645141601562],[424.43902587890625,167.17788696289062],[424.8230895996094,167.16036987304688],[425.20751953125,167.15354919433594],[425.5919494628906,167.15707397460938],[425.9762268066406,167.17066955566406],[426.3599548339844,167.19383239746094],[426.7422180175781,167.2341766357422],[427.1202392578125,167.30372619628906],[427.49237060546875,167.4001007080078],[427.857421875,167.52049255371094],[428.21484375,167.6621551513672],[428.564208984375,167.82252502441406],[428.90557861328125,167.99935913085938],[429.23895263671875,168.19078063964844],[429.5648193359375,168.39488220214844],[429.88330078125,168.6101837158203],[430.1948547363281,168.83538818359375],[430.4998474121094,169.069580078125],[430.7986755371094,169.3113555908203],[431.091796875,169.56015014648438],[431.3794860839844,169.81527709960938],[431.6619873046875,170.07603454589844],[431.939697265625,170.3419189453125],[432.2129211425781,170.61241149902344],[432.48193359375,170.8870849609375],[432.74700927734375,171.1655731201172],[433.00836181640625,171.44754028320312],[433.2662658691406,171.73277282714844],[433.5208740234375,172.02076721191406],[433.7724914550781,172.31150817871094],[434.0212707519531,172.60472106933594],[434.2673034667969,172.90011596679688],[434.5108642578125,173.19761657714844],[434.7519836425781,173.49713134765625],[434.9908447265625,173.7983856201172],[435.2276611328125,174.1011962890625],[435.4626770019531,174.4055938720703],[435.69580078125,174.71124267578125],[435.9273681640625,175.01817321777344],[436.1574401855469,175.32620239257812],[436.3861389160156,175.6352996826172],[436.6135559082031,175.9452667236328],[436.8398132324219,176.256103515625],[437.06512451171875,176.56773376464844],[437.2894592285156,176.8799285888672],[437.5127868652344,177.19285583496094],[437.7361755371094,177.50588989257812],[437.9585266113281,177.81951904296875],[438.1808776855469,178.13316345214844],[438.4031066894531,178.44683837890625],[438.6253662109375,178.76060485839844],[438.8476257324219,179.07432556152344],[439.0699157714844,179.38803100585938],[439.2935791015625,179.70082092285156],[439.5174255371094,180.01336669921875],[439.7428283691406,180.3248291015625],[439.9698181152344,180.63519287109375],[440.19866943359375,180.94410705566406],[440.429931640625,181.25125122070312],[440.664306640625,181.55604553222656],[440.9025573730469,181.8577423095703],[441.1459045410156,182.15545654296875],[441.3955993652344,182.4479217529297],[441.6534423828125,182.73297119140625],[441.9228210449219,183.00730895996094],[442.20166015625,183.2720489501953],[442.48101806640625,183.53604125976562],[442.76116943359375,183.79940795898438],[443.04193115234375,184.06228637695312],[443.3229064941406,184.32461547851562],[443.6048278808594,184.58609008789062],[443.8870849609375,184.8472137451172],[444.1698913574219,185.10755920410156],[444.453369140625,185.36724853515625],[444.7373046875,185.6266632080078],[445.02197265625,185.88497924804688],[445.30712890625,186.14291381835938],[445.59283447265625,186.4002685546875],[445.87921142578125,186.65673828125],[446.1659851074219,186.91281127929688],[446.4534606933594,187.16799926757812],[446.7415771484375,187.42263793945312],[447.03009033203125,187.6768341064453],[447.3194885253906,187.92996215820312],[447.60919189453125,188.18263244628906],[447.89959716796875,188.43467712402344],[448.190673828125,188.6858673095703],[448.4820861816406,188.9365997314453],[448.77435302734375,189.1864471435547],[449.0671691894531,189.43569946289062],[449.36041259765625,189.68443298339844],[449.65447998046875,189.93209838867188],[449.9488220214844,190.17922973632812],[450.2439270019531,190.4257354736328],[450.5397644042969,190.67147827148438],[450.8358154296875,190.91665649414062],[451.1328125,191.16091918945312],[451.43023681640625,191.40460205078125],[451.7280578613281,191.6476593017578],[452.02679443359375,191.8897705078125],[452.3258972167969,192.13143920898438],[452.6255798339844,192.3721923828125],[452.9258728027344,192.61221313476562],[453.22662353515625,192.85191345214844],[453.5281066894531,193.0903778076172],[453.8300476074219,193.32843017578125],[454.1324462890625,193.56576538085938],[454.43560791015625,193.80223083496094],[454.7391662597656,194.03831481933594],[455.0433349609375,194.2733612060547],[455.3480529785156,194.5078582763672],[455.6531982421875,194.74183654785156],[455.9590148925781,194.97471618652344],[456.2652893066406,195.20729064941406],[456.5721435546875,195.4390106201172],[456.87945556640625,195.66995239257812],[457.1871643066406,195.90052795410156],[457.49566650390625,196.12998962402344],[457.8044128417969,196.35903930664062],[458.1138000488281,196.5873565673828],[458.4237060546875,196.81494140625],[458.73382568359375,197.04208374023438],[459.0447998046875,197.2681884765625],[459.3560791015625,197.4939727783203],[459.6678161621094,197.71890258789062],[459.98016357421875,197.9432373046875],[460.2927551269531,198.16714477539062],[460.6059265136719,198.389892578125],[460.9195251464844,198.61244201660156],[461.2336730957031,198.8341827392578],[461.5481262207031,199.05526733398438],[461.863037109375,199.27593994140625],[462.1784362792969,199.49566650390625],[462.4941711425781,199.71517944335938],[462.810546875,199.93373107910156],[463.1270751953125,200.15184020996094],[463.44415283203125,200.36936950683594],[463.7616882324219,200.5862579345703],[464.0793762207031,200.80267333984375],[464.3977966308594,201.018310546875],[464.71630859375,201.233642578125],[465.03533935546875,201.44805908203125],[465.35467529296875,201.66217041015625],[465.6744689941406,201.87567138671875],[465.99456787109375,202.08853149414062],[466.3150329589844,202.30104064941406],[466.6360168457031,202.5128173828125],[466.9570007324219,202.72430419921875],[467.27874755859375,202.93495178222656],[467.6005554199219,203.14541625976562],[467.92279052734375,203.35499572753906],[468.2452392578125,203.56431579589844],[468.56817626953125,203.77305603027344],[468.891357421875,203.9813232421875],[469.2148742675781,204.1891632080078],[469.5386657714844,204.39634704589844],[469.8627624511719,204.60328674316406],[470.187255859375,204.80950927734375],[470.51177978515625,205.01551818847656],[470.8369140625,205.22079467773438],[471.16217041015625,205.42601013183594],[471.48779296875,205.6302947998047],[471.8135681152344,205.83456420898438],[472.13983154296875,206.03810119628906],[472.4659729003906,206.24134826660156],[472.792724609375,206.44406127929688],[473.11968994140625,206.64662170410156],[473.4468078613281,206.84848022460938],[473.774169921875,207.05010986328125],[474.1018981933594,207.25123596191406],[474.4297180175781,207.4520263671875],[474.7579040527344,207.65237426757812],[475.0862121582031,207.8524169921875],[475.4147644042969,208.05197143554688],[475.74365234375,208.2511749267578],[476.0729064941406,208.4497833251953],[476.4026794433594,208.64730834960938],[476.73284912109375,208.8443603515625],[477.06365966796875,209.0403289794922],[477.3948974609375,209.2354736328125],[477.7265625,209.43003845214844],[478.05889892578125,209.62319946289062],[478.39166259765625,209.81581115722656],[478.7250061035156,210.0074462890625],[479.0589904785156,210.19796752929688],[479.393310546875,210.38790893554688],[479.72845458984375,210.57643127441406],[480.0638427734375,210.7640838623047],[480.39990234375,210.95095825195312],[480.73675537109375,211.1363983154297],[481.0738830566406,211.3211669921875],[481.4118347167969,211.504638671875],[481.75030517578125,211.6869659423828],[482.0890808105469,211.8685760498047],[482.428955078125,212.0484161376953],[482.769287109375,212.22756958007812],[483.11004638671875,212.4054412841797],[483.45159912109375,212.58184814453125],[483.7936706542969,212.75758361816406],[484.136474609375,212.93148803710938],[484.47991943359375,213.10443115234375],[484.8238830566406,213.27635192871094],[485.1686096191406,213.4462890625],[485.513916015625,213.61550903320312],[485.8598937988281,213.78305053710938],[486.2066345214844,213.94918823242188],[486.5538024902344,214.11448669433594],[486.90191650390625,214.2775115966797],[487.25067138671875,214.43968200683594],[487.6000061035156,214.6003875732422],[487.9500427246094,214.75912475585938],[488.30059814453125,214.9171142578125],[488.652099609375,215.07313537597656],[489.0040588378906,215.22752380371094],[489.3568420410156,215.3804931640625],[489.7103576660156,215.53172302246094],[490.0645751953125,215.6812744140625],[490.4194641113281,215.82923889160156],[490.77496337890625,215.9755401611328],[491.13116455078125,216.12005615234375],[491.48822021484375,216.2628173828125],[491.8460388183594,216.4038848876953],[492.2043151855469,216.54315185546875],[492.5633850097656,216.68060302734375],[492.92327880859375,216.8160858154297],[493.2835998535156,216.94970703125],[493.64459228515625,217.08221435546875],[494.0056457519531,217.21449279785156],[494.3665771484375,217.34674072265625],[494.7276306152344,217.47901916503906],[495.08856201171875,217.61126708984375],[495.4496154785156,217.74354553222656],[495.8106689453125,217.87582397460938],[496.1716003417969,218.00807189941406],[496.53265380859375,218.14035034179688],[496.8937072753906,218.27264404296875],[497.254638671875,218.40487670898438],[497.6156921386719,218.53717041015625],[497.97674560546875,218.66944885253906],[498.3376770019531,218.80169677734375],[498.69873046875,218.93397521972656],[499.0597839355469,219.06625366210938],[499.42071533203125,219.19850158691406],[499.7817687988281,219.33078002929688],[500.142822265625,219.46307373046875],[500.5037536621094,219.59530639648438],[500.86480712890625,219.72760009765625],[501.2258605957031,219.85987854003906],[501.5867919921875,219.99212646484375],[501.9478454589844,220.12440490722656],[502.30889892578125,220.25669860839844],[502.6698303222656,220.38893127441406],[503.0308837890625,220.52122497558594],[503.3918151855469,220.65345764160156],[503.7527770996094,220.78594970703125],[504.11370849609375,220.91859436035156],[504.4745178222656,221.0511932373047],[504.8354187011719,221.183837890625],[505.19635009765625,221.3164825439453],[505.5571594238281,221.44908142089844],[505.9180603027344,221.58172607421875],[506.27899169921875,221.71437072753906],[506.6398010253906,221.84698486328125],[507.0007019042969,221.97962951660156],[507.36163330078125,222.11227416992188],[507.722412109375,222.244873046875],[508.0833435058594,222.3775177001953],[508.44427490234375,222.51016235351562],[508.8050537109375,222.64276123046875],[509.1659851074219,222.77540588378906],[509.52691650390625,222.90805053710938],[509.8876953125,223.04066467285156],[510.2486267089844,223.17330932617188],[510.60955810546875,223.3059539794922],[510.9703369140625,223.4385528564453],[511.3312683105469,223.57119750976562],[511.69219970703125,223.70384216308594],[512.052978515625,223.83644104003906],[512.4138793945312,223.96908569335938],[512.7747192382812,224.10169982910156],[513.1356201171875,224.23434448242188],[513.4965209960938,224.3669891357422],[513.8572998046875,224.49978637695312],[514.2181396484375,224.6327362060547],[514.5789184570312,224.76568603515625],[514.9396362304688,224.89859008789062],[515.3004150390625,225.0315399169922],[515.6612548828125,225.16448974609375],[516.0219116210938,225.29739379882812],[516.3827514648438,225.4303436279297],[516.7435302734375,225.5632781982422],[517.104248046875,225.69618225097656],[517.4650268554688,225.82913208007812],[517.8258666992188,225.9620819091797],[518.1865234375,226.09498596191406],[518.54736328125,226.22793579101562],[518.9081420898438,226.3608856201172],[519.2688598632812,226.49378967285156],[519.629638671875,226.62673950195312],[519.990478515625,226.75967407226562],[520.3511352539062,226.892578125],[520.7119750976562,227.02552795410156],[521.07275390625,227.15847778320312],[521.4334716796875,227.2913818359375],[521.7942504882812,227.42433166503906],[522.1549682617188,227.55723571777344],[522.5157470703125,227.690185546875],[522.8765869140625,227.82313537597656],[523.2372436523438,227.95603942871094],[523.5980834960938,228.08897399902344],[523.958740234375,228.22210693359375],[524.3193359375,228.35523986816406],[524.6800537109375,228.48843383789062],[525.040771484375,228.62161254882812],[525.4013671875,228.7547607421875],[525.7620849609375,228.88795471191406],[526.122802734375,229.02113342285156],[526.4834594726562,229.15428161621094],[526.8441772460938,229.28746032714844],[527.2048950195312,229.420654296875],[527.5654907226562,229.55380249023438],[527.9262084960938,229.68698120117188],[528.2869262695312,229.82017517089844],[528.6475219726562,229.95330810546875],[529.0082397460938,230.0865020751953],[529.3689575195312,230.2196807861328],[529.7295532226562,230.3528289794922],[530.0902709960938,230.48602294921875],[530.4508666992188,230.61915588378906],[530.8115844726562,230.75234985351562],[531.1723022460938,230.88552856445312],[531.5328979492188,231.0186767578125],[531.8936157226562,231.15187072753906],[532.25439453125,231.28504943847656],[532.614990234375,231.41819763183594],[532.9757080078125,231.55137634277344],[533.33642578125,231.6845703125],[533.6970825195312,231.81777954101562],[534.0576782226562,231.95120239257812],[534.4183349609375,232.08460998535156],[534.7788696289062,232.21798706054688],[535.1394653320312,232.35140991210938],[535.5001220703125,232.48483276367188],[535.8606567382812,232.6182098388672],[536.2212524414062,232.7516326904297],[536.5819091796875,232.8850555419922],[536.9424438476562,233.0184326171875],[537.3030395507812,233.15185546875],[537.6636962890625,233.2852783203125],[538.024169921875,233.4186553955078],[538.3848266601562,233.5520782470703],[538.7454833984375,233.68548583984375],[539.10595703125,233.81887817382812],[539.4666137695312,233.95228576660156],[539.8271484375,234.08566284179688],[540.187744140625,234.21908569335938],[540.5484008789062,234.35250854492188],[540.908935546875,234.4858856201172],[541.26953125,234.6193084716797],[541.6301879882812,234.7527313232422],[541.99072265625,234.8861083984375],[542.351318359375,235.01953125],[542.7119750976562,235.1529541015625],[543.072509765625,235.2863311767578],[543.43310546875,235.4197540283203],[543.7937622070312,235.55316162109375],[544.1542358398438,235.68655395507812],[544.514892578125,235.81996154785156],[544.8755493164062,235.95338439941406],[545.2360229492188,236.08676147460938],[545.5966796875,236.22018432617188],[545.9573364257812,236.35360717773438],[546.3178100585938,236.4869842529297],[546.678466796875,236.6204071044922],[547.0391235351562,236.7538299560547],[547.3995971679688,236.88720703125],[547.76025390625,237.0206298828125],[548.1207885742188,237.1540069580078],[548.4813842773438,237.2874298095703],[548.842041015625,237.42083740234375],[549.2025756835938,237.55421447753906],[549.5631713867188,237.68763732910156],[549.923828125,237.82106018066406],[550.2843017578125,237.95443725585938],[550.6449584960938,238.08786010742188],[551.005615234375,238.22128295898438],[551.3660888671875,238.3546600341797],[551.7267456054688,238.4880828857422],[552.08740234375,238.6215057373047],[552.4478759765625,238.7548828125],[552.8085327148438,238.8883056640625],[553.1691284179688,239.02171325683594],[553.5296020507812,239.15509033203125],[553.8901977539062,239.28860473632812],[554.2507934570312,239.422119140625],[554.6112670898438,239.55560302734375],[554.9718627929688,239.68911743164062],[555.3324584960938,239.8226318359375],[555.6929931640625,239.95611572265625],[556.0535888671875,240.08963012695312],[556.4141845703125,240.22314453125],[556.774658203125,240.35662841796875],[557.13525390625,240.49014282226562],[557.4957275390625,240.6236114501953],[557.8563232421875,240.75714111328125],[558.2169189453125,240.89065551757812],[558.577392578125,241.0241241455078],[558.93798828125,241.15765380859375],[559.298583984375,241.29116821289062],[559.6590576171875,241.4246368408203],[560.0196533203125,241.55816650390625],[560.3802490234375,241.69168090820312],[560.74072265625,241.8251495361328],[561.101318359375,241.95867919921875],[561.4619140625,242.09219360351562],[561.8223876953125,242.2256622314453],[562.1829833984375,242.35919189453125],[562.5435791015625,242.49270629882812],[562.9041137695312,242.6261749267578],[563.2647094726562,242.75970458984375],[563.6253051757812,242.89321899414062],[563.9857788085938,243.02670288085938],[564.3463745117188,243.16021728515625],[564.7069702148438,243.29373168945312],[565.0674438476562,243.42721557617188],[565.4280395507812,243.56072998046875],[565.7886352539062,243.69424438476562],[566.1491088867188,243.82772827148438],[566.5097045898438,243.96124267578125],[566.8701782226562,244.09471130371094],[567.2307739257812,244.22824096679688],[567.5913696289062,244.36175537109375],[567.9518432617188,244.49522399902344],[568.3124389648438,244.62875366210938],[568.6730346679688,244.76226806640625],[569.0335693359375,244.89573669433594],[569.3941650390625,245.02926635742188],[569.7547607421875,245.16278076171875],[570.115234375,245.29624938964844],[570.475830078125,245.42977905273438],[570.83642578125,245.56329345703125],[571.1968994140625,245.69676208496094],[571.5574951171875,245.83029174804688],[571.9180908203125,245.96380615234375],[572.278564453125,246.09727478027344],[572.63916015625,246.23080444335938],[572.999755859375,246.36431884765625],[573.3602294921875,246.49777221679688],[573.7208862304688,246.63111877441406],[574.08154296875,246.7644805908203],[574.4420776367188,246.89779663085938],[574.802734375,247.03114318847656],[575.1632690429688,247.16445922851562],[575.52392578125,247.29782104492188],[575.8845825195312,247.43116760253906],[576.2451171875,247.56448364257812],[576.6057739257812,247.6978302001953],[576.9664306640625,247.83119201660156],[577.3269653320312,247.96450805664062],[577.6876220703125,248.0978546142578],[578.0482788085938,248.23121643066406],[578.4088134765625,248.36453247070312],[578.7694702148438,248.4978790283203],[579.130126953125,248.63124084472656],[579.49072265625,248.76455688476562],[579.8513793945312,248.8979034423828],[580.2120361328125,249.03126525878906],[580.5725708007812,249.16458129882812],[580.9332275390625,249.2979278564453],[581.2938842773438,249.43128967285156],[581.6544189453125,249.56460571289062],[582.0150756835938,249.6979522705078],[582.375732421875,249.83131408691406],[582.7362670898438,249.96463012695312],[583.096923828125,250.0979766845703],[583.4575805664062,250.23133850097656],[583.818115234375,250.36465454101562],[584.1787719726562,250.4980010986328],[584.539306640625,250.63131713867188],[584.8999633789062,250.76466369628906],[585.2606201171875,250.8980255126953],[585.6211547851562,251.03134155273438],[585.9818115234375,251.16468811035156],[586.3424682617188,251.2980499267578],[586.7030029296875,251.43136596679688],[587.0636596679688,251.56471252441406],[587.42431640625,251.6980743408203],[587.7848510742188,251.83139038085938],[588.1455078125,251.96473693847656],[588.5061645507812,252.0980987548828],[588.8667602539062,252.23141479492188],[589.2274169921875,252.36476135253906],[589.5880737304688,252.4981231689453],[589.9486083984375,252.63143920898438],[590.3092651367188,252.76478576660156],[590.669921875,252.8981475830078],[591.0304565429688,253.03146362304688],[591.39111328125,253.16481018066406],[591.7517700195312,253.2981719970703],[592.1123046875,253.43148803710938],[592.4729614257812,253.56483459472656],[592.83349609375,253.69815063476562],[593.1942749023438,253.83143615722656],[593.5550537109375,253.96437072753906],[593.915771484375,254.09725952148438],[594.276611328125,254.23019409179688],[594.6373901367188,254.36312866210938],[594.9981079101562,254.4960174560547],[595.35888671875,254.6289520263672],[595.7197265625,254.7618865966797],[596.0804443359375,254.894775390625],[596.4412231445312,255.0277099609375],[596.8020629882812,255.16064453125],[597.1627197265625,255.2935333251953],[597.5235595703125,255.4264678955078],[597.8843383789062,255.5594024658203],[598.2450561523438,255.69229125976562],[598.6058959960938,255.82522583007812],[598.9666748046875,255.95816040039062],[599.327392578125,256.0910339355469],[599.6881713867188,256.2239685058594],[600.0490112304688,256.3569030761719],[600.4097290039062,256.48980712890625],[600.7705078125,256.62274169921875],[601.13134765625,256.75567626953125],[601.4920043945312,256.8885498046875],[601.8528442382812,257.021484375],[602.2135620117188,257.1543884277344],[602.5743408203125,257.2873229980469],[602.9351806640625,257.4202575683594],[603.2958374023438,257.5531311035156],[603.6566772460938,257.6860656738281],[604.0175170898438,257.8190002441406],[604.378173828125,257.951904296875],[604.739013671875,258.0848388671875],[605.0997924804688,258.2177734375],[605.4605102539062,258.35064697265625],[605.8213500976562,258.48358154296875],[606.18212890625,258.61651611328125],[606.5428466796875,258.7494201660156],[606.9036254882812,258.8823547363281],[607.2644653320312,259.0152893066406],[607.6251831054688,259.1481628417969],[607.9859619140625,259.2810974121094],[608.3468017578125,259.4140319824219],[608.7074584960938,259.54693603515625],[609.0682983398438,259.67987060546875],[609.4290771484375,259.81280517578125],[609.789794921875,259.9456787109375],[610.150634765625,260.07861328125],[610.5112915039062,260.2115173339844],[610.8721313476562,260.3444519042969],[611.23291015625,260.4773864746094],[611.5936279296875,260.6102600097656],[611.9544677734375,260.7431945800781],[612.3152465820312,260.8761291503906],[612.6759643554688,261.009033203125],[613.0367431640625,261.141845703125],[613.3977661132812,261.2743225097656],[613.7586059570312,261.40673828125],[614.11962890625,261.5391845703125],[614.4805908203125,261.671630859375],[614.8414916992188,261.8040466308594],[615.2024536132812,261.9365234375],[615.5634765625,262.0689697265625],[615.92431640625,262.2013854980469],[616.2853393554688,262.3338317871094],[616.6463012695312,262.4662780761719],[617.0072021484375,262.59869384765625],[617.3681640625,262.7311706542969],[617.7291259765625,262.8636169433594],[618.0900268554688,262.99603271484375],[618.4509887695312,263.12847900390625],[618.81201171875,263.2609558105469],[619.1728515625,263.39337158203125],[619.5338745117188,263.52581787109375],[619.8947143554688,263.6582336425781],[620.2557373046875,263.7906799316406],[620.61669921875,263.92315673828125],[620.9776000976562,264.0555725097656],[621.3385620117188,264.1880187988281],[621.6995239257812,264.3204650878906],[622.0604248046875,264.452880859375],[622.42138671875,264.5853576660156],[622.7824096679688,264.7178039550781],[623.143310546875,264.8499755859375],[623.5044555664062,264.9820251464844],[623.8656005859375,265.1141052246094],[624.2266235351562,265.24609375],[624.5877685546875,265.378173828125],[624.9488525390625,265.5102233886719],[625.3098754882812,265.6422424316406],[625.6710205078125,265.7742919921875],[626.0321655273438,265.9063415527344],[626.3931884765625,266.0383605957031],[626.7543334960938,266.1704406738281],[627.115478515625,266.302490234375],[627.4765014648438,266.43450927734375],[627.8375854492188,266.5665588378906],[628.19873046875,266.6986083984375],[628.5597534179688,266.83062744140625],[628.9208984375,266.9626770019531],[629.2819213867188,267.0946960449219],[629.64306640625,267.22674560546875],[630.004150390625,267.35882568359375],[630.3651733398438,267.4908447265625],[630.726318359375,267.6228942871094],[631.0874633789062,267.75494384765625],[631.448486328125,267.886962890625],[631.8096313476562,268.0190124511719],[632.1707763671875,268.15106201171875],[632.5317993164062,268.2830810546875],[632.8928833007812,268.4151611328125],[633.2542114257812,268.54681396484375],[633.6153564453125,268.6783752441406],[633.9766845703125,268.8099670410156],[634.3379516601562,268.9415588378906],[634.6991577148438,269.0731201171875],[635.0604858398438,269.2047119140625],[635.4217529296875,269.3363037109375],[635.782958984375,269.4678649902344],[636.1442260742188,269.5994567871094],[636.5055541992188,269.7310485839844],[636.8667602539062,269.86260986328125],[637.22802734375,269.99420166015625],[637.5892333984375,270.1257629394531],[637.9505615234375,270.2573547363281],[638.3118286132812,270.3889465332031],[638.6730346679688,270.5205078125],[639.0343017578125,270.652099609375],[639.3956298828125,270.78369140625],[639.7568359375,270.9152526855469],[640.1181030273438,271.0468444824219],[640.4794311523438,271.1784362792969],[640.8406372070312,271.30999755859375],[641.201904296875,271.44158935546875],[641.563232421875,271.57318115234375],[641.9243774414062,271.7047424316406],[642.2857055664062,271.8363342285156],[642.6470336914062,271.9679260253906],[643.0081787109375,272.0994873046875],[643.3696899414062,272.2305908203125],[643.731201171875,272.3616638183594],[644.0925903320312,272.4927062988281],[644.4541015625,272.623779296875],[644.8155517578125,272.7548522949219],[645.1769409179688,272.8858947753906],[645.5384521484375,273.0169677734375],[645.89990234375,273.1480407714844],[646.2612915039062,273.2790832519531],[646.622802734375,273.41015625],[646.9841918945312,273.5411682128906],[647.3456420898438,273.6722717285156],[647.7071533203125,273.8033447265625],[648.0685424804688,273.9343566894531],[648.4299926757812,274.0654296875],[648.79150390625,274.196533203125],[649.1528930664062,274.3275451660156],[649.514404296875,274.4586181640625],[649.8758544921875,274.5897216796875],[650.2372436523438,274.7207336425781],[650.5987548828125,274.851806640625],[650.960205078125,274.98291015625],[651.3215942382812,275.1139221191406],[651.68310546875,275.2449951171875],[652.0445556640625,275.3760681152344],[652.4059448242188,275.5071105957031],[652.7674560546875,275.63818359375],[653.12890625,275.769287109375],[653.4888916015625,275.9042663574219],[653.8460083007812,276.0467834472656],[654.2003173828125,276.1960754394531],[654.5521240234375,276.35101318359375],[654.9017333984375,276.510986328125],[655.248779296875,276.67633056640625],[655.5938720703125,276.845947265625],[655.9369506835938,277.0194396972656],[656.2781372070312,277.1965637207031],[656.617431640625,277.3776550292969],[656.9548950195312,277.5618896484375],[657.2906494140625,277.7490234375],[657.6249389648438,277.9390869140625],[657.9575805664062,278.1318054199219],[658.2886352539062,278.3271179199219],[658.6182250976562,278.52520751953125],[658.9464721679688,278.7255859375],[659.2731323242188,278.9281311035156],[659.5985717773438,279.1329345703125],[659.9226684570312,279.33990478515625],[660.2454223632812,279.5487976074219],[660.56689453125,279.7596740722656],[660.8870849609375,279.97247314453125],[661.2060546875,280.1872253417969],[661.523681640625,280.40380859375],[661.840087890625,280.62237548828125],[662.1551513671875,280.8426208496094],[662.468994140625,281.06463623046875],[662.78173828125,281.2884216308594],[663.0931396484375,281.513916015625],[663.4033203125,281.74114990234375],[663.712158203125,281.9700012207031],[664.019775390625,282.20062255859375],[664.3261108398438,282.43292236328125],[664.6311645507812,282.6669616699219],[664.9349365234375,282.90277099609375],[665.2372436523438,283.140380859375],[665.5379638671875,283.3797607421875],[665.83740234375,283.6209716796875],[666.1353149414062,283.8641052246094],[666.431640625,284.1090087890625],[666.7264404296875,284.35577392578125],[667.0195922851562,284.6046142578125],[667.310791015625,284.8556213378906],[667.6001586914062,285.10882568359375],[667.8875732421875,285.3642578125],[668.1727905273438,285.6218566894531],[668.4559326171875,285.8821716308594],[668.7363891601562,286.14520263671875],[669.0142211914062,286.41082763671875],[669.2892456054688,286.6795349121094],[669.560791015625,286.9517822265625],[669.828857421875,287.2271728515625],[670.0928955078125,287.5068359375],[670.35498046875,287.7881774902344],[670.6153564453125,288.07086181640625],[670.8748168945312,288.35467529296875],[671.1331176757812,288.6393737792969],[671.3905029296875,288.9250793457031],[671.6463623046875,289.21209716796875],[671.9012451171875,289.49993896484375],[672.1552124023438,289.7886657714844],[672.4081420898438,290.0782775878906],[672.65966796875,290.36883544921875],[672.9105224609375,290.6603698730469],[673.160400390625,290.9525451660156],[673.4088745117188,291.2458190917969],[673.6566162109375,291.5399169921875],[673.903564453125,291.83465576171875],[674.149169921875,292.13037109375],[674.3938598632812,292.42694091796875],[674.6378173828125,292.7241516113281],[674.8805541992188,293.0222473144531],[675.1223754882812,293.3212585449219],[675.3634033203125,293.62078857421875],[675.6031494140625,293.9212646484375],[675.8419799804688,294.2226257324219],[676.0801391601562,294.5245056152344],[676.31689453125,294.82733154296875],[676.5528564453125,295.1309814453125],[676.7879638671875,295.43505859375],[677.0216674804688,295.7403869628906],[677.254638671875,296.0463562011719],[677.4866943359375,296.352783203125],[677.7173461914062,296.6604919433594],[677.9471435546875,296.9687194824219],[678.176025390625,297.277587890625],[678.4034423828125,297.587646484375],[678.630126953125,297.8982849121094],[678.8555908203125,298.2096252441406],[679.0797119140625,298.5220031738281],[679.3031005859375,298.8350524902344],[679.5249633789062,299.1489562988281],[679.74560546875,299.4637756347656],[679.9654541015625,299.77923583984375],[680.1835327148438,300.0957946777344],[680.400634765625,300.41326904296875],[680.6167602539062,300.7312927246094],[680.830810546875,301.0505676269531],[681.0438842773438,301.3706359863281],[681.2559204101562,301.6914367675781],[681.4657592773438,302.01348876953125],[681.6746215820312,302.33636474609375],[681.8821411132812,302.66009521484375],[682.0875244140625,302.9850158691406],[682.2916870117188,303.3108215332031],[682.4942626953125,303.6374816894531],[682.6947021484375,303.9656982421875],[682.8937377929688,304.294677734375],[683.0911254882812,304.62451171875],[683.2860107421875,304.9560241699219],[683.4796752929688,305.2881774902344],[683.6709594726562,305.6215515136719],[683.8599853515625,305.9564208984375],[684.046875,306.2923889160156],[684.2314453125,306.62969970703125],[684.41357421875,306.96826171875],[684.5933227539062,307.3082580566406],[684.7701416015625,307.64947509765625],[684.944580078125,307.9921569824219],[685.1157836914062,308.3364562988281],[685.2841186523438,308.6820068359375],[685.448974609375,309.0294189453125],[685.6107177734375,309.3782958984375],[685.7685546875,309.7288513183594],[685.9227294921875,310.0810852050781],[686.0726928710938,310.43511962890625],[686.2182006835938,310.7908630371094],[686.359375,311.14862060546875],[686.4951171875,311.5081481933594],[686.6255493164062,311.8699035644531],[686.7503051757812,312.23358154296875],[686.8687133789062,312.5993957519531],[686.9801025390625,312.96734619140625],[687.0841064453125,313.3375549316406],[687.1798706054688,313.7098388671875],[687.2666015625,314.0843811035156],[687.3434448242188,314.4611511230469],[687.409423828125,314.8397521972656],[687.4630737304688,315.2205505371094],[687.5028686523438,315.6029357910156],[687.5281982421875,315.9864501953125],[687.5501098632812,316.3703308105469],[687.5719604492188,316.7542419433594],[687.5938110351562,317.1380310058594],[687.61572265625,317.52191162109375],[687.6375732421875,317.90582275390625],[687.6594848632812,318.2895812988281],[687.6813354492188,318.6734924316406],[687.7024536132812,319.0574035644531],[687.7234497070312,319.44122314453125],[687.7445068359375,319.8251647949219],[687.7655639648438,320.2091064453125],[687.78662109375,320.5929260253906],[687.8076782226562,320.97686767578125],[687.8287353515625,321.3606872558594],[687.8493041992188,321.7447814941406],[687.8695068359375,322.1287536621094],[687.8897094726562,322.51263427734375],[687.909912109375,322.8966369628906],[687.9301147460938,323.2806091308594],[687.9502563476562,323.66448974609375],[687.970458984375,324.0484619140625],[687.9903564453125,324.4324645996094],[688.0097045898438,324.8163757324219],[688.0289916992188,325.2004089355469],[688.0482788085938,325.5844421386719],[688.0675659179688,325.9683837890625],[688.0869140625,326.3524169921875],[688.106201171875,326.7364501953125],[688.1253662109375,327.1202697753906],[688.1437377929688,327.50433349609375],[688.162109375,327.888427734375],[688.1804809570312,328.27239990234375],[688.1988525390625,328.6564636230469],[688.2172241210938,329.0405578613281],[688.235595703125,329.4245300292969],[688.2539672851562,329.80859375],[688.2713623046875,330.1927185058594],[688.2887573242188,330.57684326171875],[688.30615234375,330.9609680175781],[688.3235473632812,331.344970703125],[688.3408813476562,331.7290954589844],[688.3582763671875,332.11322021484375],[688.3756713867188,332.4972229003906],[688.3921508789062,332.88134765625],[688.4085693359375,333.2655334472656],[688.4249267578125,333.6495666503906],[688.4412841796875,334.03375244140625],[688.4577026367188,334.4179382324219],[688.4740600585938,334.8019714355469],[688.490478515625,335.1861572265625],[688.5059204101562,335.5703125],[688.521240234375,335.95440673828125],[688.53662109375,336.338623046875],[688.5519409179688,336.7228088378906],[688.5672607421875,337.1069030761719],[688.5825805664062,337.4911193847656],[688.5979614257812,337.8753356933594],[688.6123657226562,338.2594909667969],[688.6265869140625,338.64373779296875],[688.640869140625,339.02801513671875],[688.6550903320312,339.4121398925781],[688.6693725585938,339.79638671875],[688.6836547851562,340.1805419921875],[688.6978759765625,340.5647888183594],[688.7111206054688,340.94915771484375],[688.7242431640625,341.3333435058594],[688.7373657226562,341.7176513671875],[688.75048828125,342.1019287109375],[688.7636108398438,342.4861145019531],[688.7767944335938,342.8703918457031],[688.7899169921875,343.25469970703125],[688.8018798828125,343.6388244628906],[688.8139038085938,344.0231628417969],[688.8258666992188,344.4075012207031],[688.837890625,344.7917175292969],[688.849853515625,345.1760559082031],[688.8618774414062,345.5603942871094],[688.8737182617188,345.944580078125],[688.8845825195312,346.3289489746094],[688.8953857421875,346.71331787109375],[688.9061889648438,347.0975646972656],[688.9170532226562,347.48193359375],[688.9278564453125,347.8663024902344],[688.938720703125,348.25054931640625],[688.9492797851562,348.63494873046875],[688.9588623046875,349.01934814453125],[688.968505859375,349.40362548828125],[688.9781494140625,349.78802490234375],[688.9877319335938,350.17230224609375],[688.9973754882812,350.55670166015625],[689.0070190429688,350.94110107421875],[689.0161743164062,351.3253479003906],[689.0245971679688,351.70977783203125],[689.032958984375,352.0942077636719],[689.0413818359375,352.478515625],[689.0497436523438,352.8629455566406],[689.0581665039062,353.24737548828125],[689.0665893554688,353.6316833496094],[689.0742797851562,354.0162353515625],[689.0814208984375,354.40069580078125],[689.088623046875,354.7850036621094],[689.0957641601562,355.1694641113281],[689.1029052734375,355.5539245605469],[689.1100463867188,355.9382629394531],[689.1172485351562,356.3227233886719],[689.1234741210938,356.7071228027344],[689.12939453125,357.09149169921875],[689.1353149414062,357.4759521484375],[689.1411743164062,357.8604431152344],[689.1470947265625,358.2447814941406],[689.1530151367188,358.6292724609375],[689.1588745117188,359.01361083984375],[689.1636352539062,359.3981018066406],[689.168212890625,359.7825927734375],[689.1728515625,360.1669921875],[689.1774291992188,360.5514831542969],[689.1820678710938,360.93597412109375],[689.1867065429688,361.3203430175781],[689.191162109375,361.7048645019531],[689.1945190429688,362.0893859863281],[689.1978149414062,362.4737548828125],[689.201171875,362.8582763671875],[689.2045288085938,363.2427673339844],[689.2078247070312,363.6271667480469],[689.211181640625,364.01165771484375],[689.2141723632812,364.3961486816406],[689.2161865234375,364.7805480957031],[689.2182006835938,365.1650695800781],[689.22021484375,365.5495910644531],[689.2222290039062,365.9339599609375],[689.2243041992188,366.3184814453125],[689.226318359375,366.7030029296875],[689.227783203125,367.08734130859375],[689.2284545898438,367.47186279296875],[689.2291870117188,367.85638427734375],[689.2299194335938,368.24078369140625],[689.2305908203125,368.62530517578125],[689.2313232421875,369.00970458984375],[689.2319946289062,369.39422607421875],[689.23193359375,369.7787780761719],[689.2313232421875,370.1631774902344],[689.230712890625,370.5476989746094],[689.2301635742188,370.9322204589844],[689.2295532226562,371.3166198730469],[689.2289428710938,371.7011413574219],[689.2283325195312,372.0856628417969],[689.226806640625,372.4701232910156],[689.224853515625,372.8546447753906],[689.2229614257812,373.2391662597656],[689.2210083007812,373.62353515625],[689.2191162109375,374.008056640625],[689.2171630859375,374.392578125],[689.2152709960938,374.7769775390625],[689.2122802734375,375.1614074707031],[689.2090454101562,375.5458984375],[689.205810546875,375.9302978515625],[689.2025146484375,376.3147888183594],[689.1992797851562,376.6993103027344],[689.196044921875,377.08367919921875],[689.1928100585938,377.46820068359375],[689.1884155273438,377.8525695800781],[689.1838989257812,378.237060546875],[689.1793212890625,378.62158203125],[689.1748046875,379.0059509277344],[689.1702270507812,379.39044189453125],[689.1657104492188,379.7749328613281],[689.1611328125,380.1593017578125],[689.1553955078125,380.5438537597656],[689.1495361328125,380.9283142089844],[689.1436767578125,381.31268310546875],[689.1378173828125,381.6971435546875],[689.1319580078125,382.0816345214844],[689.1260986328125,382.46600341796875],[689.1202392578125,382.8504638671875],[689.1132202148438,383.2348327636719],[689.1060791015625,383.6191711425781],[689.0989379882812,384.0036315917969],[689.091796875,384.3880920410156],[689.0846557617188,384.7724304199219],[689.0775146484375,385.1568603515625],[689.0703735351562,385.54132080078125],[689.0620727539062,385.9256896972656],[689.0536499023438,386.31011962890625],[689.0452880859375,386.6945495605469],[689.036865234375,387.078857421875],[689.0284423828125,387.4632873535156],[689.02001953125,387.84759521484375],[689.0115966796875,388.2320251464844],[689.0021362304688,388.6164245605469],[688.992431640625,389.0007019042969],[688.9827270507812,389.3851013183594],[688.9730224609375,389.7695007324219],[688.96337890625,390.1537780761719],[688.9536743164062,390.5381774902344],[688.9439697265625,390.9225769042969],[688.9334106445312,391.3068542480469],[688.9224853515625,391.69122314453125],[688.9115600585938,392.0755920410156],[688.900634765625,392.4598388671875],[688.8896484375,392.8442077636719],[688.8787231445312,393.22857666015625],[688.8677978515625,393.6128234863281],[688.8562622070312,393.9971618652344],[688.8441162109375,394.3815002441406],[688.8319091796875,394.76568603515625],[688.8197631835938,395.1500244140625],[688.8075561523438,395.53436279296875],[688.79541015625,395.9185485839844],[688.783203125,396.3028869628906],[688.7708129882812,396.68719482421875],[688.7574462890625,397.07135009765625],[688.7440185546875,397.45562744140625],[688.7306518554688,397.8398132324219],[688.71728515625,398.2240905761719],[688.703857421875,398.6083679199219],[688.6904907226562,398.9925537109375],[688.6771240234375,399.3768310546875],[688.6627197265625,399.760986328125],[688.6481323242188,400.1451110839844],[688.633544921875,400.52935791015625],[688.6189575195312,400.9136047363281],[688.6044311523438,401.2977294921875],[688.58984375,401.6819763183594],[688.5752563476562,402.06622314453125],[688.5594482421875,402.4502868652344],[688.5352783203125,402.8340759277344],[688.5020751953125,403.217041015625],[688.460205078125,403.5992126464844],[688.4100952148438,403.9804382324219],[688.351806640625,404.36053466796875],[688.2860717773438,404.73919677734375],[688.2130737304688,405.1167907714844],[688.1332397460938,405.4928894042969],[688.0464477539062,405.86737060546875],[687.9534301757812,406.240478515625],[687.854248046875,406.6117858886719],[687.7492065429688,406.9817199707031],[687.6384887695312,407.3499450683594],[687.5224609375,407.71636962890625],[687.4010620117188,408.08123779296875],[687.274658203125,408.44439697265625],[687.1433715820312,408.8056945800781],[687.00732421875,409.165283203125],[686.86669921875,409.52325439453125],[686.7216186523438,409.8791809082031],[686.5722045898438,410.2334289550781],[686.4188842773438,410.5860595703125],[686.2613525390625,410.936767578125],[686.0997314453125,411.28564453125],[685.9343872070312,411.6327819824219],[685.7653198242188,411.9780578613281],[685.5925903320312,412.3215026855469],[685.4161987304688,412.66326904296875],[685.2363891601562,413.0030212402344],[685.05322265625,413.34100341796875],[684.8665771484375,413.6771545410156],[684.6766967773438,414.0114440917969],[684.4834594726562,414.3439025878906],[684.2870483398438,414.6744079589844],[684.0874633789062,415.00299072265625],[683.884765625,415.3296203613281],[683.6788330078125,415.65435791015625],[683.469970703125,415.97705078125],[683.2579345703125,416.2978515625],[683.0429077148438,416.6164855957031],[682.8247680664062,416.9332580566406],[682.603759765625,417.2478332519531],[682.3797607421875,417.5602722167969],[682.1527709960938,417.8704833984375],[681.922607421875,418.1785888671875],[681.6895751953125,418.48431396484375],[681.4534301757812,418.7877502441406],[681.2142333984375,419.0888671875],[680.9720458984375,419.3873291015625],[680.7266235351562,419.6833801269531],[680.4779052734375,419.9765319824219],[680.2260131835938,420.2668762207031],[679.9707641601562,420.5544128417969],[679.712158203125,420.8390197753906],[679.4503173828125,421.12042236328125],[679.1848754882812,421.3986511230469],[678.9158325195312,421.6733703613281],[678.642822265625,421.94390869140625],[678.3658447265625,422.2107238769531],[678.0852661132812,422.4735107421875],[677.8003540039062,422.731689453125],[677.5113525390625,422.9852294921875],[677.2186889648438,423.23455810546875],[676.9225463867188,423.479736328125],[676.623046875,423.720947265625],[676.320556640625,423.9580993652344],[676.0145874023438,424.1910400390625],[675.7056274414062,424.4198303222656],[675.3939208984375,424.6448669433594],[675.0794067382812,424.8661193847656],[674.7623291015625,425.08355712890625],[674.44287109375,425.2972412109375],[674.1207275390625,425.5071716308594],[673.7959594726562,425.7131042480469],[673.4690551757812,425.91534423828125],[673.1398315429688,426.11395263671875],[672.8084716796875,426.3089294433594],[672.4749755859375,426.5002136230469],[672.139404296875,426.68792724609375],[671.8017578125,426.8719787597656],[671.46240234375,427.05230712890625],[671.1207885742188,427.22894287109375],[670.7772216796875,427.4017639160156],[670.4320678710938,427.57086181640625],[670.0850219726562,427.7362365722656],[669.7362060546875,427.8979187011719],[669.3856811523438,428.05584716796875],[669.0333862304688,428.2099914550781],[668.6795654296875,428.3603210449219],[668.3240966796875,428.5068054199219],[667.9669799804688,428.6494140625],[667.6084594726562,428.7880554199219],[667.2482299804688,428.92242431640625],[666.8863525390625,429.052734375],[666.5233154296875,429.1788024902344],[666.1586303710938,429.30078125],[665.7925415039062,429.4184875488281],[665.4253540039062,429.53179931640625],[665.0565185546875,429.6407775878906],[664.6865234375,429.7452392578125],[664.3153076171875,429.8450927734375],[663.9427490234375,429.9403076171875],[663.56884765625,430.0302734375],[663.194091796875,430.1155090332031],[662.8179931640625,430.19561767578125],[662.4408569335938,430.2706298828125],[662.0628051757812,430.3400573730469],[661.6837158203125,430.404052734375],[661.3035888671875,430.46246337890625],[660.9228515625,430.5150146484375],[660.5411376953125,430.5615234375],[660.1588745117188,430.6019287109375],[659.7758178710938,430.6359558105469],[659.392333984375,430.66326904296875],[659.0084228515625,430.6839599609375],[658.6242065429688,430.6975402832031],[658.23974609375,430.70550537109375],[657.8554077148438,430.7091979980469],[657.4708862304688,430.7087097167969],[657.0863647460938,430.7041320800781],[656.7021484375,430.6955261230469],[656.3177490234375,430.6830139160156],[655.9336547851562,430.6666259765625],[655.5498046875,430.64642333984375],[655.1659545898438,430.6225280761719],[654.782470703125,430.594970703125],[654.3993530273438,430.5638122558594],[654.0164184570312,430.5291442871094],[653.6337890625,430.4909362792969],[653.251708984375,430.4493408203125],[652.8697509765625,430.4042663574219],[652.48828125,430.3558654785156],[652.1074829101562,430.3041687011719],[651.7268676757812,430.2491455078125],[651.346923828125,430.19091796875],[650.9673461914062,430.1294250488281],[650.5883178710938,430.06475830078125],[650.2099609375,429.9969177246094],[649.8320922851562,429.9259338378906],[649.4546508789062,429.8517761230469],[649.078125,429.77459716796875],[648.7020874023438,429.69427490234375],[648.3267822265625,429.61090087890625],[647.9522094726562,429.52447509765625],[647.5781860351562,429.4349060058594],[647.2050170898438,429.34234619140625],[646.8327026367188,429.24676513671875],[646.4610595703125,429.1481018066406],[646.0902709960938,429.0462951660156],[645.720458984375,428.9415588378906],[645.351318359375,428.83367919921875],[644.983154296875,428.72271728515625],[644.6160888671875,428.6087951660156],[644.249755859375,428.4916687011719],[643.884521484375,428.3714294433594],[643.5204467773438,428.24810791015625],[643.1574096679688,428.1216735839844],[642.7953491210938,427.9919738769531],[642.4346313476562,427.8591613769531],[642.0750122070312,427.7231140136719],[641.7167358398438,427.5838928222656],[641.359619140625,427.4413146972656],[641.0037841796875,427.2953796386719],[640.6495361328125,427.1462097167969],[640.2966918945312,426.99359130859375],[639.9452514648438,426.83758544921875],[639.5955200195312,426.67816162109375],[639.2471923828125,426.5151672363281],[638.9005737304688,426.3486328125],[638.5558471679688,426.1784973144531],[638.212890625,426.0046691894531],[637.8718872070312,425.8271789550781],[637.5328979492188,425.64593505859375],[637.19580078125,425.4607238769531],[636.8610229492188,425.2716064453125],[636.528564453125,425.0787048339844],[636.1985473632812,424.88134765625],[635.8709716796875,424.6799011230469],[635.5471801757812,424.4729309082031],[635.2274169921875,424.2593994140625],[634.9115600585938,424.0399169921875],[634.5999145507812,423.8149108886719],[634.2922973632812,423.5843200683594],[633.9886474609375,423.3486328125],[633.68896484375,423.1077575683594],[633.39306640625,422.8622131347656],[633.1011962890625,422.6120300292969],[632.8130493164062,422.35736083984375],[632.5289306640625,422.0982666015625],[632.2487182617188,421.83514404296875],[631.9725341796875,421.5675964355469],[631.699951171875,421.2964782714844],[631.4310913085938,421.02166748046875],[631.1666259765625,420.7425842285156],[630.9056396484375,420.4601745605469],[630.649169921875,420.17388916015625],[630.3961791992188,419.8842468261719],[630.1472778320312,419.59124755859375],[629.9027709960938,419.2945556640625],[629.6619873046875,418.9947814941406],[629.4256591796875,418.6915588378906],[629.1937255859375,418.3850402832031],[628.9659423828125,418.07525634765625],[628.7427978515625,417.76202392578125],[628.52392578125,417.44610595703125],[628.3101196289062,417.12652587890625],[628.1004028320312,416.80413818359375],[627.89599609375,416.4786376953125],[627.6965942382812,416.14996337890625],[627.5022583007812,415.81829833984375],[627.3134155273438,415.4832458496094],[627.1298828125,415.1453552246094],[626.952392578125,414.8044128417969],[626.780517578125,414.46044921875],[626.6151123046875,414.1133117675781],[626.4559936523438,413.763427734375],[626.3035888671875,413.4103698730469],[626.1582641601562,413.054443359375],[626.0202026367188,412.6956481933594],[625.8900146484375,412.3339538574219],[625.7677612304688,411.96929931640625],[625.6541137695312,411.6021423339844],[625.5494995117188,411.2321472167969],[625.454345703125,410.8595275878906],[625.369140625,410.4847717285156],[625.2946166992188,410.1075134277344],[625.2315063476562,409.72821044921875],[625.1802978515625,409.3472595214844],[625.1414794921875,408.96478271484375],[625.1143188476562,408.58123779296875],[625.0989379882812,408.1972351074219],[625.0940551757812,407.81280517578125],[625.099609375,407.428466796875],[625.1151123046875,407.0441589355469],[625.139892578125,406.66046142578125],[625.1737670898438,406.2776794433594],[625.2160034179688,405.89544677734375],[625.2665405273438,405.51422119140625],[625.3245849609375,405.13433837890625],[625.39013671875,404.75537109375],[625.462646484375,404.3777770996094],[625.541748046875,404.0015563964844],[625.6273193359375,403.62677001953125],[625.7188720703125,403.25323486328125],[625.8160400390625,402.88140869140625],[625.9189453125,402.5108642578125],[626.0269775390625,402.1418151855469],[626.139892578125,401.7744445800781],[626.2578125,401.4083557128906],[626.3804321289062,401.0439453125],[626.5071411132812,400.6810607910156],[626.6381225585938,400.3196105957031],[626.7731323242188,399.9595642089844],[626.9118041992188,399.6009826660156],[627.05419921875,399.243896484375],[627.2002563476562,398.8881530761719],[627.349853515625,398.5340881347656],[627.5027465820312,398.18121337890625],[627.6587524414062,397.8299560546875],[627.8177490234375,397.4798278808594],[627.9796752929688,397.1311340332031],[628.1444091796875,396.78375244140625],[628.3118286132812,396.4376220703125],[628.48193359375,396.0928039550781],[628.6544799804688,395.749267578125],[628.82958984375,395.4068603515625],[629.0071411132812,395.06585693359375],[629.18701171875,394.7261047363281],[629.3690795898438,394.387451171875],[629.5534057617188,394.0499572753906],[629.7396850585938,393.7137756347656],[629.9280395507812,393.3785095214844],[630.1183471679688,393.04443359375],[630.3106079101562,392.71148681640625],[630.504638671875,392.3795471191406],[630.7005004882812,392.0487060546875],[630.8981323242188,391.7189636230469],[631.0975341796875,391.3902282714844],[631.2987060546875,391.0624694824219],[631.5013427734375,390.7358703613281],[631.70556640625,390.41009521484375],[631.9114379882812,390.0852355957031],[632.1190795898438,389.7617492675781],[632.327392578125,389.43853759765625],[632.5374145507812,389.1165466308594],[632.7489013671875,388.7955017089844],[632.961669921875,388.47515869140625],[633.1756591796875,388.15582275390625],[633.3909301757812,387.8372802734375],[633.6074829101562,387.5194091796875],[633.8255615234375,387.2029113769531],[634.0440063476562,386.886474609375],[634.2643432617188,386.5713195800781],[634.4850463867188,386.256591796875],[634.7073974609375,385.9429931640625],[634.9303588867188,385.62969970703125],[635.15478515625,385.3174743652344],[635.3798217773438,385.00567626953125],[635.6061401367188,384.6948547363281],[635.8331298828125,384.3846130371094],[636.0612182617188,384.0751647949219],[636.2901611328125,383.7662048339844],[636.5199584960938,383.4580993652344],[636.7506713867188,383.1504821777344],[636.9822387695312,382.8434143066406],[637.2145385742188,382.5371398925781],[637.4475708007812,382.2313537597656],[637.6814575195312,381.9263000488281],[637.916015625,381.6216125488281],[638.1514892578125,381.317626953125],[638.3873291015625,381.0140686035156],[638.6242065429688,380.711181640625],[638.8613891601562,380.40850830078125],[639.0994873046875,380.1067199707031],[639.3379516601562,379.8049621582031],[639.5773315429688,379.5040588378906],[639.8167724609375,379.2033386230469],[640.0573120117188,378.9033508300781],[640.2978515625,378.6034240722656],[640.539306640625,378.3043518066406],[640.7808837890625,378.0051574707031],[641.0234375,377.706787109375],[641.265869140625,377.4084777832031],[641.5091552734375,377.1107177734375],[641.7525634765625,376.81304931640625],[641.996826171875,376.5162658691406],[642.2413330078125,376.2195129394531],[642.4859008789062,375.9227600097656],[642.7303466796875,375.6260986328125],[642.9757690429688,375.33001708984375],[643.2214965820312,375.0342712402344],[643.4671630859375,374.7386169433594],[643.7129516601562,374.44287109375],[643.9591064453125,374.14764404296875],[644.2057495117188,373.8526611328125],[644.452392578125,373.55767822265625],[644.698974609375,373.26275634765625],[644.94580078125,372.968017578125],[645.1930541992188,372.67352294921875],[645.440185546875,372.37908935546875],[645.6874389648438,372.0845947265625],[645.9347534179688,371.7900695800781],[646.18212890625,371.4958190917969],[646.4295043945312,371.20147705078125],[646.6769409179688,370.9071350097656],[646.92431640625,370.6128845214844],[647.1716918945312,370.31854248046875],[647.4191284179688,370.0242004394531],[647.66650390625,369.7299499511719],[647.9139404296875,369.43560791015625],[648.1608276367188,369.1409606933594],[648.4077758789062,368.8463439941406],[648.6547241210938,368.5516357421875],[648.9017333984375,368.2569274902344],[649.1480102539062,367.9617919921875],[649.3942260742188,367.66644287109375],[649.6404418945312,367.3712158203125],[649.8866577148438,367.0758972167969],[650.1322631835938,366.7798767089844],[650.3773803710938,366.4837646484375],[650.62255859375,366.18756103515625],[650.8677368164062,365.891357421875],[651.1122436523438,365.59478759765625],[651.3563842773438,365.2977294921875],[651.6001586914062,365.0003356933594],[651.8434448242188,364.7027282714844],[652.08642578125,364.4047546386719],[652.3289184570312,364.1063537597656],[652.5709838867188,363.80767822265625],[652.8125610351562,363.5085144042969],[653.0537109375,363.2091064453125],[653.2941284179688,362.9091796875],[653.5343627929688,362.6088562011719],[653.773681640625,362.30792236328125],[654.0126953125,362.0068054199219],[654.2508544921875,361.70489501953125],[654.4887084960938,361.40283203125],[654.7254638671875,361.0999755859375],[654.9620971679688,360.7969055175781],[655.197509765625,360.4928283691406],[655.4327392578125,360.1887512207031],[655.6666259765625,359.883544921875],[655.9003295898438,359.578369140625],[656.132568359375,359.27191162109375],[656.3648071289062,358.9654846191406],[656.5952758789062,358.6578674316406],[656.8258666992188,358.3501281738281],[657.0546875,358.0411071777344],[657.2833862304688,357.73211669921875],[657.51025390625,357.4217529296875],[657.737060546875,357.11126708984375],[657.9619750976562,356.7995300292969],[658.1868286132812,356.4875793457031],[658.4097900390625,356.1742858886719],[658.6323852539062,355.8609313964844],[658.853271484375,355.5460205078125],[659.07373046875,355.2309875488281],[659.2921142578125,354.91473388671875],[659.51025390625,354.59808349609375],[659.7268676757812,354.28033447265625],[659.9420776367188,353.9618835449219],[660.1560668945312,353.6424255371094],[660.3688354492188,353.3220520019531],[660.580078125,353.0010070800781],[660.7901000976562,352.6788635253906],[660.9987182617188,352.3559265136719],[661.2059326171875,352.03204345703125],[661.4116821289062,351.70721435546875],[661.6158447265625,351.38153076171875],[661.818603515625,351.0548400878906],[662.019775390625,350.72711181640625],[662.2193603515625,350.3986511230469],[662.4173583984375,350.06903076171875],[662.6137084960938,349.7384338378906],[662.808349609375,349.4069519042969],[662.9998168945312,349.0735168457031],[663.1854248046875,348.73681640625],[663.3651733398438,348.39697265625],[663.5390014648438,348.053955078125],[663.70751953125,347.70843505859375],[663.8706665039062,347.3603210449219],[664.0281372070312,347.0096130371094],[664.1807250976562,346.6566162109375],[664.3283081054688,346.30169677734375],[664.470703125,345.9444580078125],[664.6083984375,345.58544921875],[664.7412109375,345.2247314453125],[664.869140625,344.8621826171875],[664.9927978515625,344.4980773925781],[665.1114501953125,344.1324462890625],[665.2256469726562,343.7652587890625],[665.3353881835938,343.3968200683594],[665.4404907226562,343.0269775390625],[665.541259765625,342.65594482421875],[665.6373291015625,342.28375244140625],[665.7291259765625,341.9103088378906],[665.816650390625,341.5358581542969],[665.8993530273438,341.1605529785156],[665.9779052734375,340.7841491699219],[666.0516967773438,340.4067077636719],[666.1210327148438,340.02862548828125],[666.1859741210938,339.64959716796875],[666.2461547851562,339.26983642578125],[666.3018798828125,338.8895568847656],[666.3526611328125,338.5083312988281],[666.3987426757812,338.1265869140625],[666.4401245117188,337.7444763183594],[666.4762573242188,337.3616638183594],[666.5075073242188,336.9783935546875],[666.53369140625,336.5949401855469],[666.5543212890625,336.2109680175781],[666.5697021484375,335.82672119140625],[666.5796508789062,335.4425354003906],[666.58349609375,335.0579833984375],[666.5806274414062,334.6734619140625],[666.5703125,334.2892150878906],[666.552001953125,333.9051513671875],[666.5272827148438,333.5216369628906],[666.4957275390625,333.1383361816406],[666.4583740234375,332.75567626953125],[666.415283203125,332.3736572265625],[666.3668212890625,331.9922180175781],[666.3133544921875,331.6114807128906],[666.255126953125,331.2315673828125],[666.1923217773438,330.8521423339844],[666.125244140625,330.47357177734375],[666.0538940429688,330.09576416015625],[665.9788208007812,329.7186584472656],[665.8997192382812,329.3423767089844],[665.8172607421875,328.9670104980469],[665.7310791015625,328.59222412109375],[665.6417236328125,328.2182922363281],[665.548828125,327.84527587890625],[665.4530639648438,327.47283935546875],[665.3538818359375,327.101318359375],[665.251953125,326.730712890625],[665.1469116210938,326.36077880859375],[665.0391235351562,325.9916687011719],[664.9284057617188,325.6235656738281],[664.8150634765625,325.256103515625],[664.6987915039062,324.8897399902344],[664.5798950195312,324.5240783691406],[664.4578247070312,324.1593933105469],[664.3338623046875,323.7955322265625],[664.206298828125,323.4328918457031],[664.0765991210938,323.0708312988281],[663.9441528320312,322.7099609375],[663.808349609375,322.3502502441406],[663.6697387695312,321.9915771484375],[663.5282592773438,321.6341552734375],[663.3836059570312,321.2779846191406],[663.2359619140625,320.9228515625],[663.0843505859375,320.56964111328125],[662.9288940429688,320.2179260253906],[662.7680053710938,319.8687438964844],[662.5931396484375,319.5263366699219],[662.403564453125,319.1919250488281],[662.1996459960938,318.8659973144531],[661.9819946289062,318.5491638183594],[661.7512817382812,318.2416076660156],[661.508056640625,317.94384765625],[661.253173828125,317.6560363769531],[660.9871826171875,317.37835693359375],[660.7109375,317.111083984375],[660.425048828125,316.8541259765625],[660.1299438476562,316.607666015625],[659.82666015625,316.37152099609375],[659.5155029296875,316.14556884765625],[659.197021484375,315.9302673339844],[658.8717651367188,315.7254333496094],[658.540283203125,315.5306701660156],[658.2029418945312,315.3460388183594],[657.8601684570312,315.172119140625],[657.5123901367188,315.00811767578125],[657.1600341796875,314.8542175292969],[656.8033447265625,314.7110290527344],[656.4425659179688,314.5779113769531],[656.0781860351562,314.45526123046875],[655.7105102539062,314.3433837890625],[655.3394775390625,314.2420654296875],[654.9657592773438,314.1522216796875],[654.5894165039062,314.07366943359375],[654.21044921875,314.0084228515625],[653.8289794921875,313.9603576660156],[653.4459228515625,313.92864990234375],[653.0618896484375,313.91217041015625],[652.6773071289062,313.9100646972656],[652.2931518554688,313.920654296875],[651.9093017578125,313.94329833984375],[651.5263671875,313.9773254394531],[651.1444702148438,314.021728515625],[650.7637939453125,314.07550048828125],[650.3844604492188,314.1380310058594],[650.0065307617188,314.2086486816406],[649.6300048828125,314.2867126464844],[649.2550659179688,314.37158203125],[648.8815307617188,314.4627685546875],[648.5095825195312,314.5597839355469],[648.1390380859375,314.66217041015625],[647.769775390625,314.76953125],[647.40185546875,314.8814392089844],[647.0355224609375,314.99761962890625],[646.6701049804688,315.1175231933594],[646.305908203125,315.2409362792969],[645.9429931640625,315.367431640625],[645.5809326171875,315.4968566894531],[645.2197265625,315.6288757324219],[644.859619140625,315.76312255859375],[644.5000610351562,315.8994445800781],[644.14111328125,316.0375061035156],[643.7828979492188,316.17694091796875],[643.4251098632812,316.3179626464844],[643.0674438476562,316.4592590332031],[642.7109375,316.60284423828125],[642.3555297851562,316.7495422363281],[642.00146484375,316.8993225097656],[641.6486206054688,317.0521240234375],[641.2969360351562,317.20758056640625],[640.9465942382812,317.3656311035156],[640.5972290039062,317.5262145996094],[640.2489624023438,317.6892395019531],[639.90185546875,317.8544616699219],[639.5556640625,318.02191162109375],[639.2105712890625,318.1913146972656],[638.866455078125,318.3626403808594],[638.5230712890625,318.5358581542969],[638.1806640625,318.710693359375],[637.839111328125,318.88714599609375],[637.4982299804688,319.06512451171875],[637.1580810546875,319.2444763183594],[636.8187255859375,319.425048828125],[636.47998046875,319.6069030761719],[636.1419677734375,319.7902526855469],[635.8040771484375,319.9735107421875],[635.4671630859375,320.15869140625],[635.1301879882812,320.3439025878906],[634.7939453125,320.5303039550781],[634.457763671875,320.7169189453125],[634.1220092773438,320.9044494628906],[633.78662109375,321.09222412109375],[633.4511108398438,321.28009033203125],[633.11572265625,321.4678955078125],[632.7802734375,321.6558532714844],[632.4448852539062,321.8438720703125],[632.1095581054688,322.0318603515625],[631.774169921875,322.2198791503906],[631.4386596679688,322.40771484375],[631.1028442382812,322.5947265625],[630.7667846679688,322.7817077636719],[630.43017578125,322.96759033203125],[630.0936889648438,323.1534118652344],[629.7562255859375,323.3376770019531],[629.418701171875,323.5218811035156],[629.080322265625,323.7043151855469],[628.7416381835938,323.8863830566406],[628.4021606445312,324.0671081542969],[628.062255859375,324.246337890625],[627.7213134765625,324.42425537109375],[627.3796997070312,324.6006164550781],[627.0372314453125,324.775390625],[626.69384765625,324.948486328125],[626.349609375,325.1197814941406],[626.0045166015625,325.2890319824219],[625.6582641601562,325.4562683105469],[625.3110961914062,325.621337890625],[624.9628295898438,325.7841491699219],[624.61328125,325.9446105957031],[624.2627563476562,326.1024169921875],[623.9109497070312,326.2576599121094],[623.5579833984375,326.40997314453125],[623.2037353515625,326.55938720703125],[622.8482666015625,326.7057800292969],[622.4913940429688,326.84906005859375],[622.1334228515625,326.9889831542969],[621.7740478515625,327.1258239746094],[621.413330078125,327.2588806152344],[621.05126953125,327.38824462890625],[620.6878662109375,327.5138244628906],[620.3230590820312,327.6355285644531],[619.9570922851562,327.7530822753906],[619.5896606445312,327.8665771484375],[619.2218017578125,327.9781188964844],[618.8533935546875,328.087890625],[618.4843139648438,328.1959228515625],[618.1146850585938,328.3022155761719],[617.744873046875,328.4066162109375],[617.3743286132812,328.50933837890625],[617.0032958984375,328.6102600097656],[616.6318359375,328.7094421386719],[616.2598266601562,328.8068542480469],[615.8875732421875,328.9024963378906],[615.5146484375,328.9964294433594],[615.1414184570312,329.0885925292969],[614.767822265625,329.1789855957031],[614.3936157226562,329.26763916015625],[614.01904296875,329.35455322265625],[613.6441650390625,329.4397277832031],[613.268798828125,329.5231628417969],[612.89306640625,329.60479736328125],[612.51708984375,329.6846618652344],[612.1405639648438,329.7628479003906],[611.763671875,329.8392639160156],[611.3866577148438,329.91387939453125],[611.009033203125,329.9867858886719],[610.6311645507812,330.0579528808594],[610.2531127929688,330.1273498535156],[609.8745727539062,330.19500732421875],[609.4957885742188,330.26092529296875],[609.1167602539062,330.3250732421875],[608.7373046875,330.3874816894531],[608.3576049804688,330.4481201171875],[607.9778442382812,330.5069580078125],[607.5975952148438,330.5640563964844],[607.2171020507812,330.619384765625],[606.8363647460938,330.67291259765625],[606.455322265625,330.72467041015625],[606.0742797851562,330.7746276855469],[605.6927490234375,330.8227844238281],[605.3109741210938,330.869140625],[604.92919921875,330.9136657714844],[604.5469970703125,330.9564208984375],[604.1647338867188,330.997314453125],[603.7823486328125,331.03631591796875],[603.3995971679688,331.073486328125],[603.0167236328125,331.1087951660156],[602.6337280273438,331.1422424316406],[602.25048828125,331.173828125],[601.8671875,331.2035217285156],[601.4838256835938,331.2313232421875],[601.1001586914062,331.2572937011719],[600.7163696289062,331.28131103515625],[600.3325805664062,331.30340576171875],[599.9486694335938,331.3235778808594],[599.5645141601562,331.3418273925781],[599.1804809570312,331.358154296875],[598.796142578125,331.3724670410156],[598.411865234375,331.3847961425781],[598.027587890625,331.3951416015625],[597.6431274414062,331.40350341796875],[597.2589111328125,331.40985107421875],[596.8743896484375,331.4141540527344],[596.4898681640625,331.4164123535156],[596.10546875,331.4165954589844],[595.7208862304688,331.4146728515625],[595.33642578125,331.4107360839844],[594.9520874023438,331.4046325683594],[594.567626953125,331.396484375],[594.1832885742188,331.3867492675781],[593.7989501953125,331.3756408691406],[593.4146728515625,331.3630676269531],[593.0304565429688,331.3491516113281],[592.6463623046875,331.3338623046875],[592.26220703125,331.31719970703125],[591.8780517578125,331.2991943359375],[591.4942016601562,331.27978515625],[591.1102294921875,331.2590026855469],[590.7263793945312,331.2368469238281],[590.3427124023438,331.2132263183594],[589.958984375,331.1882629394531],[589.5753784179688,331.16168212890625],[589.1919555664062,331.13360595703125],[588.8086547851562,331.1041259765625],[588.4253540039062,331.0731506347656],[588.0422973632812,331.04071044921875],[587.6593017578125,331.0068359375],[587.2764892578125,330.971435546875],[586.8937377929688,330.9345397949219],[586.5111083984375,330.8961181640625],[586.1288452148438,330.8560791015625],[585.74658203125,330.8143615722656],[585.3645629882812,330.7711181640625],[584.9827270507812,330.726318359375],[584.6009521484375,330.6799011230469],[584.2195434570312,330.6319580078125],[583.83837890625,330.5823669433594],[583.4572143554688,330.5311584472656],[583.0762939453125,330.4783630371094],[582.69580078125,330.4237060546875],[582.3154907226562,330.3672790527344],[581.9354248046875,330.3092041015625],[581.5557250976562,330.2494201660156],[581.1760864257812,330.18792724609375],[580.7968139648438,330.12469482421875],[580.4179077148438,330.0597229003906],[580.0392456054688,329.9930114746094],[579.6609497070312,329.92449951171875],[579.2830810546875,329.85394287109375],[578.9054565429688,329.78155517578125],[578.5281982421875,329.70733642578125],[578.1513061523438,329.6312255859375],[577.7748413085938,329.55322265625],[577.3988037109375,329.4733581542969],[577.0231323242188,329.3915710449219],[576.647705078125,329.30780029296875],[576.2730712890625,329.2221374511719],[575.8987426757812,329.1342468261719],[575.5248413085938,329.0442810058594],[575.1516723632812,328.9523620605469],[574.77880859375,328.85833740234375],[574.4063720703125,328.7622375488281],[574.0347900390625,328.6640625],[573.66357421875,328.5637512207031],[573.2930297851562,328.46136474609375],[572.9230346679688,328.3567199707031],[572.5536499023438,328.2498779296875],[572.18505859375,328.1406555175781],[571.817138671875,328.0291442871094],[571.4498291015625,327.91534423828125],[571.0833129882812,327.79931640625],[570.717529296875,327.68096923828125],[570.3524169921875,327.5602111816406],[569.9882202148438,327.4371032714844],[569.6248779296875,327.3116760253906],[569.26220703125,327.1837463378906],[568.9005737304688,327.0534362792969],[568.539794921875,326.9204406738281],[568.179931640625,326.7848205566406],[567.8212280273438,326.646728515625],[567.4634399414062,326.5060119628906],[567.1065673828125,326.36279296875],[566.7507934570312,326.21728515625],[566.3958129882812,326.0693359375],[566.0418701171875,325.9190673828125],[565.6891479492188,325.76617431640625],[565.33740234375,325.6109313964844],[564.986572265625,325.4534912109375],[564.6369018554688,325.2939758300781],[564.2880249023438,325.13226318359375],[563.940185546875,324.96856689453125],[563.5934448242188,324.8026123046875],[563.24755859375,324.6344299316406],[562.9027099609375,324.46429443359375],[562.5589599609375,324.2923278808594],[562.216064453125,324.11846923828125],[561.8739624023438,323.9427795410156],[561.5330200195312,323.76519775390625],[561.193115234375,323.5856018066406],[560.8540649414062,323.404296875],[560.5159912109375,323.2213439941406],[560.1785888671875,323.03668212890625],[559.8422241210938,322.85052490234375],[559.5068359375,322.66253662109375],[559.1724243164062,322.47283935546875],[558.8389282226562,322.2817077636719],[558.5061645507812,322.0890197753906],[558.1741943359375,321.8948669433594],[557.84326171875,321.699462890625],[557.5130615234375,321.5024108886719],[557.1837158203125,321.30377197265625],[556.8552856445312,321.1040344238281],[556.5275268554688,320.90289306640625],[556.2006225585938,320.70050048828125],[555.8745727539062,320.49700927734375],[555.54931640625,320.2919616699219],[555.2247314453125,320.0856628417969],[554.9010009765625,319.87835693359375],[554.577880859375,319.669921875],[554.2555541992188,319.46044921875],[553.9340209960938,319.2498474121094],[553.613037109375,319.03790283203125],[553.2928466796875,318.8249816894531],[552.9735107421875,318.6112060546875],[552.654541015625,318.3963928222656],[552.3363647460938,318.1807556152344],[552.0187377929688,317.9639587402344],[551.7017822265625,317.7461853027344],[551.385498046875,317.5277099609375],[551.0697021484375,317.3082580566406],[550.754638671875,317.08795166015625],[550.4404296875,316.8665771484375],[550.1260375976562,316.6451110839844],[549.812744140625,316.42218017578125],[549.4998168945312,316.1989440917969],[549.1871948242188,315.9749755859375],[548.8754272460938,315.74993896484375],[548.563720703125,315.52496337890625],[548.2530517578125,315.2984924316406],[547.9423828125,315.0718994140625],[547.63232421875,314.8446044921875],[547.32275390625,314.6165771484375],[547.01318359375,314.3883972167969],[546.7046508789062,314.1590881347656],[546.39599609375,313.9297180175781],[546.0880126953125,313.6996154785156],[545.7803344726562,313.4691467285156],[545.4727783203125,313.2383728027344],[545.1658935546875,313.0068664550781],[544.8589477539062,312.7752990722656],[544.5525512695312,312.54296875],[544.2463989257812,312.310546875],[543.9404296875,312.0775451660156],[543.635009765625,311.84393310546875],[543.3297119140625,311.61041259765625],[543.0242919921875,311.3768005371094],[542.7188720703125,311.1431884765625],[542.414794921875,310.9080505371094],[542.114501953125,310.6678466796875],[541.818115234375,310.4228820800781],[541.5256958007812,310.1733703613281],[541.2369384765625,309.9195556640625],[540.9517822265625,309.6614990234375],[540.6702270507812,309.39984130859375],[540.391845703125,309.13458251953125],[540.1166381835938,308.8660583496094],[539.8445434570312,308.5946044921875],[539.575439453125,308.31982421875],[539.3088989257812,308.042724609375],[539.044921875,307.7632751464844],[538.7833251953125,307.4814758300781],[538.52392578125,307.1976623535156],[538.2666625976562,306.9120178222656],[538.0112915039062,306.6246337890625],[537.7576293945312,306.3357238769531],[537.5055541992188,306.04541015625],[537.2548217773438,305.7538757324219],[537.0054931640625,305.4613037109375],[536.757568359375,305.1673583984375],[536.5097045898438,304.8733215332031],[536.263427734375,304.57818603515625],[536.0172119140625,304.282958984375],[535.771728515625,303.98699951171875],[535.5262451171875,303.6910705566406],[535.2808227539062,303.39508056640625],[535.0353393554688,303.0990905761719],[534.7899780273438,302.8031921386719],[534.5441284179688,302.507568359375],[534.2974853515625,302.2125549316406],[534.0502319335938,301.9181823730469],[533.8020629882812,301.62451171875],[533.5530395507812,301.3316345214844],[533.3025512695312,301.03997802734375],[533.0505981445312,300.74951171875],[532.7970581054688,300.46044921875],[532.5418090820312,300.1730041503906],[532.2845458984375,299.8872985839844],[532.0250244140625,299.6034240722656],[531.7633666992188,299.32183837890625],[531.4990234375,299.0426025390625],[531.2320556640625,298.7660827636719],[530.9622192382812,298.49224853515625],[530.689453125,298.22113037109375],[530.4135131835938,297.95355224609375],[530.134033203125,297.689453125],[529.8508911132812,297.4291687011719],[529.5642700195312,297.17315673828125],[529.2736206054688,296.9214172363281],[528.9789428710938,296.6743469238281],[528.68017578125,296.4325256347656],[528.376953125,296.196044921875],[528.0694580078125,295.9653015136719],[527.7574462890625,295.74066162109375],[527.4407958984375,295.52264404296875],[527.1194458007812,295.3115234375],[526.7935791015625,295.1076965332031],[526.4629516601562,294.911376953125],[526.1270141601562,294.72430419921875],[525.785888671875,294.5472412109375],[525.4396362304688,294.37982177734375],[525.0892333984375,294.2218017578125],[524.7348022460938,294.0728759765625],[524.3768310546875,293.9326171875],[524.015625,293.8009338378906],[523.6515502929688,293.6773376464844],[523.284912109375,293.5616149902344],[522.9159545898438,293.45361328125],[522.5447387695312,293.35321044921875],[522.1718139648438,293.259765625],[521.797119140625,293.17364501953125],[521.4210205078125,293.0939636230469],[521.0435180664062,293.0212707519531],[520.6649169921875,292.95458984375],[520.2850952148438,292.8948059082031],[519.9044189453125,292.84075927734375],[519.5228881835938,292.79315185546875],[519.1406860351562,292.7512512207031],[518.7578125,292.71533203125],[518.3746948242188,292.6852722167969],[517.990966796875,292.6608581542969],[517.6068115234375,292.64227294921875],[517.22265625,292.6290283203125],[516.8381958007812,292.62176513671875],[516.4537963867188,292.6195983886719],[516.0693969726562,292.62353515625],[515.6849975585938,292.6326599121094],[515.3007202148438,292.6476135253906],[514.9169311523438,292.6681213378906],[514.5332641601562,292.6941223144531],[514.1502685546875,292.72613525390625],[513.7675170898438,292.76361083984375],[513.385498046875,292.8073425292969],[513.0042724609375,292.8569641113281],[512.6238403320312,292.9124755859375],[512.2444458007812,292.97479248046875],[511.8661804199219,293.0433349609375],[511.4891357421875,293.118408203125],[511.11334228515625,293.1998596191406],[510.7388000488281,293.28643798828125],[510.36529541015625,293.3782043457031],[509.99334716796875,293.4756164550781],[509.6229248046875,293.5782775878906],[509.25390625,293.6861572265625],[508.8865051269531,293.7995300292969],[508.5208740234375,293.91827392578125],[508.15692138671875,294.04217529296875],[507.794677734375,294.1712341308594],[507.4345397949219,294.30572509765625],[507.0762939453125,294.4451599121094],[506.7198791503906,294.58953857421875],[506.3656311035156,294.73876953125],[506.0133972167969,294.89300537109375],[505.663330078125,295.0517578125],[505.31512451171875,295.2150573730469],[504.9691162109375,295.3827819824219],[504.6253967285156,295.55487060546875],[504.28369140625,295.7309875488281],[503.9438781738281,295.9110412597656],[503.6062927246094,296.0950012207031],[503.27069091796875,296.2826843261719],[502.9370422363281,296.4737243652344],[502.60540771484375,296.6680603027344],[502.275634765625,296.86590576171875],[501.94769287109375,297.06658935546875],[501.62158203125,297.27008056640625],[501.29718017578125,297.4765625],[500.974365234375,297.6855163574219],[500.6534729003906,297.8971252441406],[500.3337707519531,298.1107177734375],[500.0154724121094,298.32635498046875],[499.6986389160156,298.5440368652344],[499.3831787109375,298.76397705078125],[499.0688781738281,298.98553466796875],[498.7557678222656,299.20855712890625],[498.4435729980469,299.4330749511719],[498.13409423828125,299.6611328125],[497.8277587890625,299.8933410644531],[497.5243225097656,300.1295166015625],[497.223876953125,300.3694152832031],[496.9263000488281,300.61285400390625],[496.631591796875,300.85986328125],[496.33984375,301.11016845703125],[496.0509338378906,301.3638610839844],[495.764892578125,301.6208801269531],[495.4820556640625,301.8810729980469],[495.20208740234375,302.1448059082031],[494.925537109375,302.4119567871094],[494.6524963378906,302.6824645996094],[494.3827819824219,302.9565734863281],[494.1168212890625,303.23419189453125],[493.85479736328125,303.5154113769531],[493.5968933105469,303.8006591796875],[493.3435363769531,304.0899353027344],[493.09503173828125,304.38323974609375],[492.8515930175781,304.6808776855469],[492.61376953125,304.9829406738281],[492.382080078125,305.28961181640625],[492.1569519042969,305.6014404296875],[491.93927001953125,305.9183654785156],[491.72991943359375,306.24072265625],[491.5296936035156,306.5690002441406],[491.3398742675781,306.9033508300781],[491.1618347167969,307.2440185546875],[490.9970397949219,307.5914306640625],[490.84759521484375,307.9455261230469],[490.71612548828125,308.3067321777344],[490.60516357421875,308.6748962402344],[490.5143737792969,309.04840087890625],[490.4302062988281,309.42364501953125],[490.3511047363281,309.7998962402344],[490.27691650390625,310.1771545410156],[490.2075500488281,310.55535888671875],[490.1429443359375,310.93438720703125],[490.0830383300781,311.3140869140625],[490.02752685546875,311.6946105957031],[489.976318359375,312.07562255859375],[489.9295654296875,312.45721435546875],[489.8866271972656,312.8392639160156],[489.84759521484375,313.2218322753906],[489.8123474121094,313.60455322265625],[489.7806396484375,313.9878234863281],[489.75244140625,314.37127685546875],[489.72760009765625,314.7548522949219],[489.7059631347656,315.13873291015625],[489.6873779296875,315.5228576660156],[489.6717224121094,315.9069519042969],[489.65887451171875,316.29119873046875],[489.6487121582031,316.6754455566406],[489.64117431640625,317.0599670410156],[489.63604736328125,317.4444274902344],[489.63311767578125,317.828857421875],[489.6323547363281,318.21331787109375],[489.6335754394531,318.597900390625],[489.6366271972656,318.982177734375],[489.64141845703125,319.3666687011719],[489.6478271484375,319.751220703125],[489.6556701660156,320.1354675292969],[489.6651611328125,320.5198974609375],[489.6755676269531,320.9042663574219],[489.6871337890625,321.2885437011719],[489.6995849609375,321.6728515625],[489.7130432128906,322.0570983886719],[489.72705078125,322.44122314453125],[489.7419128417969,322.825439453125],[489.757080078125,323.20965576171875],[489.77288818359375,323.59375],[489.7888488769531,323.9779357910156],[489.8048095703125,324.36212158203125],[489.8207702636719,324.7462158203125],[489.83636474609375,325.1304626464844],[489.8519592285156,325.5146789550781],[489.8675537109375,325.89874267578125],[489.8830261230469,326.282958984375],[489.897216796875,326.6670837402344],[489.9111633300781,327.0513610839844],[489.9238586425781,327.4356689453125],[489.9360656738281,327.81988525390625],[489.9468078613281,328.2042541503906],[489.95697021484375,328.5886535644531],[489.9654846191406,328.972900390625],[489.97259521484375,329.357421875],[489.9781494140625,329.7418212890625],[489.9820556640625,330.126220703125],[489.9841613769531,330.5107421875],[489.9844055175781,330.8952941894531],[489.98260498046875,331.2796936035156],[489.9786376953125,331.66412353515625],[489.972412109375,332.048583984375],[489.9612731933594,332.43280029296875],[489.93768310546875,332.8166198730469],[489.9010925292969,333.1993408203125],[489.8514099121094,333.5804748535156],[489.7882995605469,333.9596862792969],[489.71136474609375,334.3364562988281],[489.6204528808594,334.7099609375],[489.5152282714844,335.0796813964844],[489.3953552246094,335.4449768066406],[489.2603759765625,335.8049621582031],[489.1100769042969,336.15887451171875],[488.9444580078125,336.505615234375],[488.7627868652344,336.844482421875],[488.56475830078125,337.1740417480469],[488.35052490234375,337.4931640625],[488.1193542480469,337.8004455566406],[487.87139892578125,338.0941467285156],[487.6065979003906,338.3727111816406],[487.32464599609375,338.6341247558594],[487.0259704589844,338.8761291503906],[486.7112121582031,339.0965576171875],[486.3808288574219,339.293212890625],[486.0362854003906,339.46343994140625],[485.6790466308594,339.6050720214844],[485.3108825683594,339.7158508300781],[484.9345703125,339.7939758300781],[484.5528564453125,339.8382873535156],[484.16864013671875,339.8483581542969],[483.784912109375,339.824462890625],[483.40496826171875,339.7674865722656],[483.0307922363281,339.6789855957031],[482.6649475097656,339.56103515625],[482.3090515136719,339.4161682128906],[481.9639892578125,339.2465515136719],[481.630859375,339.054931640625],[481.309814453125,338.84344482421875],[480.9995422363281,338.61639404296875],[480.69097900390625,338.38714599609375],[480.3823547363281,338.15777587890625],[480.0736999511719,337.9284362792969],[479.7651672363281,337.6991882324219],[479.45654296875,337.4698486328125],[479.14788818359375,337.2405090332031],[478.83935546875,337.01123046875],[478.53070068359375,336.7818908691406],[478.2220458984375,336.55255126953125],[477.91351318359375,336.3232727050781],[477.6048583984375,336.09393310546875],[477.2962341308594,335.8645935058594],[476.9877014160156,335.6353454589844],[476.6790466308594,335.406005859375],[476.3703918457031,335.1766357421875],[476.0618591308594,334.9473876953125],[475.75323486328125,334.7180480957031],[475.444580078125,334.48870849609375],[475.13604736328125,334.2594299316406],[474.827392578125,334.03009033203125],[474.51885986328125,333.8008117675781],[474.210205078125,333.57147216796875],[473.9015808105469,333.3421325683594],[473.593017578125,333.1128845214844],[473.2843933105469,332.883544921875],[472.9757385253906,332.6542053222656],[472.6672058105469,332.4249267578125],[472.3585510253906,332.1955871582031],[472.0499267578125,331.96624755859375],[471.7413635253906,331.7369689941406],[471.4327392578125,331.50762939453125],[471.12408447265625,331.2782897949219],[470.8155517578125,331.04901123046875],[470.50689697265625,330.8196716308594],[470.1982727050781,330.59033203125],[469.88970947265625,330.361083984375],[469.5810852050781,330.1317443847656],[469.2724304199219,329.90240478515625],[468.9638977050781,329.6731262207031],[468.6552429199219,329.44378662109375],[468.34661865234375,329.2144470214844],[468.0380554199219,328.98516845703125],[467.72943115234375,328.7558288574219],[467.4207763671875,328.5264892578125],[467.11224365234375,328.2972412109375],[466.8035888671875,328.06787109375],[466.49505615234375,327.838623046875],[466.1864013671875,327.6092834472656],[465.8777770996094,327.37994384765625],[465.5692138671875,327.1506652832031],[465.2605895996094,326.92132568359375],[464.9519348144531,326.6919860839844],[464.6434020996094,326.46270751953125],[464.3347473144531,326.2333679199219],[464.026123046875,326.0040283203125],[463.71759033203125,325.7747802734375],[463.408935546875,325.5454406738281],[463.10028076171875,325.31610107421875],[462.791748046875,325.0868225097656],[462.48309326171875,324.85748291015625],[462.1744689941406,324.6281433105469],[461.8659362792969,324.3988037109375],[461.5573425292969,324.1694030761719],[461.2487487792969,323.94000244140625],[460.94024658203125,323.7106628417969],[460.63165283203125,323.48126220703125],[460.32305908203125,323.2518615722656],[460.0145568847656,323.0225524902344],[459.7059631347656,322.79315185546875],[459.3973693847656,322.5637512207031],[459.0888671875,322.33441162109375],[458.7802734375,322.1050109863281],[458.4717712402344,321.87567138671875],[458.1631774902344,321.6462707519531],[457.8545837402344,321.4168701171875],[457.54608154296875,321.18756103515625],[457.23748779296875,320.9581604003906],[456.92889404296875,320.728759765625],[456.6203918457031,320.4994201660156],[456.3117980957031,320.27001953125],[456.0032043457031,320.0406188964844],[455.6947021484375,319.811279296875],[455.3861083984375,319.5818786621094],[455.0774841308594,319.35247802734375],[454.7690124511719,319.1231689453125],[454.46038818359375,318.8937683105469],[454.15179443359375,318.66436767578125],[453.84332275390625,318.4350280761719],[453.5346984863281,318.20562744140625],[453.2261047363281,317.9762268066406],[452.9176025390625,317.74688720703125],[452.6090087890625,317.5174865722656],[452.30047607421875,317.28802490234375],[451.9921875,317.0584411621094],[451.68377685546875,316.8287658691406],[451.37548828125,316.5991516113281],[451.0671081542969,316.3694763183594],[450.7586975097656,316.1398010253906],[450.4504089355469,315.91021728515625],[450.14202880859375,315.6805419921875],[449.8336181640625,315.45086669921875],[449.52532958984375,315.22125244140625],[449.2169189453125,314.9915771484375],[448.9085388183594,314.76190185546875],[448.6002502441406,314.53228759765625],[448.2918395996094,314.3026123046875],[447.98345947265625,314.0729675292969],[447.6751708984375,313.8433532714844],[447.36676025390625,313.6136779785156],[447.0583801269531,313.3840026855469],[446.7500915527344,313.1543884277344],[446.4416809082031,312.9247131347656],[446.13330078125,312.6950378417969],[445.82501220703125,312.4654541015625],[445.5166015625,312.23577880859375],[445.2082214355469,312.006103515625],[444.8999328613281,311.7764892578125],[444.5915222167969,311.54681396484375],[444.28314208984375,311.317138671875],[443.974853515625,311.0875549316406],[443.66644287109375,310.8578796386719],[443.358154296875,310.6282653808594],[443.0497741699219,310.3985900878906],[442.7413635253906,310.1689147949219],[442.4331359863281,309.9393005371094],[442.1249694824219,309.7093200683594],[441.8168029785156,309.47930908203125],[441.50872802734375,309.2494201660156],[441.2005920410156,309.0194396972656],[440.8924255371094,308.7894287109375],[440.5843505859375,308.5595397949219],[440.27618408203125,308.3295593261719],[439.968017578125,308.0995788574219],[439.65997314453125,307.8696594238281],[439.351806640625,307.6396789550781],[439.04364013671875,307.4096984863281],[438.7355651855469,307.1797790527344],[438.4273986816406,306.9497985839844],[438.1192321777344,306.7198181152344],[437.8111877441406,306.4898986816406],[437.5030212402344,306.2599182128906],[437.1949768066406,306.0296325683594],[436.8871154785156,305.7994689941406],[436.57916259765625,305.5692138671875],[436.2712707519531,305.33905029296875],[435.96331787109375,305.1087951660156],[435.65533447265625,304.8785705566406],[435.34747314453125,304.64837646484375],[435.0395202636719,304.41815185546875],[434.7315368652344,304.1878967285156],[434.4236755371094,303.9577331542969],[434.11572265625,303.72747802734375],[433.8077392578125,303.4972229003906],[433.4998779296875,303.2670593261719],[433.19189453125,303.03680419921875],[432.8839416503906,302.8065490722656],[432.5760803222656,302.5763854980469],[432.268310546875,302.3459777832031],[431.9605712890625,302.11541748046875],[431.6529235839844,301.88494873046875],[431.3451843261719,301.6543884277344],[431.0374450683594,301.4238586425781],[430.72979736328125,301.193359375],[430.42205810546875,300.96282958984375],[430.11431884765625,300.7322692871094],[429.8066711425781,300.5018005371094],[429.4989318847656,300.271240234375],[429.1911926269531,300.04071044921875],[428.883544921875,299.8102111816406],[428.5758056640625,299.5796813964844],[428.2681579589844,299.34918212890625],[427.9604187011719,299.11865234375],[427.6526794433594,298.8880920410156],[427.3451232910156,298.657470703125],[427.0376281738281,298.42657470703125],[426.73016357421875,298.1957092285156],[426.4227600097656,297.9648742675781],[426.11529541015625,297.7339782714844],[425.80780029296875,297.5030822753906],[425.50042724609375,297.27227783203125],[425.19293212890625,297.0413818359375],[424.8854675292969,296.81048583984375],[424.57806396484375,296.57965087890625],[424.2705993652344,296.3487548828125],[423.9631042480469,296.1178894042969],[423.6557312011719,295.8870544433594],[423.3482360839844,295.6561584472656],[423.040771484375,295.4252624511719],[422.7333679199219,295.1944580078125],[422.4259033203125,294.96356201171875],[422.1186828613281,294.7322692871094],[421.81158447265625,294.5010681152344],[421.50439453125,294.2698059082031],[421.19720458984375,294.03851318359375],[420.8901062011719,293.80731201171875],[420.5829162597656,293.5760498046875],[420.27581787109375,293.3448181152344],[419.9686279296875,293.1135559082031],[419.66143798828125,292.88226318359375],[419.3543395996094,292.65106201171875],[419.0471496582031,292.4197998046875],[418.7399597167969,292.1885070800781],[418.432861328125,291.9573059082031],[418.12567138671875,291.72601318359375],[417.8184814453125,291.4947509765625],[417.5113830566406,291.2635498046875],[417.20440673828125,291.0321044921875],[416.89752197265625,290.8003845214844],[416.59075927734375,290.5687561035156],[416.28387451171875,290.3370361328125],[415.9770202636719,290.1053466796875],[415.67022705078125,289.87371826171875],[415.3633728027344,289.6419982910156],[415.0564880371094,289.4103088378906],[414.7497253417969,289.1786804199219],[414.4428405761719,288.94696044921875],[414.135986328125,288.71527099609375],[413.8291931152344,288.483642578125],[413.5223388671875,288.2519226074219],[413.2155456542969,288.0202941894531],[412.90869140625,287.7886047363281],[412.601806640625,287.556884765625],[412.29498291015625,287.3251953125],[411.98846435546875,287.093017578125],[411.68194580078125,286.86083984375],[411.3755187988281,286.6287536621094],[411.0690002441406,286.3965759277344],[410.76251220703125,286.1643981933594],[410.4560852050781,285.93231201171875],[410.1495666503906,285.70013427734375],[409.8430480957031,285.46795654296875],[409.53662109375,285.2358703613281],[409.2301025390625,285.0036926269531],[408.923583984375,284.7715148925781],[408.6171569824219,284.5394287109375],[408.3106689453125,284.3072509765625],[408.004150390625,284.0750732421875],[407.6977233886719,283.8429870605469],[407.3912048339844,283.6108093261719],[407.0849304199219,283.3783874511719],[406.7789001464844,283.1457824707031],[406.4727478027344,282.9130859375],[406.1666259765625,282.680419921875],[405.860595703125,282.4477844238281],[405.5544738769531,282.2151184082031],[405.2484436035156,281.9825134277344],[404.94232177734375,281.74981689453125],[404.63616943359375,281.5171203613281],[404.33013916015625,281.2845153808594],[404.0240173339844,281.0518493652344],[403.7178955078125,280.81915283203125],[403.411865234375,280.5865478515625],[403.1057434082031,280.3538513183594],[402.7995910644531,280.1211853027344],[402.4935607910156,279.8885803222656]], bounds=3000, full_zoom=0.22, max_episode_steps=2000 ) Hungary = RaceTrack( name='Hungary', xy=[[152.9491424560547,431.95062255859375],[152.56268310546875,431.9482116699219],[152.1762237548828,431.9458312988281],[151.7897491455078,431.94342041015625],[151.40328979492188,431.9410400390625],[151.01683044433594,431.9386291503906],[150.63037109375,431.9362487792969],[150.243896484375,431.933837890625],[149.85743713378906,431.93145751953125],[149.47097778320312,431.9290466308594],[149.0845184326172,431.9266662597656],[148.69805908203125,431.92425537109375],[148.31158447265625,431.9220886230469],[147.9251251220703,431.9202575683594],[147.5386505126953,431.9184265136719],[147.15219116210938,431.9166259765625],[146.76573181152344,431.914794921875],[146.37925720214844,431.9129638671875],[145.9927978515625,431.9111328125],[145.6063232421875,431.9093017578125],[145.21986389160156,431.9075012207031],[144.83338928222656,431.9056701660156],[144.44692993164062,431.9038391113281],[144.06045532226562,431.9020080566406],[143.6739959716797,431.900634765625],[143.2875213623047,431.89935302734375],[142.90106201171875,431.8980407714844],[142.51458740234375,431.8967590332031],[142.1281280517578,431.89544677734375],[141.7416534423828,431.8941650390625],[141.3551788330078,431.89288330078125],[140.96871948242188,431.8915710449219],[140.58224487304688,431.8902893066406],[140.19578552246094,431.88897705078125],[139.80931091308594,431.8876953125],[139.4228515625,431.8865966796875],[139.036376953125,431.88580322265625],[138.64990234375,431.885009765625],[138.26344299316406,431.8841857910156],[137.87696838378906,431.8833923339844],[137.49049377441406,431.8825988769531],[137.10403442382812,431.8818054199219],[136.71755981445312,431.8810119628906],[136.33108520507812,431.8802185058594],[135.9446258544922,431.87939453125],[135.5581512451172,431.87860107421875],[135.1716766357422,431.8778076171875],[134.78521728515625,431.8774719238281],[134.39874267578125,431.8771057128906],[134.01226806640625,431.8767395019531],[133.62579345703125,431.87640380859375],[133.2393341064453,431.87603759765625],[132.8528594970703,431.8757019042969],[132.4663848876953,431.8753356933594],[132.07992553710938,431.875],[131.69345092773438,431.8746337890625],[131.30697631835938,431.874267578125],[130.92050170898438,431.8739318847656],[130.53404235839844,431.87384033203125],[130.14756774902344,431.8739013671875],[129.76109313964844,431.87396240234375],[129.3746337890625,431.8740234375],[128.9881591796875,431.8740539550781],[128.6016845703125,431.8741149902344],[128.2152099609375,431.8741760253906],[127.82875061035156,431.8742370605469],[127.44227600097656,431.874267578125],[127.0558090209961,431.87432861328125],[126.6693344116211,431.8743896484375],[126.28286743164062,431.87457275390625],[125.89639282226562,431.875],[125.50992584228516,431.87542724609375],[125.12345886230469,431.8758544921875],[124.73698425292969,431.8762512207031],[124.35051727294922,431.8766784667969],[123.96404266357422,431.8771057128906],[123.57757568359375,431.8775329589844],[123.19110107421875,431.8779296875],[122.80463409423828,431.87835693359375],[122.41816711425781,431.8787841796875],[122.03169250488281,431.8792419433594],[121.64522552490234,431.8799743652344],[121.25875854492188,431.8807067871094],[120.87228393554688,431.8814392089844],[120.4858169555664,431.8821716308594],[120.0993423461914,431.8829040527344],[119.71287536621094,431.8836364746094],[119.32640838623047,431.8843688964844],[118.93994140625,431.8851013183594],[118.553466796875,431.8858337402344],[118.16699981689453,431.8865661621094],[117.78053283691406,431.8872985839844],[117.39405822753906,431.888427734375],[117.0075912475586,431.8895263671875],[116.62112426757812,431.8906555175781],[116.23465728759766,431.8917541503906],[115.84819030761719,431.89288330078125],[115.46172332763672,431.89398193359375],[115.07524871826172,431.8951110839844],[114.68878173828125,431.896240234375],[114.30231475830078,431.8973388671875],[113.91584014892578,431.8984680175781],[113.52938079833984,431.8995666503906],[113.14290618896484,431.90069580078125],[112.75643920898438,431.90179443359375],[112.3699722290039,431.9029235839844],[111.9834976196289,431.9040222167969],[111.59703063964844,431.9051513671875],[111.21056365966797,431.90625],[110.8240966796875,431.9073791503906],[110.43762969970703,431.9084777832031],[110.05116271972656,431.90960693359375],[109.66468811035156,431.91070556640625],[109.2782211303711,431.9118347167969],[108.89175415039062,431.9132080078125],[108.50528717041016,431.9146728515625],[108.11882019042969,431.9161376953125],[107.73235321044922,431.9176025390625],[107.34588623046875,431.9190673828125],[106.95941925048828,431.9205322265625],[106.57294464111328,431.9219970703125],[106.18647766113281,431.9234619140625],[105.80001068115234,431.9249267578125],[105.41354370117188,431.9263916015625],[105.0270767211914,431.9278564453125],[104.64060974121094,431.9293212890625],[104.25414276123047,431.9307861328125],[103.86767578125,431.9322204589844],[103.48120880126953,431.9336853027344],[103.09474182128906,431.9351501464844],[102.7082748413086,431.9366149902344],[102.3218002319336,431.9380798339844],[101.93534088134766,431.9395446777344],[101.54887390136719,431.9410095214844],[101.16240692138672,431.9424743652344],[100.77593231201172,431.9439392089844],[100.38946533203125,431.94549560546875],[100.00300598144531,431.94708251953125],[99.61653137207031,431.94866943359375],[99.23006439208984,431.95025634765625],[98.8436050415039,431.95184326171875],[98.45713806152344,431.95343017578125],[98.07066345214844,431.95501708984375],[97.6842041015625,431.95660400390625],[97.2977294921875,431.95819091796875],[96.91126251220703,431.95977783203125],[96.52479553222656,431.9613952636719],[96.13833618164062,431.9629821777344],[95.75186920166016,431.9645690917969],[95.36540222167969,431.9661560058594],[94.97892761230469,431.9677429199219],[94.59246063232422,431.9693298339844],[94.20599365234375,431.9709167480469],[93.81952667236328,431.9725036621094],[93.43305969238281,431.9740905761719],[93.04660034179688,431.9756774902344],[92.66012573242188,431.9772644042969],[92.27366638183594,431.9788513183594],[91.88719177246094,431.9804382324219],[91.50072479248047,431.9820251464844],[91.1142578125,431.9836120605469],[90.72779083251953,431.9851989746094],[90.3413314819336,431.9867858886719],[89.95486450195312,431.9884033203125],[89.56838989257812,431.989990234375],[89.18192291259766,431.9915771484375],[88.79545593261719,431.9931640625],[88.40899658203125,431.9947509765625],[88.02252197265625,431.996337890625],[87.63606262207031,431.9979248046875],[87.24958801269531,431.99951171875],[86.86312866210938,432.0010986328125],[86.47665405273438,432.002685546875],[86.0901870727539,432.0042724609375],[85.70372772216797,432.005859375],[85.31725311279297,432.0074462890625],[84.93079376220703,432.009033203125],[84.54431915283203,432.0106201171875],[84.15785217285156,432.01220703125],[83.7713851928711,432.0138244628906],[83.38491821289062,432.0151672363281],[82.99845123291016,432.0164794921875],[82.61197662353516,432.0177917480469],[82.22551727294922,432.0191345214844],[81.83904266357422,432.02044677734375],[81.45257568359375,432.0217590332031],[81.06610870361328,432.0230712890625],[80.67964172363281,432.0243835449219],[80.29316711425781,432.02569580078125],[79.90670013427734,432.0270080566406],[79.5202407836914,432.0283203125],[79.1337661743164,432.0296630859375],[78.74729919433594,432.0309753417969],[78.36083221435547,432.03228759765625],[77.974365234375,432.0335998535156],[77.587890625,432.034912109375],[77.20143127441406,432.0362243652344],[76.8149642944336,432.03753662109375],[76.4284896850586,432.0388488769531],[76.04202270507812,432.0401916503906],[75.65555572509766,432.04150390625],[75.26908874511719,432.0428161621094],[74.88261413574219,432.0437316894531],[74.49614715576172,432.0445861816406],[74.10968780517578,432.0454406738281],[73.72321319580078,432.04632568359375],[73.33674621582031,432.04718017578125],[72.95027160644531,432.0480651855469],[72.56380462646484,432.0489196777344],[72.17733001708984,432.0497741699219],[71.79086303710938,432.0506591796875],[71.40440368652344,432.051513671875],[71.01792907714844,432.0523986816406],[70.63146209716797,432.0532531738281],[70.24498748779297,432.0541076660156],[69.8585205078125,432.05499267578125],[69.4720458984375,432.05584716796875],[69.08557891845703,432.05670166015625],[68.69910430908203,432.0575866699219],[68.31263732910156,432.0584411621094],[67.92617797851562,432.059326171875],[67.53970336914062,432.0601806640625],[67.15323638916016,432.06103515625],[66.76676177978516,432.0619201660156],[66.38030242919922,432.0621643066406],[65.99382781982422,432.0623779296875],[65.60736083984375,432.0625915527344],[65.22089385986328,432.06280517578125],[64.83441925048828,432.0630187988281],[64.44795227050781,432.063232421875],[64.06147766113281,432.0634765625],[63.675010681152344,432.0636901855469],[63.288536071777344,432.06390380859375],[62.902069091796875,432.0641174316406],[62.515602111816406,432.0643310546875],[62.129127502441406,432.0645446777344],[61.74266052246094,432.06475830078125],[61.35618591308594,432.06500244140625],[60.96971893310547,432.0652160644531],[60.58324432373047,432.0654296875],[60.19677734375,432.0656433105469],[59.81031036376953,432.06585693359375],[59.42383575439453,432.0660705566406],[59.03736877441406,432.0662841796875],[58.65089416503906,432.0664978027344],[58.264427185058594,432.0667419433594],[57.87794876098633,432.0663757324219],[57.491485595703125,432.06597900390625],[57.105010986328125,432.0655822753906],[56.718544006347656,432.0652160644531],[56.33207702636719,432.0648193359375],[55.94560241699219,432.0644226074219],[55.55913543701172,432.06402587890625],[55.17266082763672,432.06365966796875],[54.78619384765625,432.0632629394531],[54.39971923828125,432.0628662109375],[54.01325225830078,432.0624694824219],[53.62678527832031,432.0616760253906],[53.24031066894531,432.0608215332031],[52.853843688964844,432.0599670410156],[52.467369079589844,432.0591125488281],[52.080902099609375,432.0582580566406],[51.69443130493164,432.0574035644531],[51.30796432495117,432.0565490722656],[50.9214973449707,432.0556945800781],[50.5350227355957,432.0548400878906],[50.1485595703125,432.0539855957031],[49.7620849609375,432.0531311035156],[49.37562561035156,432.0518493652344],[48.98915100097656,432.05047607421875],[48.60268783569336,432.04913330078125],[48.21621322631836,432.0477600097656],[47.829750061035156,432.04638671875],[47.44328689575195,432.0450439453125],[47.05681228637695,432.0436706542969],[46.67034912109375,432.04229736328125],[46.283878326416016,432.0409240722656],[45.89741134643555,432.0395812988281],[45.51094055175781,432.0382080078125],[45.124481201171875,432.03643798828125],[44.73801803588867,432.0345153808594],[44.35154724121094,432.0325927734375],[43.965087890625,432.0306701660156],[43.578617095947266,432.02874755859375],[43.19215393066406,432.0268249511719],[42.80568313598633,432.02490234375],[42.41922378540039,432.0229797363281],[42.03276062011719,432.02105712890625],[41.64628982543945,432.0191345214844],[41.25982666015625,432.0172119140625],[40.87336349487305,432.01495361328125],[40.48690414428711,432.012451171875],[40.10043716430664,432.0099182128906],[39.71398162841797,432.00738525390625],[39.32752227783203,432.0048828125],[38.94105529785156,432.0023498535156],[38.554595947265625,431.9998474121094],[38.168128967285156,431.997314453125],[37.78166961669922,431.9947814941406],[37.39520263671875,431.9922790527344],[37.00874710083008,431.98974609375],[36.62228012084961,431.98699951171875],[36.23582458496094,431.98382568359375],[35.84937286376953,431.9806823730469],[35.46290969848633,431.9775085449219],[35.07645797729492,431.974365234375],[34.68999481201172,431.97119140625],[34.30353927612305,431.9680480957031],[33.91707992553711,431.9648742675781],[33.53062438964844,431.9617004394531],[33.14417266845703,431.95855712890625],[32.75770950317383,431.95538330078125],[32.37126159667969,431.9521789550781],[31.984806060791016,431.9483337402344],[31.598358154296875,431.9444885253906],[31.211902618408203,431.9406433105469],[30.825454711914062,431.9367980957031],[30.439006805419922,431.9329528808594],[30.05255126953125,431.9291076660156],[29.66610336303711,431.9252624511719],[29.279647827148438,431.9214172363281],[28.893199920654297,431.9175720214844],[28.506744384765625,431.9137268066406],[28.120296478271484,431.909912109375],[27.73385238647461,431.9054870605469],[27.34740447998047,431.90093994140625],[26.96096420288086,431.8963623046875],[26.57451820373535,431.8918151855469],[26.188077926635742,431.8872375488281],[25.8016300201416,431.8826904296875],[25.415189743041992,431.87811279296875],[25.02874183654785,431.8735656738281],[24.642301559448242,431.8690185546875],[24.2558536529541,431.86444091796875],[23.869421005249023,431.8598937988281],[23.482975006103516,431.8550109863281],[23.09653663635254,431.8497009277344],[22.710098266601562,431.8443603515625],[22.32367515563965,431.83905029296875],[21.937238693237305,431.833740234375],[21.550800323486328,431.8283996582031],[21.164377212524414,431.8230895996094],[20.777938842773438,431.8177795410156],[20.39150047302246,431.81243896484375],[20.005064010620117,431.80712890625],[19.618640899658203,431.80181884765625],[19.232202529907227,431.7964782714844],[18.84577178955078,431.7904052734375],[18.459360122680664,431.7843017578125],[18.072935104370117,431.7781982421875],[17.686508178710938,431.7720642089844],[17.300081253051758,431.7659606933594],[16.913671493530273,431.7598571777344],[16.527244567871094,431.75372314453125],[16.140817642211914,431.74761962890625],[15.75440788269043,431.74151611328125],[15.36798095703125,431.7353820800781],[14.981554985046387,431.7292785644531],[14.595162391662598,431.7216491699219],[14.209177017211914,431.7030334472656],[13.82404613494873,431.67108154296875],[13.440305709838867,431.6254577636719],[13.058440208435059,431.5661926269531],[12.67895793914795,431.4931335449219],[12.302416801452637,431.40618896484375],[11.929374694824219,431.3052978515625],[11.560336112976074,431.1906433105469],[11.195819854736328,431.06231689453125],[10.836345672607422,430.92047119140625],[10.482370376586914,430.76544189453125],[10.13436508178711,430.597412109375],[9.792754173278809,430.4167175292969],[9.457937240600586,430.2237548828125],[9.130264282226562,430.0189208984375],[8.810015678405762,429.8026123046875],[8.4974946975708,429.5752868652344],[8.19292163848877,429.3374328613281],[7.896543025970459,429.0894470214844],[7.608489513397217,428.8318176269531],[7.328917980194092,428.56500244140625],[7.057939529418945,428.28948974609375],[6.795644760131836,428.00567626953125],[6.542059421539307,427.71405029296875],[6.297265529632568,427.4150085449219],[6.061293601989746,427.1089782714844],[5.8341522216796875,426.79632568359375],[5.615858554840088,426.4774169921875],[5.406426906585693,426.15264892578125],[5.205814838409424,425.82232666015625],[5.014057636260986,425.4867858886719],[4.831259727478027,425.14630126953125],[4.663048267364502,424.7984313964844],[4.510308265686035,424.4434509277344],[4.3703203201293945,424.0832214355469],[4.241462230682373,423.7189025878906],[4.122775554656982,423.35113525390625],[4.01369047164917,422.98040771484375],[3.9137930870056152,422.6070556640625],[3.8227524757385254,422.2314758300781],[3.7403059005737305,421.85394287109375],[3.6665353775024414,421.4745788574219],[3.601285696029663,421.0936584472656],[3.544532060623169,420.7113952636719],[3.4963395595550537,420.32794189453125],[3.4568378925323486,419.9435119628906],[3.4258227348327637,419.5583190917969],[3.4038119316101074,419.1724853515625],[3.3906807899475098,418.7862548828125],[3.3864526748657227,418.3998107910156],[3.3912806510925293,418.0133972167969],[3.40557861328125,417.627197265625],[3.429330587387085,417.241455078125],[3.462352752685547,416.8564147949219],[3.505232810974121,416.47235107421875],[3.5596423149108887,416.08978271484375],[3.64668607711792,415.7134094238281],[3.764164686203003,415.3453063964844],[3.9045817852020264,414.9853210449219],[4.062779903411865,414.6327209472656],[4.235081195831299,414.2868347167969],[4.419013023376465,413.94696044921875],[4.612667083740234,413.6125183105469],[4.814694404602051,413.2830810546875],[5.02403450012207,412.9582214355469],[5.239774703979492,412.6375732421875],[5.461319446563721,412.3209228515625],[5.688053131103516,412.0079650878906],[5.919551372528076,411.698486328125],[6.155445098876953,411.3923645019531],[6.395439147949219,411.0894470214844],[6.639285087585449,410.7896423339844],[6.886864185333252,410.4928894042969],[7.137989044189453,410.1991271972656],[7.392551898956299,409.90838623046875],[7.6505303382873535,409.62060546875],[7.911901473999023,409.3359375],[8.176690101623535,409.0544128417969],[8.444931983947754,408.7762145996094],[8.716798782348633,408.50152587890625],[8.992462158203125,408.23065185546875],[9.272141456604004,407.9639892578125],[9.556244850158691,407.70196533203125],[9.84561538696289,407.44580078125],[10.140920639038086,407.196533203125],[10.441518783569336,406.9536437988281],[10.742472648620605,406.711181640625],[11.043426513671875,406.4687194824219],[11.343854904174805,406.22564697265625],[11.644264221191406,405.98248291015625],[11.94451904296875,405.7391357421875],[12.244290351867676,405.4952087402344],[12.544049263000488,405.2513122558594],[12.843819618225098,405.00738525390625],[13.143590927124023,404.7634582519531],[13.443316459655762,404.5195007324219],[13.742607116699219,404.2749938964844],[14.04189682006836,404.03045654296875],[14.341187477111816,403.78594970703125],[14.64046573638916,403.54144287109375],[14.939752578735352,403.29693603515625],[15.239072799682617,403.0524597167969],[15.538381576538086,402.8079833984375],[15.837701797485352,402.5635070800781],[16.137022018432617,402.31903076171875],[16.436447143554688,402.0746765136719],[16.736122131347656,401.8306579589844],[17.035810470581055,401.58660888671875],[17.33591079711914,401.3431091308594],[17.636035919189453,401.0996398925781],[17.9365291595459,400.8565979003906],[18.237260818481445,400.6138610839844],[18.5382137298584,400.37139892578125],[18.839675903320312,400.12957763671875],[19.14118194580078,399.8878173828125],[19.44354248046875,399.6470947265625],[19.745891571044922,399.4064025878906],[20.04907989501953,399.166748046875],[20.352489471435547,398.9273376464844],[20.656536102294922,398.68878173828125],[20.96111297607422,398.450927734375],[21.266002655029297,398.2134094238281],[21.571691513061523,397.9769592285156],[21.87798500061035,397.7413024902344],[22.18494987487793,397.5064697265625],[22.49263572692871,397.2726135253906],[22.801000595092773,397.0396423339844],[23.110061645507812,396.8076171875],[23.41983985900879,396.5765380859375],[23.730361938476562,396.3464660644531],[24.041635513305664,396.1174011230469],[24.35367202758789,395.889404296875],[24.666481018066406,395.6624450683594],[24.980060577392578,395.4365539550781],[25.294536590576172,395.2119445800781],[25.60983657836914,394.9884338378906],[25.925922393798828,394.7660827636719],[26.242809295654297,394.5448303222656],[26.56049156188965,394.32476806640625],[26.878978729248047,394.1058349609375],[27.198251724243164,393.8880615234375],[27.51838493347168,393.6716003417969],[27.839414596557617,393.4563903808594],[28.161197662353516,393.24237060546875],[28.4837589263916,393.02947998046875],[28.80707550048828,392.8177795410156],[29.13115119934082,392.6072082519531],[29.456083297729492,392.3979797363281],[29.781803131103516,392.19000244140625],[30.108240127563477,391.9831237792969],[30.43537712097168,391.77734375],[30.76318359375,391.5726318359375],[31.091798782348633,391.3692321777344],[31.42117691040039,391.1670837402344],[31.751182556152344,390.9659423828125],[32.081787109375,390.76580810546875],[32.41309356689453,390.56683349609375],[32.74516296386719,390.3691101074219],[33.07778549194336,390.1723327636719],[33.41094207763672,389.97650146484375],[33.74479675292969,389.78179931640625],[34.079322814941406,389.5882568359375],[34.41399383544922,389.39501953125],[34.748714447021484,389.2018127441406],[35.083187103271484,389.0082092285156],[35.41725540161133,388.8138732910156],[35.75112533569336,388.6192321777344],[36.08466339111328,388.4239807128906],[36.41804122924805,388.2284851074219],[36.75116729736328,388.0325927734375],[37.08415222167969,387.8363952636719],[37.41692352294922,387.6398620605469],[37.749691009521484,387.4433288574219],[38.08244705200195,387.2467956542969],[38.41521072387695,387.0502624511719],[38.747962951660156,386.85369873046875],[39.08070373535156,386.6571350097656],[39.413455963134766,386.4605712890625],[39.74646759033203,386.2644348144531],[40.07957077026367,386.0684814453125],[40.41300582885742,385.87310791015625],[40.746524810791016,385.6778564453125],[41.08062744140625,385.48358154296875],[41.414817810058594,385.2894592285156],[41.7496223449707,385.096435546875],[42.08468246459961,384.9038391113281],[42.42035675048828,384.7123107910156],[42.75647735595703,384.5216064453125],[43.09315490722656,384.3318176269531],[43.43033981323242,384.1429748535156],[43.76826477050781,383.9554443359375],[44.106868743896484,383.7691650390625],[44.44619369506836,383.5841979980469],[44.78630065917969,383.400634765625],[45.12722396850586,383.2186584472656],[45.468971252441406,383.0381774902344],[45.811561584472656,382.85931396484375],[46.155025482177734,382.68212890625],[46.49940490722656,382.5067443847656],[46.84470748901367,382.33319091796875],[47.19095993041992,382.1614990234375],[47.538143157958984,381.99176025390625],[47.886329650878906,381.8240966796875],[48.23554229736328,381.6584777832031],[48.58580017089844,381.4951477050781],[48.93708038330078,381.3340759277344],[49.28939437866211,381.1752014160156],[49.642757415771484,381.0186767578125],[49.99712371826172,380.864501953125],[50.35253143310547,380.7126770019531],[50.708961486816406,380.5633239746094],[51.066429138183594,380.4164123535156],[51.424896240234375,380.27203369140625],[51.784385681152344,380.130126953125],[52.14485549926758,379.99078369140625],[52.50630187988281,379.85400390625],[52.86872863769531,379.7198486328125],[53.23210144042969,379.5882568359375],[53.5964241027832,379.45928955078125],[53.96165084838867,379.33294677734375],[54.3277702331543,379.2091979980469],[54.69477462768555,379.0881042480469],[55.062618255615234,378.9696044921875],[55.431182861328125,378.85333251953125],[55.800323486328125,378.7388916015625],[56.169952392578125,378.62603759765625],[56.5400276184082,378.51470947265625],[56.91055679321289,378.40484619140625],[57.28154754638672,378.2965087890625],[57.652896881103516,378.1895446777344],[58.02465057373047,378.0838928222656],[58.39678192138672,377.9795837402344],[58.769287109375,377.8765869140625],[59.142112731933594,377.77484130859375],[59.515289306640625,377.6743469238281],[59.888790130615234,377.5750732421875],[60.26261520385742,377.4770812988281],[60.63677215576172,377.3802795410156],[61.01122283935547,377.2846374511719],[61.385982513427734,377.1901550292969],[61.76100540161133,377.0968933105469],[62.1363410949707,377.0047302246094],[62.5119514465332,376.9137878417969],[62.88784408569336,376.8239440917969],[63.263980865478516,376.7352600097656],[63.64041519165039,376.6476745605469],[64.01709747314453,376.5612487792969],[64.39401245117188,376.4759216308594],[64.7712173461914,376.3917541503906],[65.1486587524414,376.3087158203125],[65.5263671875,376.226806640625],[65.9043197631836,376.1462097167969],[66.28253936767578,376.0667724609375],[66.66099548339844,375.9884948730469],[67.03968811035156,375.911376953125],[67.41863250732422,375.83544921875],[67.79780578613281,375.7607421875],[68.1772232055664,375.6872253417969],[68.5568618774414,375.61492919921875],[68.93675231933594,375.54388427734375],[69.31687927246094,375.4741516113281],[69.6972427368164,375.40570068359375],[70.07785034179688,375.338623046875],[70.45870208740234,375.27294921875],[70.83978271484375,375.2086181640625],[71.22107696533203,375.1456604003906],[71.60262298583984,375.0841369628906],[71.9843978881836,375.0240783691406],[72.36638641357422,374.96551513671875],[72.7486343383789,374.9084777832031],[73.131103515625,374.8529968261719],[73.51380920410156,374.7991638183594],[73.896728515625,374.7469482421875],[74.27987670898438,374.6964416503906],[74.66326904296875,374.6476745605469],[75.04686737060547,374.60076904296875],[75.43070983886719,374.5557556152344],[75.81477355957031,374.5126953125],[76.19906616210938,374.4717102050781],[76.58356475830078,374.43280029296875],[76.9682846069336,374.3960266113281],[77.35322570800781,374.361572265625],[77.73833465576172,374.3294372558594],[78.12368774414062,374.29986572265625],[78.50920867919922,374.2729187011719],[78.89492797851562,374.2486572265625],[79.28077697753906,374.227294921875],[79.66681671142578,374.2089538574219],[80.05299377441406,374.19354248046875],[80.43926239013672,374.18157958984375],[80.8255844116211,374.17071533203125],[81.21190643310547,374.15985107421875],[81.59822845458984,374.14898681640625],[81.98453521728516,374.1380920410156],[82.37085723876953,374.1272277832031],[82.7571792602539,374.1163635253906],[83.14350128173828,374.1054992675781],[83.52982330322266,374.0950927734375],[83.91617584228516,374.0852966308594],[84.30252838134766,374.07550048828125],[84.6888656616211,374.0657043457031],[85.07521057128906,374.055908203125],[85.46156311035156,374.0461120605469],[85.84791564941406,374.03631591796875],[86.23424530029297,374.0265197753906],[86.62059783935547,374.01727294921875],[87.00697326660156,374.00848388671875],[87.39334106445312,373.99969482421875],[87.77971649169922,373.99090576171875],[88.16606140136719,373.9821472167969],[88.55243682861328,373.9733581542969],[88.93881225585938,373.9645690917969],[89.32518768310547,373.9557800292969],[89.71159362792969,373.94775390625],[90.09799194335938,373.9399108886719],[90.48438262939453,373.9320983886719],[90.8707504272461,373.9242858886719],[91.25714111328125,373.9164733886719],[91.64353942871094,373.9086608886719],[92.02993774414062,373.90081787109375],[92.41633605957031,373.89306640625],[92.80274200439453,373.8861389160156],[93.18915557861328,373.87921142578125],[93.5755386352539,373.8722839355469],[93.96195220947266,373.8653564453125],[94.3483657836914,373.8584289550781],[94.73477935791016,373.85150146484375],[95.1211929321289,373.8445739746094],[95.5075912475586,373.8380126953125],[95.8940200805664,373.8319091796875],[96.28041076660156,373.8258056640625],[96.66683959960938,373.8197021484375],[97.05326843261719,373.8136291503906],[97.43968963623047,373.8075256347656],[97.82611846923828,373.8014221191406],[98.2125473022461,373.7953186035156],[98.59898376464844,373.7898864746094],[98.98538970947266,373.7845153808594],[99.371826171875,373.7791748046875],[99.75827026367188,373.7738342285156],[100.14470672607422,373.76849365234375],[100.53114318847656,373.76312255859375],[100.9175796508789,373.7577819824219],[101.30403137207031,373.752685546875],[101.69044494628906,373.7480163574219],[102.07689666748047,373.74334716796875],[102.46334075927734,373.7386779785156],[102.84978485107422,373.7340393066406],[103.23623657226562,373.7293701171875],[103.6226806640625,373.7247009277344],[104.00912475585938,373.72003173828125],[104.39553833007812,373.7159118652344],[104.78199005126953,373.71185302734375],[105.16844177246094,373.7077941894531],[105.55490112304688,373.7037353515625],[105.94135284423828,373.6996765136719],[106.32780456542969,373.69561767578125],[106.7142562866211,373.6915588378906],[107.10067749023438,373.6877746582031],[107.48713684082031,373.6842346191406],[107.87359619140625,373.6806640625],[108.26005554199219,373.6771240234375],[108.64651489257812,373.673583984375],[109.03297424316406,373.6700439453125],[109.41943359375,373.66650390625],[109.80587005615234,373.6630554199219],[110.19233703613281,373.6601257324219],[110.57879638671875,373.6571960449219],[110.96526336669922,373.6542663574219],[111.35172271728516,373.6513366699219],[111.73818969726562,373.6484069824219],[112.12464904785156,373.6454772949219],[112.5110855102539,373.6425476074219],[112.89754486083984,373.6396179199219],[113.28401184082031,373.6366882324219],[113.67047119140625,373.6337585449219],[114.05693817138672,373.63079833984375],[114.44340515136719,373.62786865234375],[114.82986450195312,373.62493896484375],[115.21630096435547,373.62200927734375],[115.6027603149414,373.61944580078125],[115.98922729492188,373.61712646484375],[116.37569427490234,373.6147766113281],[116.76216125488281,373.6124572753906],[117.14862823486328,373.6101379394531],[117.53509521484375,373.6077880859375],[117.92156982421875,373.60546875],[118.3080062866211,373.6031188964844],[118.69447326660156,373.6007995605469],[119.08094024658203,373.5984802246094],[119.4674072265625,373.59613037109375],[119.85387420654297,373.59381103515625],[120.24034118652344,373.59149169921875],[120.6268081665039,373.5891418457031],[121.01324462890625,373.5868225097656],[121.39971160888672,373.5845031738281],[121.78617858886719,373.5821533203125],[122.17264556884766,373.579833984375],[122.55911254882812,373.5775146484375],[122.94558715820312,373.5751647949219],[123.3320541381836,373.5728454589844],[123.71849060058594,373.57049560546875],[124.1049575805664,373.56817626953125],[124.49142456054688,373.56585693359375],[124.87789154052734,373.5635070800781],[125.26435852050781,373.5611877441406],[125.65082550048828,373.5588684082031],[126.03729248046875,373.5565185546875],[126.4237289428711,373.55419921875],[126.81019592285156,373.5517883300781],[127.19666290283203,373.54931640625],[127.5831298828125,373.546875],[127.96959686279297,373.5444030761719],[128.35606384277344,373.54193115234375],[128.74252319335938,373.53948974609375],[129.12896728515625,373.5370178222656],[129.5154266357422,373.5345764160156],[129.9019012451172,373.5321044921875],[130.28836059570312,373.5296630859375],[130.67483520507812,373.5271911621094],[131.06129455566406,373.52471923828125],[131.44776916503906,373.52227783203125],[131.83419799804688,373.5198059082031],[132.2206573486328,373.5172119140625],[132.60711669921875,373.5141906738281],[132.99359130859375,373.51116943359375],[133.3800506591797,373.5081481933594],[133.76651000976562,373.5050964355469],[134.15296936035156,373.5020751953125],[134.53939819335938,373.4990539550781],[134.92587280273438,373.49603271484375],[135.3123321533203,373.4930114746094],[135.69879150390625,373.489990234375],[136.0852508544922,373.4869384765625],[136.4717254638672,373.4839172363281],[136.85818481445312,373.48089599609375],[137.24461364746094,373.4778747558594],[137.63107299804688,373.474853515625],[138.01754760742188,373.4713134765625],[138.40399169921875,373.4676208496094],[138.7904510498047,373.46392822265625],[139.17691040039062,373.46026611328125],[139.56336975097656,373.4565734863281],[139.94979858398438,373.452880859375],[140.3362579345703,373.4491882324219],[140.72268676757812,373.44525146484375],[141.10914611816406,373.4410095214844],[141.49559020996094,373.436767578125],[141.88204956054688,373.4325256347656],[142.26849365234375,373.4283142089844],[142.65492248535156,373.424072265625],[143.04136657714844,373.4198303222656],[143.4278106689453,373.41546630859375],[143.8142547607422,373.4106140136719],[144.20069885253906,373.4057312011719],[144.58714294433594,373.40087890625],[144.9735870361328,373.39599609375],[145.36000061035156,373.3911437988281],[145.74644470214844,373.3862609863281],[146.1328887939453,373.38140869140625],[146.5193328857422,373.37591552734375],[146.90577697753906,373.3703308105469],[147.29220581054688,373.3647155761719],[147.6786346435547,373.359130859375],[148.06504821777344,373.3535461425781],[148.45147705078125,373.34796142578125],[148.83790588378906,373.3423767089844],[149.22433471679688,373.3363952636719],[149.6107635498047,373.33001708984375],[149.99717712402344,373.3236389160156],[150.38360595703125,373.3172607421875],[150.76998901367188,373.3108825683594],[151.1564178466797,373.30450439453125],[151.54283142089844,373.2981262207031],[151.9292755126953,373.29168701171875],[152.31568908691406,373.284423828125],[152.70208740234375,373.27716064453125],[153.0885009765625,373.2698974609375],[153.47486877441406,373.26263427734375],[153.8612823486328,373.2554016113281],[154.2476806640625,373.2481384277344],[154.63409423828125,373.2408752441406],[155.02049255371094,373.2330627441406],[155.40687561035156,373.2248840332031],[155.7932586669922,373.2166748046875],[156.1796112060547,373.20849609375],[156.56600952148438,373.2002868652344],[156.952392578125,373.1921081542969],[157.33877563476562,373.1839294433594],[157.72515869140625,373.1756896972656],[158.1115264892578,373.1664733886719],[158.49789428710938,373.1572570800781],[158.8842315673828,373.1480712890625],[159.27059936523438,373.13885498046875],[159.65695190429688,373.129638671875],[160.04331970214844,373.1204528808594],[160.4296875,373.1112365722656],[160.81602478027344,373.1015625],[161.20236206054688,373.0912780761719],[161.5886993408203,373.08099365234375],[161.97500610351562,373.0707092285156],[162.36134338378906,373.0604553222656],[162.7476806640625,373.0501708984375],[163.13401794433594,373.0398864746094],[163.52035522460938,373.02960205078125],[163.90667724609375,373.0186767578125],[164.29299926757812,373.007568359375],[164.6792755126953,372.9964599609375],[165.0655975341797,372.9853210449219],[165.451904296875,372.97369384765625],[165.83819580078125,372.9620056152344],[166.2244873046875,372.9503173828125],[166.61077880859375,372.9385986328125],[166.99705505371094,372.9263000488281],[167.38330078125,372.9140319824219],[167.7695770263672,372.9017333984375],[168.1558837890625,372.8893737792969],[168.54214477539062,372.87646484375],[168.92840576171875,372.86358642578125],[169.3146514892578,372.8506774902344],[169.7008819580078,372.8376770019531],[170.08709716796875,372.82415771484375],[170.47332763671875,372.8106384277344],[170.8595733642578,372.7971496582031],[171.2458038330078,372.7834777832031],[171.63201904296875,372.76934814453125],[172.0182342529297,372.7552185058594],[172.40444946289062,372.7410583496094],[172.79063415527344,372.7264709472656],[173.1767578125,372.710205078125],[173.56275939941406,372.69158935546875],[173.9486541748047,372.6703186035156],[174.33441162109375,372.6466369628906],[174.7200469970703,372.62109375],[175.10548400878906,372.5929260253906],[175.49070739746094,372.5624084472656],[175.8758087158203,372.5296325683594],[176.26065063476562,372.49432373046875],[176.64529418945312,372.456787109375],[177.02967834472656,372.4165344238281],[177.413818359375,372.3740234375],[177.797607421875,372.3287658691406],[178.1811065673828,372.2810363769531],[178.5642547607422,372.23040771484375],[178.947021484375,372.1772155761719],[179.32936096191406,372.120849609375],[179.71131896972656,372.0617980957031],[180.09271240234375,371.9992980957031],[180.47360229492188,371.9339294433594],[180.8538055419922,371.86480712890625],[181.2334747314453,371.79254150390625],[181.61233520507812,371.7162170410156],[181.99046325683594,371.6363525390625],[182.3676300048828,371.55206298828125],[182.743896484375,371.4638366699219],[183.11892700195312,371.3706359863281],[183.4928436279297,371.27301025390625],[183.8652801513672,371.16986083984375],[184.2362518310547,371.06146240234375],[184.60546875,370.9472961425781],[184.9726104736328,370.8266906738281],[185.3374481201172,370.6991882324219],[185.69964599609375,370.5643310546875],[186.0587615966797,370.4216613769531],[186.41424560546875,370.2700500488281],[186.76560974121094,370.1091613769531],[187.1119384765625,369.9376525878906],[187.45240783691406,369.75482177734375],[187.78591918945312,369.5596008300781],[188.11346435546875,369.3544921875],[188.4357147216797,369.1412048339844],[188.75291442871094,368.9204406738281],[189.06515502929688,368.6927490234375],[189.37258911132812,368.4585266113281],[189.67514038085938,368.21807861328125],[189.97296142578125,367.9718017578125],[190.26602172851562,367.7198486328125],[190.55422973632812,367.4624328613281],[190.83767700195312,367.19970703125],[191.1162872314453,366.931884765625],[191.3900146484375,366.6590576171875],[191.6588134765625,366.3813781738281],[191.9225616455078,366.0989074707031],[192.18128967285156,365.81182861328125],[192.43482971191406,365.52020263671875],[192.68321228027344,365.2240905761719],[192.9263153076172,364.9236755371094],[193.1639862060547,364.61895751953125],[193.39614868164062,364.30999755859375],[193.622802734375,363.9969787597656],[193.84385681152344,363.6799621582031],[194.05902099609375,363.35894775390625],[194.26846313476562,363.0341491699219],[194.471923828125,362.7055969238281],[194.6693572998047,362.37335205078125],[194.86073303222656,362.03759765625],[195.0458221435547,361.6983337402344],[195.22474670410156,361.35577392578125],[195.39715576171875,361.0099182128906],[195.5631866455078,360.66094970703125],[195.72267150878906,360.3089294433594],[195.87548828125,359.9539794921875],[196.02183532714844,359.5962829589844],[196.1611328125,359.23577880859375],[196.2937774658203,358.872802734375],[196.4197235107422,358.5074462890625],[196.53848266601562,358.1396789550781],[196.65040588378906,357.769775390625],[196.75546264648438,357.39788818359375],[196.85350036621094,357.0240478515625],[196.9443817138672,356.6484375],[197.02830505371094,356.27117919921875],[197.10523986816406,355.8924560546875],[197.17515563964844,355.51239013671875],[197.2378387451172,355.13104248046875],[197.29202270507812,354.7484130859375],[197.3378448486328,354.36468505859375],[197.37611389160156,353.9801025390625],[197.40724182128906,353.59490966796875],[197.43145751953125,353.2091979980469],[197.4492950439453,352.8231506347656],[197.4608612060547,352.4368591308594],[197.466796875,352.0504455566406],[197.4669189453125,351.6639709472656],[197.46188354492188,351.27752685546875],[197.45115661621094,350.8912048339844],[197.43569946289062,350.50506591796875],[197.41468811035156,350.1191711425781],[197.38919067382812,349.73358154296875],[197.3582763671875,349.34832763671875],[197.32290649414062,348.9634704589844],[197.2822723388672,348.57916259765625],[197.23712158203125,348.1953430175781],[197.18673706054688,347.8121643066406],[197.13165283203125,347.4296875],[197.0713653564453,347.0479431152344],[197.0060272216797,346.6670227050781],[196.93551635742188,346.2870788574219],[196.859375,345.90814208984375],[196.7780303955078,345.5303649902344],[196.69036865234375,345.1539611816406],[196.59703063964844,344.7789611816406],[196.4971160888672,344.4056396484375],[196.39036560058594,344.0342102050781],[196.2763671875,343.6649169921875],[196.15451049804688,343.2981872558594],[196.02427673339844,342.934326171875],[195.88470458984375,342.5739440917969],[195.7349395751953,342.21771240234375],[195.5738067626953,341.8664855957031],[195.3998260498047,341.52142333984375],[195.21112060546875,341.1841735839844],[195.00572204589844,340.85687255859375],[194.79290771484375,340.5343017578125],[194.57823181152344,340.212890625],[194.3616943359375,339.8928527832031],[194.14315795898438,339.5740966796875],[193.92259216308594,339.2567138671875],[193.6999053955078,338.9408874511719],[193.47500610351562,338.6265563964844],[193.2478485107422,338.31390380859375],[193.01834106445312,338.0029602050781],[192.7861328125,337.694091796875],[192.55125427246094,337.38714599609375],[192.3137664794922,337.0822448730469],[192.07357788085938,336.77947998046875],[191.83023071289062,336.4792785644531],[191.58375549316406,336.1816101074219],[191.33432006835938,335.8863830566406],[191.08140563964844,335.5942077636719],[190.8250732421875,335.30499267578125],[190.56536865234375,335.018798828125],[190.30166625976562,334.73626708984375],[190.03451538085938,334.4570007324219],[189.7631378173828,334.1818542480469],[189.4880828857422,333.91033935546875],[189.208740234375,333.6433410644531],[188.92526245117188,333.3807067871094],[188.6377716064453,333.1224060058594],[188.3457794189453,332.8692626953125],[188.04959106445312,332.6209716796875],[187.749267578125,332.37774658203125],[187.4447784423828,332.1397705078125],[187.13595581054688,331.9074401855469],[186.82313537597656,331.6805114746094],[186.5064697265625,331.4590148925781],[186.18605041503906,331.242919921875],[185.86204528808594,331.0322265625],[185.53472900390625,330.8267822265625],[185.20425415039062,330.6264343261719],[184.87091064453125,330.4309387207031],[184.5348663330078,330.24005126953125],[184.19647216796875,330.0533752441406],[183.85597229003906,329.8705749511719],[183.5136260986328,329.6912536621094],[183.16989135742188,329.51458740234375],[182.8252716064453,329.3396911621094],[182.4797821044922,329.1665344238281],[182.13343811035156,328.99505615234375],[181.78627014160156,328.8252258300781],[181.4383087158203,328.6570129394531],[181.08963012695312,328.4903869628906],[180.7401580810547,328.3253173828125],[180.39002990722656,328.1617736816406],[180.0391845703125,327.99969482421875],[179.6876678466797,327.8390808105469],[179.3355255126953,327.67987060546875],[178.9827423095703,327.52203369140625],[178.62937927246094,327.3655700683594],[178.27540588378906,327.21038818359375],[177.9208984375,327.0565185546875],[177.5658721923828,326.9039001464844],[177.21029663085938,326.75250244140625],[176.8542022705078,326.6022644042969],[176.4976348876953,326.4532165527344],[176.14059448242188,326.30523681640625],[175.7831268310547,326.1584167480469],[175.42520141601562,326.01263427734375],[175.06687927246094,325.86785888671875],[174.70811462402344,325.72412109375],[174.3489990234375,325.5813293457031],[173.989501953125,325.439453125],[173.629638671875,325.29852294921875],[173.26942443847656,325.1585388183594],[172.90872192382812,325.019775390625],[172.5480194091797,324.88104248046875],[172.1867218017578,324.7438659667969],[171.8253631591797,324.6067810058594],[171.4635467529297,324.47100830078125],[171.1016082763672,324.33551025390625],[170.73927307128906,324.2010192871094],[170.37680053710938,324.0669250488281],[170.0140380859375,323.9336242675781],[169.651123046875,323.8008728027344],[169.2879638671875,323.6686706542969],[168.92459106445312,323.5370788574219],[168.56106567382812,323.4059143066406],[168.19729614257812,323.275390625],[167.83343505859375,323.1451110839844],[167.4693145751953,323.01556396484375],[167.10519409179688,322.8861083984375],[166.74078369140625,322.7574157714844],[166.37637329101562,322.6286926269531],[166.01173400878906,322.5007019042969],[165.64706420898438,322.3727111816406],[165.28213500976562,322.24542236328125],[164.91717529296875,322.1182861328125],[164.55224609375,321.99114990234375],[164.18728637695312,321.864013671875],[163.82215881347656,321.7372741699219],[163.45693969726562,321.6108703613281],[163.0917205810547,321.4844665527344],[162.72650146484375,321.3580627441406],[162.36129760742188,321.23175048828125],[161.99603271484375,321.10552978515625],[161.63075256347656,320.97930908203125],[161.26547241210938,320.85308837890625],[160.9001922607422,320.72686767578125],[160.53489685058594,320.60064697265625],[160.16961669921875,320.4744567871094],[159.80433654785156,320.3482360839844],[159.4390869140625,320.2220153808594],[159.073974609375,320.0952453613281],[158.7089385986328,319.9682922363281],[158.34390258789062,319.8413391113281],[157.9788818359375,319.7143859863281],[157.6140594482422,319.5869140625],[157.24942016601562,319.4588623046875],[156.88479614257812,319.330810546875],[156.52015686035156,319.2027282714844],[156.1555938720703,319.0744323730469],[155.79135131835938,318.94525146484375],[155.42713928222656,318.81597900390625],[155.06321716308594,318.6859130859375],[154.6992950439453,318.5558166503906],[154.3357391357422,318.42474365234375],[153.97219848632812,318.2936096191406],[153.60899353027344,318.1615295410156],[153.245849609375,318.029296875],[152.88304138183594,317.8961486816406],[152.52037048339844,317.76263427734375],[152.1580047607422,317.6282958984375],[151.7958526611328,317.493408203125],[151.43397521972656,317.3577575683594],[151.07237243652344,317.2213439941406],[150.7110137939453,317.0843200683594],[150.35003662109375,316.9462890625],[149.98922729492188,316.8077392578125],[149.62892150878906,316.66796875],[149.26873779296875,316.5279235839844],[148.9090118408203,316.38665771484375],[148.54965209960938,316.24444580078125],[148.19068908691406,316.10125732421875],[147.8321075439453,315.95709228515625],[147.4739532470703,315.8118896484375],[147.11624145507812,315.6656188964844],[146.7589874267578,315.51824951171875],[146.40216064453125,315.36981201171875],[146.0458221435547,315.22021484375],[145.68994140625,315.0694580078125],[145.3345947265625,314.9175109863281],[144.9797821044922,314.7642822265625],[144.6255340576172,314.6098327636719],[144.27186584472656,314.4541015625],[143.9187774658203,314.2969970703125],[143.5662841796875,314.1385192871094],[143.2144012451172,313.9786682128906],[142.86318969726562,313.8173828125],[142.51268005371094,313.65460205078125],[142.16282653808594,313.4903564453125],[141.8137664794922,313.3245849609375],[141.46542358398438,313.1572265625],[141.11782836914062,312.9882507324219],[140.77102661132812,312.8176574707031],[140.42507934570312,312.6453857421875],[140.0800018310547,312.4714050292969],[139.73577880859375,312.2956848144531],[139.3925018310547,312.1181640625],[139.05014038085938,311.9388732910156],[138.7087860107422,311.7576904296875],[138.368408203125,311.57464599609375],[138.0290985107422,311.3896789550781],[137.6908416748047,311.20269775390625],[137.3537139892578,311.0137634277344],[137.01776123046875,310.8227844238281],[136.68296813964844,310.6297302246094],[136.34938049316406,310.4346008300781],[136.01702880859375,310.2373046875],[135.68687438964844,310.03643798828125],[135.36392211914062,309.8241882324219],[135.04916381835938,309.5999755859375],[134.74298095703125,309.3642578125],[134.44558715820312,309.1174621582031],[134.1573944091797,308.8599853515625],[133.87838745117188,308.5926208496094],[133.608642578125,308.31591796875],[133.3481903076172,308.0303955078125],[133.0970001220703,307.7367248535156],[132.85499572753906,307.4354248046875],[132.62205505371094,307.1270751953125],[132.3980712890625,306.8121337890625],[132.18276977539062,306.4912414550781],[131.9758758544922,306.164794921875],[131.77719116210938,305.8333435058594],[131.5864715576172,305.4971923828125],[131.40338134765625,305.1568908691406],[131.22775268554688,304.8126220703125],[131.05921936035156,304.4648742675781],[130.89744567871094,304.1138916015625],[130.7421875,303.7599792480469],[130.59310913085938,303.4034118652344],[130.449951171875,303.04443359375],[130.31246948242188,302.6832580566406],[130.1804656982422,302.320068359375],[130.05349731445312,301.95501708984375],[129.9312286376953,301.5884094238281],[129.81336975097656,301.2203674316406],[129.69998168945312,300.8509216308594],[129.5903778076172,300.4803161621094],[129.48451232910156,300.1086120605469],[129.38211059570312,299.7359924316406],[129.28271484375,299.3625183105469],[129.18617248535156,298.9883117675781],[129.09237670898438,298.6133728027344],[129.00038146972656,298.238037109375],[128.91026306152344,297.8622131347656],[128.82168579101562,297.48602294921875],[128.7341766357422,297.1095886230469],[128.64732360839844,296.7330017089844],[128.56056213378906,296.35638427734375],[128.4738006591797,295.97979736328125],[128.3871307373047,295.6031494140625],[128.3011016845703,295.22637939453125],[128.21505737304688,294.849609375],[128.12904357910156,294.47283935546875],[128.0435333251953,294.095947265625],[127.95832061767578,293.718994140625],[127.87311553955078,293.3420104980469],[127.78825378417969,292.9649963378906],[127.7039566040039,292.58782958984375],[127.61965942382812,292.2106628417969],[127.53571319580078,291.83343505859375],[127.45243072509766,291.4560241699219],[127.36914825439453,291.0786437988281],[127.28643798828125,290.7011413574219],[127.20427703857422,290.323486328125],[127.12211608886719,289.9458312988281],[127.0410385131836,289.5679626464844],[126.96012878417969,289.1900939941406],[126.8797836303711,288.81207275390625],[126.80022430419922,288.4338684082031],[126.72086334228516,288.05560302734375],[126.64279174804688,287.6771240234375],[126.5647201538086,287.2986145019531],[126.48822784423828,286.9197998046875],[126.41175842285156,286.5409851074219],[126.33694458007812,286.16180419921875],[126.26233673095703,285.7826232910156],[126.18934631347656,285.4031066894531],[126.11693572998047,285.0234680175781],[126.04579162597656,284.64361572265625],[125.9758071899414,284.2635192871094],[125.90656280517578,283.8833312988281],[125.8390884399414,283.5027770996094],[125.7724380493164,283.1221008300781],[125.70670318603516,282.7412414550781],[125.64250183105469,282.36016845703125],[125.57904815673828,281.97894287109375],[125.5163345336914,281.59759521484375],[125.45462799072266,281.2160949707031],[125.39342498779297,280.8345031738281],[125.33262634277344,280.4528503417969],[125.27227783203125,280.07110595703125],[125.21192932128906,279.6893615722656],[125.15151977539062,279.3076477050781],[125.09091186523438,278.92596435546875],[125.03031158447266,278.5443115234375],[124.96965026855469,278.16259765625],[124.90821838378906,277.7810363769531],[124.84648132324219,277.3995361328125],[124.78423309326172,277.0180969238281],[124.721435546875,276.63677978515625],[124.65824127197266,276.2554931640625],[124.59434509277344,275.8743591308594],[124.53010559082031,275.4932556152344],[124.46515655517578,275.1123046875],[124.39982604980469,274.73138427734375],[124.33393859863281,274.3505554199219],[124.2674789428711,273.9698486328125],[124.20082092285156,273.58917236328125],[124.13323974609375,273.20867919921875],[124.06565856933594,272.8281555175781],[123.99729919433594,272.4477844238281],[123.9286117553711,272.06744384765625],[123.859619140625,271.68719482421875],[123.78482818603516,271.30804443359375],[123.71003723144531,270.9288635253906],[123.63524627685547,270.5497131347656],[123.56045532226562,270.1705627441406],[123.48566436767578,269.7913818359375],[123.4108657836914,269.4122314453125],[123.33607482910156,269.0330505371094],[123.26127624511719,268.65386962890625],[123.18648529052734,268.27471923828125],[123.11170196533203,267.89556884765625],[123.03690338134766,267.51641845703125],[122.96211242675781,267.1372375488281],[122.88732147216797,266.7580871582031],[122.81243896484375,266.37890625],[122.73748779296875,265.9997863769531],[122.66253662109375,265.6206359863281],[122.58759307861328,265.2414855957031],[122.51264953613281,264.8623962402344],[122.43770599365234,264.4832458496094],[122.36275482177734,264.1041259765625],[122.28780364990234,263.7249755859375],[122.21286010742188,263.3458251953125],[122.13790893554688,262.9667053222656],[122.0629653930664,262.5875549316406],[121.98798370361328,262.2084655761719],[121.9125747680664,261.8294372558594],[121.837158203125,261.45037841796875],[121.76174926757812,261.07135009765625],[121.68634033203125,260.6922912597656],[121.61093139648438,260.313232421875],[121.53501892089844,259.934326171875],[121.4590835571289,259.555419921875],[121.38313293457031,259.1764831542969],[121.30718994140625,258.79754638671875],[121.23118591308594,258.4186096191406],[121.1545181274414,258.0398254394531],[121.07785034179688,257.6610107421875],[121.00119018554688,257.2822265625],[120.92452239990234,256.9034423828125],[120.84744262695312,256.52471923828125],[120.7698745727539,256.1460876464844],[120.69232177734375,255.76754760742188],[120.61475372314453,255.38893127441406],[120.53718566894531,255.0103302001953],[120.45856475830078,254.63189697265625],[120.37994384765625,254.25350952148438],[120.30132293701172,253.87510681152344],[120.22270202636719,253.49671936035156],[120.14354705810547,253.11843872070312],[120.06405639648438,252.740234375],[119.98430633544922,252.36209106445312],[119.90421295166016,251.9840087890625],[119.82395935058594,251.60594177246094],[119.74325561523438,251.22799682617188],[119.66251373291016,250.85008239746094],[119.5811996459961,250.47232055664062],[119.49987030029297,250.09449768066406],[119.41800689697266,249.71678161621094],[119.3360595703125,249.33909606933594],[119.25373077392578,248.96145629882812],[119.17117309570312,248.5839080810547],[119.08842468261719,248.20640563964844],[119.00527954101562,247.8289794921875],[118.92213439941406,247.45155334472656],[118.83841705322266,247.0742645263672],[118.75469970703125,246.69696044921875],[118.67048645019531,246.31976318359375],[118.5859603881836,245.94264221191406],[118.5014419555664,245.56552124023438],[118.41693115234375,245.18846130371094],[118.33241271972656,244.8113555908203],[118.24727630615234,244.4343719482422],[118.16178894042969,244.05746459960938],[118.07630157470703,243.68057250976562],[117.99081420898438,243.3036651611328],[117.90532684326172,242.9267578125],[117.81956481933594,242.54994201660156],[117.73326110839844,242.17323303222656],[117.6469497680664,241.79652404785156],[117.5606460571289,241.4197998046875],[117.47433471679688,241.0430908203125],[117.38803100585938,240.6663818359375],[117.30152893066406,240.28973388671875],[117.21491241455078,239.9130859375],[117.12831115722656,239.5364990234375],[117.04169464111328,239.15985107421875],[116.95508575439453,238.78321838378906],[116.86846923828125,238.4065704345703],[116.78185272216797,238.02992248535156],[116.69523620605469,237.6532745361328],[116.60875701904297,237.276611328125],[116.52272033691406,236.8998260498047],[116.43667602539062,236.52305603027344],[116.35063934326172,236.14627075195312],[116.26459503173828,235.76950073242188],[116.17855834960938,235.39273071289062],[116.09251403808594,235.0159454345703],[116.00647735595703,234.63917541503906],[115.92044830322266,234.26246643066406],[115.83486938476562,233.88558959960938],[115.74939727783203,233.50868225097656],[115.66392517089844,233.13177490234375],[115.57845306396484,232.75486755371094],[115.49297332763672,232.3779754638672],[115.40750122070312,232.00106811523438],[115.32202911376953,231.62416076660156],[115.2365493774414,231.24725341796875],[115.15129852294922,230.87026977539062],[115.06639099121094,230.4932403564453],[114.98147583007812,230.1162109375],[114.89656066894531,229.7391815185547],[114.81165313720703,229.36215209960938],[114.72675323486328,228.98516845703125],[114.641845703125,228.60813903808594],[114.55693054199219,228.23110961914062],[114.4720230102539,227.8540802001953],[114.38765716552734,227.4769287109375],[114.30329895019531,227.0997772216797],[114.21894073486328,226.72262573242188],[114.13458251953125,226.345458984375],[114.05023193359375,225.9683074951172],[113.96587371826172,225.59115600585938],[113.88151550292969,225.2139892578125],[113.79715728759766,224.8368377685547],[113.71310424804688,224.45960998535156],[113.62930297851562,224.0823211669922],[113.5455093383789,223.70510864257812],[113.46170806884766,223.32781982421875],[113.37789916992188,222.95054626464844],[113.29409790039062,222.57327270507812],[113.21028900146484,222.19598388671875],[113.1264877319336,221.81871032714844],[113.04275512695312,221.44143676757812],[112.9594955444336,221.0640411376953],[112.87623596191406,220.6866455078125],[112.79297637939453,220.30923461914062],[112.709716796875,219.9318389892578],[112.62646484375,219.554443359375],[112.54320526123047,219.1770477294922],[112.45994567871094,218.7996368408203],[112.37669372558594,218.42230224609375],[112.29381561279297,218.04483032226562],[112.21109008789062,217.6673126220703],[112.12837219238281,217.289794921875],[112.045654296875,216.9122772216797],[111.96292877197266,216.53475952148438],[111.88021087646484,216.15724182128906],[111.79749298095703,215.77972412109375],[111.71476745605469,215.40220642089844],[111.6321792602539,215.0246124267578],[111.54999542236328,214.64697265625],[111.46781158447266,214.2693328857422],[111.3856201171875,213.89170837402344],[111.30343627929688,213.51406860351562],[111.22126770019531,213.13648986816406],[111.13908386230469,212.75885009765625],[111.05689239501953,212.3812255859375],[110.9747085571289,212.0035858154297],[110.8929672241211,211.6259002685547],[110.81130981445312,211.24815368652344],[110.72966003417969,210.8704071044922],[110.64800262451172,210.49264526367188],[110.56634521484375,210.11489868164062],[110.48468780517578,209.73715209960938],[110.40303039550781,209.35940551757812],[110.32138061523438,208.98165893554688],[110.23991394042969,208.6038360595703],[110.15878295898438,208.22598266601562],[110.0776596069336,207.84817504882812],[109.99652862548828,207.47030639648438],[109.91539764404297,207.0924530029297],[109.83425903320312,206.71458435058594],[109.75312805175781,206.33673095703125],[109.6719970703125,205.9588623046875],[109.59086608886719,205.58099365234375],[109.51021575927734,205.20306396484375],[109.42960357666016,204.82508850097656],[109.34899139404297,204.44711303710938],[109.26837158203125,204.0691375732422],[109.18775939941406,203.691162109375],[109.10714721679688,203.3131866455078],[109.02653503417969,202.9352264404297],[108.94593048095703,202.55731201171875],[108.86556243896484,202.17926025390625],[108.78546142578125,201.80117797851562],[108.70536041259766,201.423095703125],[108.62525939941406,201.04501342773438],[108.54515838623047,200.66693115234375],[108.46505737304688,200.28884887695312],[108.38495635986328,199.9107666015625],[108.30485534667969,199.53268432617188],[108.22476959228516,199.15460205078125],[108.14517974853516,198.7764129638672],[108.06558990478516,198.39822387695312],[107.98600006103516,198.02003479003906],[107.90641021728516,197.641845703125],[107.82681274414062,197.26365661621094],[107.74723815917969,196.88552856445312],[107.66764831542969,196.50732421875],[107.58805084228516,196.12913513183594],[107.50875091552734,195.75088500976562],[107.4296646118164,195.37258911132812],[107.35057830810547,194.99429321289062],[107.271484375,194.61599731445312],[107.19239807128906,194.23770141601562],[107.1133041381836,193.85940551757812],[107.03421783447266,193.48110961914062],[106.95513153076172,193.10281372070312],[106.8760986328125,192.7244873046875],[106.7975082397461,192.34609985351562],[106.71891784667969,191.9676971435547],[106.64034271240234,191.58935546875],[106.56175231933594,191.21095275878906],[106.48316192626953,190.83255004882812],[106.40457153320312,190.45416259765625],[106.32598114013672,190.0757598876953],[106.24739074707031,189.69735717773438],[106.16912841796875,189.3188934326172],[106.09103393554688,188.9403839111328],[106.01293182373047,188.5618896484375],[105.9348373413086,188.18338012695312],[105.85674285888672,187.8048858642578],[105.77864074707031,187.42637634277344],[105.70054626464844,187.04788208007812],[105.62244415283203,186.66937255859375],[105.54447174072266,186.2909393310547],[105.46685791015625,185.91233825683594],[105.38925170898438,185.5337371826172],[105.31163787841797,185.15513610839844],[105.2340316772461,184.7765350341797],[105.15641784667969,184.39793395996094],[105.07880401611328,184.0193328857422],[105.0011978149414,183.64073181152344],[104.923583984375,183.2621307373047],[104.8463363647461,182.88345336914062],[104.76921081542969,182.50474548339844],[104.69208526611328,182.1260528564453],[104.61495971679688,181.74734497070312],[104.53782653808594,181.36865234375],[104.4607162475586,180.99000549316406],[104.38358306884766,180.61131286621094],[104.30645751953125,180.23260498046875],[104.2294692993164,179.85386657714844],[104.15282440185547,179.47506713867188],[104.076171875,179.0962677001953],[103.99951934814453,178.71746826171875],[103.9228744506836,178.33868408203125],[103.84622192382812,177.9598846435547],[103.76957702636719,177.58108520507812],[103.69292449951172,177.20228576660156],[103.61627197265625,176.823486328125],[103.5400161743164,176.44461059570312],[103.4638442993164,176.0657196044922],[103.38768005371094,175.68687438964844],[103.3115005493164,175.3079833984375],[103.2353286743164,174.92909240722656],[103.15914916992188,174.55020141601562],[103.08296966552734,174.1713104248047],[103.00679779052734,173.79241943359375],[102.93080139160156,173.41351318359375],[102.85508728027344,173.03453063964844],[102.77938079833984,172.65553283691406],[102.70367431640625,172.27655029296875],[102.62796020507812,171.89756774902344],[102.55225372314453,171.51858520507812],[102.47654724121094,171.13958740234375],[102.40083312988281,170.76060485839844],[102.32514190673828,170.38168334960938],[102.2498550415039,170.0026092529297],[102.17460632324219,169.62353515625],[102.099365234375,169.2444610595703],[102.02411651611328,168.86537170410156],[101.94886779785156,168.48629760742188],[101.87362670898438,168.1072235107422],[101.79837799072266,167.72813415527344],[101.72312927246094,167.34906005859375],[101.6480941772461,166.9699249267578],[101.57330322265625,166.59075927734375],[101.49851989746094,166.21157836914062],[101.4237289428711,165.83241271972656],[101.34894561767578,165.4532470703125],[101.274169921875,165.07412719726562],[101.19937896728516,164.69496154785156],[101.12459564208984,164.3157958984375],[101.0498046875,163.93663024902344],[100.97547149658203,163.557373046875],[100.90113830566406,163.17811584472656],[100.82679748535156,162.79885864257812],[100.7524642944336,162.41958618164062],[100.67813110351562,162.0403289794922],[100.60379791259766,161.66107177734375],[100.52946472167969,161.2818145751953],[100.45513153076172,160.90255737304688],[100.38104248046875,160.52328491210938],[100.3071517944336,160.14393615722656],[100.2332763671875,159.7646484375],[100.15939331054688,159.3852996826172],[100.08551025390625,159.00595092773438],[100.0116195678711,158.62660217285156],[99.93773651123047,158.2472686767578],[99.86384582519531,157.867919921875],[99.78999328613281,157.48855590820312],[99.71654510498047,157.109130859375],[99.64310455322266,156.7296905517578],[99.56966400146484,156.3502655029297],[99.49622344970703,155.9708251953125],[99.42278289794922,155.59140014648438],[99.34933471679688,155.2119598388672],[99.27589416503906,154.83253479003906],[99.20245361328125,154.45309448242188],[99.12928771972656,154.07366943359375],[99.05628204345703,153.69415283203125],[98.98328399658203,153.31463623046875],[98.9102783203125,152.93511962890625],[98.8372802734375,152.5555877685547],[98.76427459716797,152.1760711669922],[98.69127655029297,151.7965545654297],[98.61827087402344,151.4170379638672],[98.54533386230469,151.0375213623047],[98.47276306152344,150.65792846679688],[98.40019226074219,150.2783203125],[98.32762908935547,149.8987274169922],[98.25505828857422,149.5191192626953],[98.18248748779297,149.1395263671875],[98.10993194580078,148.75997924804688],[98.03736877441406,148.38038635253906],[97.96479797363281,148.0007781982422],[97.89250946044922,147.62107849121094],[97.82037353515625,147.24139404296875],[97.74823760986328,146.86172485351562],[97.67609405517578,146.48204040527344],[97.60395812988281,146.10235595703125],[97.53181457519531,145.72267150878906],[97.45967864990234,145.34298706054688],[97.38753509521484,144.9633026123047],[97.31549835205078,144.58363342285156],[97.24378204345703,144.20387268066406],[97.17206573486328,143.82411193847656],[97.1003646850586,143.44439697265625],[97.02864837646484,143.06463623046875],[96.9569320678711,142.68487548828125],[96.88522338867188,142.30511474609375],[96.81350708007812,141.92535400390625],[96.74179077148438,141.54559326171875],[96.67040252685547,141.16578674316406],[96.59911346435547,140.7859344482422],[96.52781677246094,140.40609741210938],[96.45652770996094,140.02626037597656],[96.3852310180664,139.6464080810547],[96.3139419555664,139.26657104492188],[96.24264526367188,138.88673400878906],[96.17135620117188,138.5068817138672],[96.1003646850586,138.12705993652344],[96.03267669677734,137.7465362548828],[95.96907043457031,137.36538696289062],[95.90940856933594,136.98348999023438],[95.85362243652344,136.60110473632812],[95.80164337158203,136.21815490722656],[95.75331115722656,135.83470153808594],[95.70851135253906,135.45082092285156],[95.66712188720703,135.06655883789062],[95.62905883789062,134.68197631835938],[95.5942611694336,134.2970733642578],[95.56268310546875,133.9119110107422],[95.53392791748047,133.5264892578125],[95.50825500488281,133.140869140625],[95.48519134521484,132.755126953125],[95.46495819091797,132.36920166015625],[95.44735717773438,131.98316955566406],[95.43208312988281,131.5969696044922],[95.4194564819336,131.21067810058594],[95.40904998779297,130.82437133789062],[95.40072631835938,130.43801879882812],[95.39479064941406,130.0515594482422],[95.39076232910156,129.6651153564453],[95.38863372802734,129.27862548828125],[95.3885269165039,128.89215087890625],[95.39006805419922,128.50570678710938],[95.3932876586914,128.1192169189453],[95.39823150634766,127.73280334472656],[95.40458679199219,127.3464126586914],[95.41239929199219,126.96004486083984],[95.42163848876953,126.57366943359375],[95.43207550048828,126.18731689453125],[95.44371032714844,125.80106353759766],[95.4565200805664,125.41476440429688],[95.47051239013672,125.028564453125],[95.4850845336914,124.64236450195312],[95.50086212158203,124.25621795654297],[95.51732635498047,123.87007141113281],[95.53435516357422,123.4839859008789],[95.55229187011719,123.0979232788086],[95.5707015991211,122.71187591552734],[95.58952331542969,122.32589721679688],[95.60916137695312,121.93998718261719],[95.6288070678711,121.55400848388672],[95.64849090576172,121.1679916381836],[95.66875457763672,120.78204345703125],[95.68901824951172,120.39610290527344],[95.70928192138672,120.01016998291016],[95.7294921875,119.62422180175781],[95.74970245361328,119.23827362060547],[95.76988220214844,118.85236358642578],[95.78962707519531,118.46639251708984],[95.80907440185547,118.08036804199219],[95.8282241821289,117.69441223144531],[95.84671783447266,117.30838012695312],[95.86470031738281,116.92227172851562],[95.88220977783203,116.5362777709961],[95.89875030517578,116.15016174316406],[95.91455078125,115.76398468017578],[95.92967987060547,115.37786102294922],[95.94356536865234,114.99163055419922],[95.9566879272461,114.6053466796875],[95.9684829711914,114.21907043457031],[95.97904205322266,113.83275604248047],[95.9883804321289,113.44636535644531],[95.99617767333984,113.0599594116211],[96.0025405883789,112.673583984375],[96.00736236572266,112.28714752197266],[96.01036071777344,111.90066528320312],[96.0116958618164,111.51416015625],[96.0110855102539,111.12771606445312],[96.0084457397461,110.74132537841797],[96.00389099121094,110.3548583984375],[95.99687957763672,109.96844482421875],[95.98771667480469,109.58210754394531],[95.97611999511719,109.19578552246094],[95.96190643310547,108.80958557128906],[95.94526672363281,108.4234390258789],[95.92552185058594,108.03750610351562],[95.90312957763672,107.65164947509766],[95.87761688232422,107.26603698730469],[95.84910583496094,106.88060760498047],[95.81723022460938,106.49544525146484],[95.78197479248047,106.11062622070312],[95.7431640625,105.72606658935547],[95.70066833496094,105.34199523925781],[95.65435791015625,104.95831298828125],[95.60409545898438,104.57514190673828],[95.54975891113281,104.19249725341797],[95.49117279052734,103.81047058105469],[95.42821502685547,103.42916870117188],[95.36072540283203,103.04865264892578],[95.28855895996094,102.66897583007812],[95.21150970458984,102.29029846191406],[95.12315368652344,101.91410064697266],[95.02014923095703,101.54164123535156],[94.90255737304688,101.17350769042969],[94.77046966552734,100.81034088134766],[94.624267578125,100.4526138305664],[94.46430206298828,100.1008529663086],[94.29113006591797,99.75537109375],[94.10530090332031,99.41658782958984],[93.9074935913086,99.08460235595703],[93.69841003417969,98.75958251953125],[93.47872161865234,98.44159698486328],[93.24932098388672,98.1305923461914],[93.01093292236328,97.82644653320312],[92.7642593383789,97.5289535522461],[92.50995635986328,97.23796081542969],[92.24871063232422,96.95310974121094],[91.98127746582031,96.67411804199219],[91.70820617675781,96.4006576538086],[91.43000793457031,96.1324234008789],[91.1473159790039,95.86894989013672],[90.86054229736328,95.60993957519531],[90.57011413574219,95.35491943359375],[90.27657318115234,95.10358428955078],[89.98014068603516,94.8556137084961],[89.68131256103516,94.61046600341797],[89.38050842285156,94.36785125732422],[89.07794189453125,94.12740325927734],[88.77386474609375,93.88887786865234],[88.46864318847656,93.65180206298828],[88.16246795654297,93.41596984863281],[87.85572052001953,93.1808853149414],[87.5486068725586,92.94627380371094],[87.24149322509766,92.71167755126953],[86.93438720703125,92.4771499633789],[86.62763214111328,92.24210357666016],[86.3208999633789,92.00704193115234],[86.01386260986328,91.77229309082031],[85.70642852783203,91.5381088256836],[85.39839172363281,91.30470275878906],[85.08990478515625,91.07186126708984],[84.78104400634766,90.83954620361328],[84.4718246459961,90.60777282714844],[84.1619873046875,90.37677001953125],[83.85177612304688,90.14625549316406],[83.54117584228516,89.91621398925781],[83.23021697998047,89.68672180175781],[82.91873931884766,89.45792388916016],[82.60700988769531,89.22964477539062],[82.29487609863281,89.00178527832031],[81.9823226928711,88.77445983886719],[81.6693344116211,88.5477294921875],[81.35602569580078,88.32142639160156],[81.04243469238281,88.0955810546875],[80.72843170166016,87.87026977539062],[80.41401672363281,87.64544677734375],[80.099365234375,87.42107391357422],[79.784423828125,87.19709777832031],[79.46907806396484,86.97366333007812],[79.1534423828125,86.75066375732422],[78.8375473022461,86.5280532836914],[78.52135467529297,86.30577850341797],[78.20484924316406,86.0841064453125],[77.88802337646484,85.86275482177734],[77.57096862792969,85.64175415039062],[77.253662109375,85.4211196899414],[76.93604278564453,85.20098114013672],[76.6181869506836,84.98115539550781],[76.30007934570312,84.76162719726562],[75.98174285888672,84.54248046875],[75.66314697265625,84.32373809814453],[75.34432983398438,84.10527801513672],[75.02531433105469,83.88710021972656],[74.70606231689453,83.6692886352539],[74.3866195678711,83.45183563232422],[74.06694793701172,83.2345962524414],[73.7471923828125,83.01768493652344],[73.427001953125,82.80126190185547],[73.1068115234375,82.58483123779297],[72.78645324707031,82.3686294555664],[72.4657974243164,82.15289306640625],[72.14513397216797,81.93716430664062],[71.8241958618164,81.7218017578125],[71.50311279296875,81.50670623779297],[71.1820297241211,81.2916030883789],[70.86062622070312,81.07701110839844],[70.5391616821289,80.86248016357422],[70.2176513671875,80.64802551269531],[69.89585876464844,80.43399810791016],[69.57405853271484,80.21996307373047],[69.25215148925781,80.0061264038086],[68.93012237548828,79.79256439208984],[68.6080322265625,79.57897186279297],[68.28575897216797,79.36561584472656],[67.96342468261719,79.15238189697266],[67.64109802246094,78.93915557861328],[67.31851196289062,78.72634887695312],[66.99590301513672,78.51354217529297],[66.67329406738281,78.30073547363281],[66.3506851196289,78.08792877197266],[66.028076171875,77.8751220703125],[65.70533752441406,77.6624984741211],[65.38248443603516,77.45006561279297],[65.05962371826172,77.23764038085938],[64.73677062988281,77.02520751953125],[64.4139633178711,76.81281280517578],[64.09110260009766,76.60038757324219],[63.76824951171875,76.38795471191406],[63.44539260864258,76.17552947998047],[63.122535705566406,75.96310424804688],[62.799678802490234,75.75067138671875],[62.47682189941406,75.53824615478516],[62.154014587402344,75.32572174072266],[61.831260681152344,75.11314392089844],[61.50850296020508,74.90055847167969],[61.18574523925781,74.68798065185547],[60.86299133300781,74.47539520263672],[60.540260314941406,74.26275634765625],[60.217803955078125,74.04972076416016],[59.89540100097656,73.83671569824219],[59.57294464111328,73.6236801147461],[59.25048828125,73.41064453125],[58.92803192138672,73.19760131835938],[58.60581588745117,72.98424530029297],[58.28369903564453,72.77069854736328],[57.961578369140625,72.5571517944336],[57.63973617553711,72.34321594238281],[57.31789779663086,72.12924194335938],[56.996124267578125,71.91516876220703],[56.674617767333984,71.70069885253906],[56.35310745239258,71.48623657226562],[56.03175354003906,71.27147674560547],[55.71061706542969,71.05645751953125],[55.38953399658203,70.84146881103516],[55.06875228881836,70.62598419189453],[54.74803924560547,70.41033935546875],[54.427330017089844,70.19464111328125],[54.10708236694336,69.97830200195312],[53.78683090209961,69.761962890625],[53.46672058105469,69.54544067382812],[53.1468505859375,69.32853698730469],[52.82725524902344,69.11125946044922],[52.5078010559082,68.8936996459961],[52.18858337402344,68.6759033203125],[51.86955642700195,68.457763671875],[51.550804138183594,68.23922729492188],[51.23222351074219,68.02037811279297],[50.913917541503906,67.80127716064453],[50.59584045410156,67.58174896240234],[50.278072357177734,67.3618392944336],[49.960514068603516,67.14158630371094],[49.64316940307617,66.92098999023438],[49.32615661621094,66.6999282836914],[49.0094108581543,66.47844696044922],[48.69296646118164,66.25663757324219],[48.37672424316406,66.034423828125],[48.06088638305664,65.81169128417969],[47.7453727722168,65.58855438232422],[47.43008804321289,65.364990234375],[47.115142822265625,65.14107513427734],[46.800601959228516,64.91651916503906],[46.48640823364258,64.69157409667969],[46.172428131103516,64.46614837646484],[45.85881805419922,64.24028778076172],[45.54570388793945,64.01380157470703],[45.23287582397461,63.78684616088867],[44.92040252685547,63.559452056884766],[44.60829162597656,63.33152770996094],[44.296653747558594,63.10293197631836],[43.98539733886719,62.873878479003906],[43.674468994140625,62.64431381225586],[43.363990783691406,62.4141731262207],[43.05402755737305,62.18336868286133],[42.74443435668945,61.95204162597656],[42.43520736694336,61.720176696777344],[42.12653350830078,61.48772048950195],[41.81835174560547,61.25454330444336],[41.51056671142578,61.02081298828125],[41.20318603515625,60.78651428222656],[40.896358489990234,60.5515251159668],[40.59010314941406,60.31583786010742],[40.284271240234375,60.079559326171875],[39.9788818359375,59.842689514160156],[39.67409133911133,59.605064392089844],[39.36985778808594,59.3666877746582],[39.06613540649414,59.12773513793945],[38.76288986206055,58.88814926147461],[38.46027755737305,58.64775466918945],[38.158267974853516,58.40658950805664],[37.85684585571289,58.16484451293945],[37.55583953857422,57.922367095947266],[37.25556182861328,57.6790657043457],[36.95585632324219,57.43513107299805],[36.65676498413086,57.19033432006836],[36.358299255371094,56.944793701171875],[36.06049346923828,56.69847869873047],[35.7633056640625,56.451377868652344],[35.466827392578125,56.20351028442383],[35.17099380493164,55.95484924316406],[34.875823974609375,55.70535659790039],[34.58134460449219,55.45506286621094],[34.28757858276367,55.203948974609375],[33.994483947753906,54.951988220214844],[33.7021598815918,54.699214935302734],[33.41058349609375,54.44562530517578],[33.11973571777344,54.191165924072266],[32.82963180541992,53.93582534790039],[32.54025650024414,53.679603576660156],[32.2516975402832,53.42251205444336],[31.964557647705078,53.16388702392578],[31.682170867919922,52.900020599365234],[31.40503692626953,52.630680084228516],[31.13306999206543,52.3560791015625],[30.86625862121582,52.07650375366211],[30.60451889038086,51.79214859008789],[30.347801208496094,51.503238677978516],[30.0960693359375,51.21002197265625],[29.849231719970703,50.91264724731445],[29.607261657714844,50.611358642578125],[29.37005043029785,50.306251525878906],[29.137592315673828,49.99755096435547],[28.909748077392578,49.685359954833984],[28.68648910522461,49.36986541748047],[28.467790603637695,49.051273345947266],[28.253524780273438,48.72960662841797],[28.0437068939209,48.405029296875],[27.8382568359375,48.07771682739258],[27.637104034423828,47.74775314331055],[27.440181732177734,47.41522216796875],[27.24749183654785,47.0802116394043],[27.058923721313477,46.74281692504883],[26.874481201171875,46.403221130371094],[26.69414520263672,46.06147384643555],[26.51781463623047,45.71757507324219],[26.3454532623291,45.37164306640625],[26.177045822143555,45.02378463745117],[26.012617111206055,44.6740608215332],[25.85207176208496,44.32253646850586],[25.69536590576172,43.969207763671875],[25.542566299438477,43.614253997802734],[25.393598556518555,43.25764465332031],[25.24844741821289,42.89948654174805],[25.107086181640625,42.53976821899414],[24.96957778930664,42.178611755371094],[24.835840225219727,41.81598663330078],[24.705904006958008,41.45199203491211],[24.57979393005371,41.08674240112305],[24.457517623901367,40.72017288208008],[24.33907127380371,40.352256774902344],[24.224454879760742,39.983211517333984],[24.11370277404785,39.6129035949707],[24.00678062438965,39.241519927978516],[23.903902053833008,38.868995666503906],[23.804855346679688,38.49542999267578],[23.709959030151367,38.120784759521484],[23.619003295898438,37.74520492553711],[23.532268524169922,37.36857986450195],[23.449604034423828,36.9910774230957],[23.371309280395508,36.612579345703125],[23.29722023010254,36.2332649230957],[23.227657318115234,35.853179931640625],[23.162612915039062,35.47220230102539],[23.10358428955078,35.09028244018555],[23.054380416870117,34.706966400146484],[23.014911651611328,34.32252883911133],[22.98468780517578,33.93727111816406],[22.963388442993164,33.55135726928711],[22.950626373291016,33.16510772705078],[22.946060180664062,32.77867126464844],[22.94938087463379,32.39226531982422],[22.96031951904297,32.005897521972656],[22.978607177734375,31.6198787689209],[23.003982543945312,31.234235763549805],[23.036224365234375,30.849117279052734],[23.07511329650879,30.46471405029297],[23.1204833984375,30.08085823059082],[23.172136306762695,29.69786262512207],[23.229917526245117,29.31574249267578],[23.29368019104004,28.9345645904541],[23.363306045532227,28.554420471191406],[23.438674926757812,28.17535972595215],[23.51966667175293,27.7974910736084],[23.60619354248047,27.420825958251953],[23.698171615600586,27.045446395874023],[23.795513153076172,26.67148780822754],[23.8981990814209,26.298856735229492],[24.006126403808594,25.927814483642578],[24.11932373046875,25.558256149291992],[24.237699508666992,25.190420150756836],[24.36127281188965,24.824235916137695],[24.490013122558594,24.459861755371094],[24.623933792114258,24.097352981567383],[24.7630615234375,23.73674964904785],[24.907392501831055,23.378231048583984],[25.056955337524414,23.02191925048828],[25.211830139160156,22.667827606201172],[25.37204933166504,22.316152572631836],[25.53769302368164,21.96697998046875],[25.70884132385254,21.620471954345703],[25.885597229003906,21.27675437927246],[26.068073272705078,20.936086654663086],[26.256385803222656,20.598602294921875],[26.450632095336914,20.264564514160156],[26.651100158691406,19.93412208557129],[26.85757064819336,19.607463836669922],[27.068965911865234,19.28396224975586],[27.285037994384766,18.96354103088379],[27.50558853149414,18.646146774291992],[27.73043441772461,18.331817626953125],[27.959447860717773,18.020544052124023],[28.192523956298828,17.712236404418945],[28.429489135742188,17.406970977783203],[28.670272827148438,17.10467529296875],[28.914752960205078,16.80533790588379],[29.16282844543457,16.509033203125],[29.414447784423828,16.215620040893555],[29.66942596435547,15.925251007080078],[29.927753448486328,15.637890815734863],[30.18941307067871,15.353426933288574],[30.454235076904297,15.071986198425293],[30.72223663330078,14.793538093566895],[30.99334716796875,14.518083572387695],[31.267492294311523,14.245644569396973],[31.54460906982422,13.976268768310547],[31.824684143066406,13.709973335266113],[32.10765075683594,13.446792602539062],[32.3935432434082,13.186670303344727],[32.68223190307617,12.929736137390137],[32.97372817993164,12.675990104675293],[33.26801681518555,12.42548656463623],[33.56507110595703,12.17824935913086],[33.86477279663086,11.934386253356934],[34.16728591918945,11.693812370300293],[34.4724235534668,11.456720352172852],[34.780303955078125,11.223095893859863],[35.09086608886719,10.99300765991211],[35.40400695800781,10.766584396362305],[35.71984100341797,10.543828010559082],[36.038333892822266,10.324865341186523],[36.35942077636719,10.109789848327637],[36.6830940246582,9.898676872253418],[37.00944137573242,9.691627502441406],[37.33838653564453,9.488758087158203],[37.669952392578125,9.290143013000488],[38.00410842895508,9.095990180969238],[38.34080505371094,8.90639877319336],[38.68013000488281,8.721480369567871],[39.02210998535156,8.541379928588867],[39.36661148071289,8.366301536560059],[39.71372604370117,8.196401596069336],[40.06342315673828,8.031846046447754],[40.415687561035156,7.872849941253662],[40.770076751708984,7.718629837036133],[41.12547302246094,7.566919326782227],[41.48196792602539,7.417637348175049],[41.83945083618164,7.270808696746826],[42.197967529296875,7.126392364501953],[42.55741500854492,6.984414100646973],[42.91777420043945,6.844857692718506],[43.27906036376953,6.707705974578857],[43.641258239746094,6.572944164276123],[44.0043830871582,6.440557956695557],[44.368316650390625,6.310578346252441],[44.733116149902344,6.182971477508545],[45.098724365234375,6.057746887207031],[45.465145111083984,5.934895992279053],[45.83238220214844,5.814409255981445],[46.20038986206055,5.696298599243164],[46.5691032409668,5.580577373504639],[46.9385986328125,5.46721887588501],[47.308753967285156,5.356256484985352],[47.6796989440918,5.247650146484375],[48.05126190185547,5.141449451446533],[48.42350387573242,5.037635326385498],[48.79637908935547,4.936223983764648],[49.16995620727539,4.8371992111206055],[49.54417419433594,4.740577220916748],[49.91899490356445,4.6463775634765625],[50.2944221496582,4.55460262298584],[50.6704216003418,4.465273380279541],[51.046993255615234,4.378427028656006],[51.424156188964844,4.294032096862793],[51.801876068115234,4.212108135223389],[52.18008041381836,4.132676601409912],[52.55879592895508,4.0557451248168945],[52.93803024291992,3.9813239574432373],[53.31779098510742,3.909424304962158],[53.697914123535156,3.8400914669036865],[54.07859420776367,3.7733044624328613],[54.459659576416016,3.7091102600097656],[54.84123992919922,3.647503614425659],[55.22316360473633,3.5885298252105713],[55.60552215576172,3.532195568084717],[55.98825454711914,3.4785282611846924],[56.371307373046875,3.4275548458099365],[56.75476837158203,3.379323720932007],[57.138553619384766,3.3338418006896973],[57.52266311645508,3.291123390197754],[57.9071044921875,3.251192092895508],[58.291770935058594,3.214085102081299],[58.676734924316406,3.1798224449157715],[59.061832427978516,3.1484463214874268],[59.447261810302734,3.1199700832366943],[59.832908630371094,3.0944337844848633],[60.21873474121094,3.0718719959259033],[60.60467529296875,3.0522353649139404],[60.99082946777344,3.0358078479766846],[61.377044677734375,3.022305727005005],[61.76341247558594,3.011995553970337],[62.1497917175293,3.004840850830078],[62.53624725341797,3.00087833404541],[62.92272186279297,3.000150203704834],[63.30917739868164,3.002697229385376],[63.69562530517578,3.0085625648498535],[64.0820083618164,3.017789602279663],[64.46817016601562,3.030418872833252],[64.8543472290039,3.0465049743652344],[65.24030303955078,3.0656189918518066],[65.62628173828125,3.0851781368255615],[66.01226043701172,3.105203151702881],[66.398193359375,3.1253910064697266],[66.78411865234375,3.1459805965423584],[67.1700439453125,3.166846990585327],[67.55594635009766,3.1879477500915527],[67.9417953491211,3.209484577178955],[68.32772064208984,3.231187105178833],[68.71356201171875,3.253303289413452],[69.09933471679688,3.275665044784546],[69.48515319824219,3.298285484313965],[69.8709487915039,3.321312427520752],[70.25667572021484,3.3444936275482178],[70.64242553710938,3.368115186691284],[71.02816772460938,3.3919546604156494],[71.41389465332031,3.4160733222961426],[71.7995834350586,3.4405629634857178],[72.18525695800781,3.4652063846588135],[72.57091522216797,3.490311622619629],[72.95657348632812,3.515601873397827],[73.34220123291016,3.5411970615386963],[73.72779846191406,3.567126512527466],[74.11338806152344,3.5932090282440186],[74.49895477294922,3.619776487350464],[74.88449096679688,3.6464920043945312],[75.27001953125,3.673542022705078],[75.65550231933594,3.700887680053711],[76.04100036621094,3.728419303894043],[76.42645263671875,3.7563929557800293],[76.8119125366211,3.7845144271850586],[77.19733428955078,3.812999963760376],[77.5827407836914,3.8417418003082275],[77.96813201904297,3.870701313018799],[78.3534927368164,3.9000601768493652],[78.73881530761719,3.9295613765716553],[79.12413024902344,3.9594624042510986],[79.50944519042969,3.9895784854888916],[79.89472198486328,4.019947528839111],[80.27997589111328,4.0506696701049805],[80.66517639160156,4.081530570983887],[81.05032348632812,4.11282205581665],[81.43555450439453,4.14429235458374],[81.82072448730469,4.176050186157227],[82.20581817626953,4.208111763000488],[82.5909423828125,4.24032735824585],[82.97605895996094,4.2729902267456055],[83.36116790771484,4.305790901184082],[83.7462158203125,4.338918209075928],[84.13121032714844,4.3723039627075195],[84.51622772216797,4.405883312225342],[84.90120697021484,4.440058708190918],[85.28616333007812,4.474312782287598],[85.67111206054688,4.508566856384277],[86.05603790283203,4.543143272399902],[86.44086456298828,4.578062057495117],[86.82574462890625,4.613335609436035],[87.2105484008789,4.648753643035889],[87.5953369140625,4.684784889221191],[87.98013305664062,4.720816135406494],[88.36492156982422,4.756847381591797],[88.74969482421875,4.793476104736328],[89.13440704345703,4.830383777618408],[89.51911163330078,4.867291450500488],[89.90380859375,4.904378414154053],[90.2884521484375,4.941938400268555],[90.6730728149414,4.979745864868164],[91.05767059326172,5.0177388191223145],[91.44222259521484,5.056105136871338],[91.82671356201172,5.094593048095703],[92.21122741699219,5.133444309234619],[92.59574127197266,5.17259407043457],[92.98019409179688,5.212085723876953],[93.3646469116211,5.251577377319336],[93.74906921386719,5.291100978851318],[94.13345336914062,5.3312273025512695],[94.51782989501953,5.371501922607422],[94.90216827392578,5.412049770355225],[95.28646087646484,5.453002452850342],[95.67073059082031,5.494178295135498],[96.05500793457031,5.535354137420654],[96.43927764892578,5.576728343963623],[96.8234634399414,5.6187357902526855],[97.20758819580078,5.660736083984375],[97.5917739868164,5.7027435302734375],[97.97587585449219,5.745431423187256],[98.35997009277344,5.788262844085693],[98.74406433105469,5.831094264984131],[99.12812042236328,5.874265193939209],[99.51212310791016,5.917913436889648],[99.89612579345703,5.96156120300293],[100.28012084960938,6.005212783813477],[100.66402435302734,6.049671173095703],[101.04793548583984,6.09412956237793],[101.43184661865234,6.138587951660156],[101.8156967163086,6.183523178100586],[102.19951629638672,6.228784561157227],[102.58326721191406,6.274039268493652],[102.967041015625,6.319442272186279],[103.35076141357422,6.365499973297119],[103.73448181152344,6.411558151245117],[104.11820220947266,6.457615852355957],[104.5018539428711,6.504281997680664],[104.8854751586914,6.5511298179626465],[105.26910400390625,6.597977161407471],[105.6526870727539,6.645104885101318],[106.03621673583984,6.69273567199707],[106.41974639892578,6.740365982055664],[106.80326843261719,6.787996292114258],[107.18669891357422,6.836360931396484],[107.57012939453125,6.884768009185791],[107.95349884033203,6.933167457580566],[108.33688354492188,6.981987476348877],[108.72021484375,7.031164646148682],[109.10354614257812,7.080341339111328],[109.48688507080078,7.1296162605285645],[109.8701171875,7.1795573234558105],[110.25335693359375,7.229498863220215],[110.63658905029297,7.279439926147461],[111.01972961425781,7.329920291900635],[111.40287017822266,7.380618572235107],[111.78600311279297,7.431317329406738],[112.16912078857422,7.482247829437256],[112.55215454101562,7.533698081970215],[112.93518829345703,7.585148334503174],[113.31822204589844,7.636598587036133],[113.70111846923828,7.688710689544678],[114.08405303955078,7.74090576171875],[114.46698760986328,7.7931013107299805],[114.8498764038086,7.845660209655762],[115.23271179199219,7.898594856262207],[115.61554718017578,7.951529502868652],[115.99832153320312,8.00451946258545],[116.38105010986328,8.058187484741211],[116.76378631591797,8.111855506896973],[117.14651489257812,8.165523529052734],[117.52920532226562,8.219690322875977],[117.91183471679688,8.274085998535156],[118.29446411132812,8.328481674194336],[118.67706298828125,8.383074760437012],[119.05952453613281,8.43818473815918],[119.44204711914062,8.493302345275879],[119.82456970214844,8.548420906066895],[120.20698547363281,8.60416030883789],[120.58940124511719,8.659994125366211],[120.9718246459961,8.715827941894531],[121.35421752929688,8.772000312805176],[121.73653411865234,8.828544616699219],[122.11884307861328,8.885089874267578],[122.50116729736328,8.94168758392334],[122.88337707519531,8.99893856048584],[123.26558685302734,9.056188583374023],[123.64779663085938,9.113439559936523],[124.02989959716797,9.171156883239746],[124.41194915771484,9.229097366333008],[124.79405212402344,9.287046432495117],[125.17615509033203,9.345195770263672],[125.55815887451172,9.403840065002441],[125.94015502929688,9.462484359741211],[126.32215881347656,9.52112865447998],[126.70404815673828,9.580384254455566],[127.0859375,9.639718055725098],[127.46783447265625,9.699052810668945],[127.84963989257812,9.758722305297852],[128.23143005371094,9.818739891052246],[128.61322021484375,9.878758430480957],[128.9950408935547,9.938858032226562],[129.376708984375,9.999555587768555],[129.75833129882812,10.060243606567383],[130.1400146484375,10.120941162109375],[130.52159118652344,10.182125091552734],[130.90316772460938,10.24349594116211],[131.2847442626953,10.304866790771484],[131.666259765625,10.366464614868164],[132.04771423339844,10.428504943847656],[132.42918395996094,10.490545272827148],[132.81065368652344,10.55258560180664],[133.19198608398438,10.615262985229492],[133.57334899902344,10.677967071533203],[133.95469665527344,10.740671157836914],[134.33599853515625,10.80376148223877],[134.7172393798828,10.867125511169434],[135.09841918945312,10.930480003356934],[135.4796600341797,10.993985176086426],[135.8607940673828,11.058004379272461],[136.241943359375,11.12202262878418],[136.62307739257812,11.186040878295898],[137.00411987304688,11.250606536865234],[137.38514709472656,11.31527328491211],[137.76617431640625,11.3799409866333],[138.14710998535156,11.444908142089844],[138.52801513671875,11.510222434997559],[138.908935546875,11.575535774230957],[139.2898406982422,11.640921592712402],[139.670654296875,11.706876754760742],[140.05145263671875,11.772831916809082],[140.4322052001953,11.838776588439941],[140.8129425048828,11.905211448669434],[141.19363403320312,11.9718017578125],[141.57432556152344,12.038392066955566],[141.95498657226562,12.105233192443848],[142.3355712890625,12.172455787658691],[142.71615600585938,12.239679336547852],[143.09674072265625,12.306931495666504],[143.4772186279297,12.37478256225586],[143.85769653320312,12.442633628845215],[144.2381591796875,12.510483741760254],[144.61854553222656,12.578763961791992],[144.9989013671875,12.647237777709961],[145.37925720214844,12.71571159362793],[145.759521484375,12.784390449523926],[146.1397705078125,12.853484153747559],[146.52000427246094,12.922577857971191],[146.90028381347656,12.991681098937988],[147.28041076660156,13.061389923095703],[147.66055297851562,13.131098747253418],[148.04067993164062,13.200807571411133],[148.41978454589844,13.275774955749512],[148.79432678222656,13.370859146118164],[149.16339111328125,13.48551082611084],[149.5263214111328,13.618181228637695],[149.8827667236328,13.76736831665039],[150.2325439453125,13.931731224060059],[150.5753936767578,14.110047340393066],[150.9111328125,14.30133056640625],[151.2398223876953,14.50446891784668],[151.56141662597656,14.718855857849121],[151.87583923339844,14.943480491638184],[152.18309020996094,15.17786979675293],[152.4832000732422,15.421364784240723],[152.7760772705078,15.673519134521484],[153.0617218017578,15.933820724487305],[153.3400115966797,16.202014923095703],[153.6108856201172,16.47766876220703],[153.87411499023438,16.76056671142578],[154.12960815429688,17.05051612854004],[154.37713623046875,17.347328186035156],[154.61631774902344,17.650903701782227],[154.84683227539062,17.961091995239258],[155.0681915283203,18.277803421020508],[155.27978515625,18.601160049438477],[155.48095703125,18.93113136291504],[155.6707763671875,19.267759323120117],[155.84811401367188,19.611085891723633],[156.0098876953125,19.962045669555664],[156.14283752441406,20.324758529663086],[156.2461395263672,20.697118759155273],[156.32229614257812,21.0759334564209],[156.37420654296875,21.45883560180664],[156.4051971435547,21.844011306762695],[156.41819763183594,22.23025131225586],[156.41592407226562,22.61664581298828],[156.40097045898438,23.002838134765625],[156.37557983398438,23.3884334564209],[156.34164428710938,23.773378372192383],[156.3013458251953,24.15774154663086],[156.25611877441406,24.54157066345215],[156.20733642578125,24.9249267578125],[156.15695190429688,25.3081111907959],[156.10595703125,25.69120216369629],[156.05581665039062,26.07440948486328],[156.00790405273438,26.457923889160156],[155.9635467529297,26.84185218811035],[155.9241943359375,27.226299285888672],[155.8914794921875,27.611339569091797],[155.86697387695312,27.997072219848633],[155.8523406982422,28.38324737548828],[155.84954833984375,28.769596099853516],[155.86068725585938,29.155925750732422],[155.88778686523438,29.541372299194336],[155.93319702148438,29.92516326904297],[155.9907989501953,30.30733871459961],[156.0489044189453,30.68938636779785],[156.1082763671875,31.071319580078125],[156.17002868652344,31.45279884338379],[156.23580932617188,31.83359718322754],[156.3072967529297,32.21344757080078],[156.3865203857422,32.59165573120117],[156.47564697265625,32.967689514160156],[156.5773162841797,33.340538024902344],[156.69386291503906,33.708984375],[156.8275604248047,34.071502685546875],[156.9801025390625,34.42656326293945],[157.15245056152344,34.772396087646484],[157.3446807861328,35.10761260986328],[157.5560302734375,35.431129455566406],[157.7850341796875,35.742401123046875],[158.02981567382812,36.041404724121094],[158.28843688964844,36.3284797668457],[158.55902099609375,36.60444259643555],[158.83963012695312,36.87018966674805],[159.12879943847656,37.12653350830078],[159.4219512939453,37.37837219238281],[159.71510314941406,37.630210876464844],[160.00885009765625,37.88140869140625],[160.30282592773438,38.1321907043457],[160.59703063964844,38.382747650146484],[160.89190673828125,38.63257598876953],[161.18678283691406,38.88240432739258],[161.48236083984375,39.13141632080078],[161.77806091308594,39.3802604675293],[162.07411193847656,39.62869644165039],[162.37063598632812,39.876556396484375],[162.66717529296875,40.12441635131836],[162.96446228027344,40.371299743652344],[163.2617950439453,40.61819076538086],[163.55955505371094,40.86457443237305],[163.85768127441406,41.11050796508789],[164.15589904785156,41.35636520385742],[164.4547576904297,41.60130310058594],[164.75367736816406,41.84627914428711],[165.05303955078125,42.09064483642578],[165.35272216796875,42.334678649902344],[165.6525421142578,42.57858657836914],[165.95298767089844,42.82168197631836],[166.25343322753906,43.064781188964844],[166.55438232421875,43.30725860595703],[166.85557556152344,43.5494270324707],[167.15689086914062,43.791412353515625],[167.45883178710938,44.03265380859375],[167.76075744628906,44.27389907836914],[168.0631866455078,44.51449966430664],[168.36585998535156,44.754825592041016],[168.6686248779297,44.99496078491211],[168.97201538085938,45.234375],[169.27540588378906,45.473793029785156],[169.57928466796875,45.71259689331055],[169.8833770751953,45.95110321044922],[170.18759155273438,46.18946838378906],[170.49240112304688,46.42707443237305],[170.7971954345703,46.66468048095703],[171.10243225097656,46.901710510253906],[171.40794372558594,47.13842010498047],[171.71348571777344,47.37501907348633],[172.01968383789062,47.610836029052734],[172.32586669921875,47.846649169921875],[172.63247680664062,48.08198547363281],[172.93931579589844,48.316871643066406],[173.2461700439453,48.5517463684082],[173.5537109375,48.78578567504883],[173.86126708984375,49.01982498168945],[174.16917419433594,49.25347137451172],[174.47740173339844,49.48662567138672],[174.78561401367188,49.719783782958984],[175.09445190429688,49.952117919921875],[175.40333557128906,50.184391021728516],[175.7124481201172,50.416324615478516],[176.02198791503906,50.64772033691406],[176.33152770996094,50.879119873046875],[176.64161682128906,51.109806060791016],[176.95181274414062,51.34032440185547],[177.26217651367188,51.57063293457031],[177.57298278808594,51.80024337768555],[177.88381958007812,52.029884338378906],[178.19509887695312,52.2589225769043],[178.506591796875,52.487693786621094],[178.8181610107422,52.716365814208984],[179.1302947998047,52.94426345825195],[179.4424285888672,53.172157287597656],[179.7549285888672,53.39959716796875],[180.06768798828125,53.626617431640625],[180.38046264648438,53.853633880615234],[180.69384765625,54.079811096191406],[181.0072479248047,54.30595779418945],[181.32086181640625,54.531734466552734],[181.6348876953125,54.75701141357422],[181.94886779785156,54.98225021362305],[182.263427734375,55.20682144165039],[182.5780792236328,55.43122100830078],[182.89288330078125,55.65541076660156],[183.20816040039062,55.87893295288086],[183.5234375,56.10245895385742],[183.83914184570312,56.325408935546875],[184.155029296875,56.548057556152344],[184.4709930419922,56.77063751220703],[184.78750610351562,56.992401123046875],[185.10401916503906,57.214168548583984],[185.4208526611328,57.43548583984375],[185.73797607421875,57.656368255615234],[186.05511474609375,57.877254486083984],[186.3727264404297,58.09725570678711],[186.6904754638672,58.3172492980957],[187.00845336914062,58.53694534301758],[187.32681274414062,58.75605392456055],[187.64517211914062,58.975162506103516],[187.96405029296875,59.193607330322266],[188.28302001953125,59.411827087402344],[188.6020965576172,59.62985610961914],[188.9216766357422,59.84718322753906],[189.2412567138672,60.06450653076172],[189.56121826171875,60.2812614440918],[189.88140869140625,60.497684478759766],[190.2016143798828,60.71403503417969],[190.52243041992188,60.92955017089844],[190.84317016601562,61.14503479003906],[191.164306640625,61.36012649536133],[191.4857177734375,61.57473373413086],[191.80712890625,61.789344787597656],[192.1290740966797,62.003082275390625],[192.4510955810547,62.21677780151367],[192.77334594726562,62.43013000488281],[193.09596252441406,62.64290237426758],[193.41859436035156,62.855674743652344],[193.74172973632812,63.06769561767578],[194.06497192382812,63.279544830322266],[194.38836669921875,63.491146087646484],[194.71221923828125,63.702056884765625],[195.03607177734375,63.9129638671875],[195.36033630371094,64.12318420410156],[195.68479919433594,64.3331527709961],[196.0093536376953,64.54295349121094],[196.3344268798828,64.7519760131836],[196.6595001220703,64.96099090576172],[196.98495483398438,65.16939544677734],[197.31063842773438,65.37745666503906],[197.6363983154297,65.58541870117188],[197.9626922607422,65.79251098632812],[198.28900146484375,65.99960327148438],[198.61569213867188,66.20614624023438],[198.94261169433594,66.41226196289062],[199.2695770263672,66.61832427978516],[199.5971221923828,66.82345581054688],[199.9246063232422,67.02854919433594],[200.2524871826172,67.2331314086914],[200.58065795898438,67.43726348876953],[200.90882873535156,67.6413345336914],[201.23760986328125,67.84446716308594],[201.56640625,68.04759216308594],[201.89552307128906,68.25016021728516],[202.2249298095703,68.4522705078125],[202.55441284179688,68.65433502197266],[202.88446044921875,68.85540771484375],[203.21450805664062,69.05648040771484],[203.54495239257812,69.25697326660156],[203.87562561035156,69.4570083618164],[204.20635986328125,69.65692901611328],[204.53762817382812,69.85586547851562],[204.8689422607422,70.05484008789062],[205.20065307617188,70.25311279296875],[205.53260803222656,70.45101165771484],[205.8646697998047,70.64869689941406],[206.19728088378906,70.84551239013672],[206.52989196777344,71.04232025146484],[206.86300659179688,71.23833465576172],[207.19625854492188,71.43405151367188],[207.5297088623047,71.62940216064453],[207.86361694335938,71.8239974975586],[208.19752502441406,72.01859283447266],[208.5320281982422,72.21218872070312],[208.86659240722656,72.40564727783203],[209.20143127441406,72.5985336303711],[209.5366668701172,72.79084014892578],[209.87200927734375,72.98300170898438],[210.21151733398438,73.1675796508789],[210.55714416503906,73.34038543701172],[210.90792846679688,73.50263214111328],[211.26292419433594,73.65534210205078],[211.6216583251953,73.79914855957031],[211.98345947265625,73.93497467041016],[212.3480682373047,74.06316375732422],[212.7149658203125,74.18441009521484],[213.08404541015625,74.29918670654297],[213.45492553710938,74.4076919555664],[213.8275604248047,74.51036834716797],[214.20156860351562,74.60748291015625],[214.57693481445312,74.69931030273438],[214.9535675048828,74.78604888916016],[215.33128356933594,74.86781311035156],[215.7100372314453,74.94476318359375],[216.08966064453125,75.01703643798828],[216.4701385498047,75.08472442626953],[216.8514404296875,75.1478500366211],[217.23345947265625,75.20645904541016],[217.61607360839844,75.26089477539062],[217.9993438720703,75.31046295166016],[218.38311767578125,75.35575103759766],[218.76747131347656,75.39647674560547],[219.15225219726562,75.43231964111328],[219.5374755859375,75.4635238647461],[219.92298889160156,75.48975372314453],[220.3088836669922,75.51061248779297],[220.69503784179688,75.52594757080078],[221.08143615722656,75.53520965576172],[221.4678955078125,75.53803253173828],[221.85430908203125,75.53370666503906],[222.24058532714844,75.5213394165039],[222.62646484375,75.49979400634766],[223.0115203857422,75.46739959716797],[223.39529418945312,75.42182159423828],[223.77626037597656,75.3570785522461],[224.15188598632812,75.26659393310547],[224.52244567871094,75.15693664550781],[224.888427734375,75.03280639648438],[225.25039672851562,74.89761352539062],[225.60897827148438,74.75353240966797],[225.96453857421875,74.60212707519531],[226.3174591064453,74.44461059570312],[226.66806030273438,74.28181457519531],[227.01644897460938,74.11469268798828],[227.36317443847656,73.94385528564453],[227.70797729492188,73.76942443847656],[228.05140686035156,73.59225463867188],[228.39340209960938,73.41219329833984],[228.7342071533203,73.2298812866211],[229.0738067626953,73.04551696777344],[229.41232299804688,72.85906219482422],[229.74998474121094,72.67095184326172],[230.0867919921875,72.48129272460938],[230.42263793945312,72.2900619506836],[230.75770568847656,72.09760284423828],[231.0922088623047,71.90391540527344],[231.42601013183594,71.70919799804688],[231.7591552734375,71.51332092285156],[232.0916748046875,71.31635284423828],[232.4237060546875,71.11890411376953],[232.75537109375,70.92051696777344],[233.0866241455078,70.72125244140625],[233.41754150390625,70.5216064453125],[233.74777221679688,70.321044921875],[234.0780029296875,70.12020874023438],[234.40765380859375,69.91849517822266],[234.7372283935547,69.7165756225586],[235.0663604736328,69.51400756835938],[235.39535522460938,69.31119537353516],[235.7240447998047,69.10791778564453],[236.052490234375,68.90425872802734],[236.38064575195312,68.70011138916016],[236.7088165283203,68.49596405029297],[237.03697204589844,68.29182434082031],[237.36485290527344,68.08721160888672],[237.69252014160156,67.88226318359375],[238.02017211914062,67.67731475830078],[238.3478240966797,67.47237396240234],[238.67530822753906,67.26718139648438],[239.00270080566406,67.06180572509766],[239.33009338378906,66.85643768310547],[239.65748596191406,66.65106964111328],[239.98489379882812,66.44573211669922],[240.3123321533203,66.24042510986328],[240.63975524902344,66.03511047363281],[240.96717834472656,65.82979583740234],[241.29461669921875,65.6244888305664],[241.62193298339844,65.41923522949219],[241.94935607910156,65.21392822265625],[242.27679443359375,65.00861358642578],[242.6043701171875,64.8035659790039],[242.9322509765625,64.5989761352539],[243.26011657714844,64.3943862915039],[243.58799743652344,64.1897964477539],[243.91592407226562,63.985347747802734],[244.2442169189453,63.781410217285156],[244.57257080078125,63.5775032043457],[244.90118408203125,63.37409973144531],[245.2297821044922,63.17072677612305],[245.5587921142578,62.96795654296875],[245.88780212402344,62.76518249511719],[246.21722412109375,62.56306838989258],[246.5466766357422,62.36101150512695],[246.87655639648438,62.15962219238281],[247.2064971923828,61.9583740234375],[247.53688049316406,61.75777816772461],[247.86737060546875,61.55742645263672],[248.19825744628906,61.35774230957031],[248.5293426513672,61.158382415771484],[248.86080932617188,60.95968246459961],[249.1925506591797,60.76141357421875],[249.5246124267578,60.5638313293457],[249.8570556640625,60.366756439208984],[250.18991088867188,60.17030334472656],[250.52313232421875,59.97453689575195],[250.85655212402344,59.7792854309082],[251.19061279296875,59.584869384765625],[251.52505493164062,59.3912353515625],[251.8599090576172,59.19839859008789],[252.19534301757812,59.00630569458008],[252.5312042236328,58.81510925292969],[252.86753845214844,58.62481689453125],[253.20440673828125,58.435455322265625],[253.54185485839844,58.24705505371094],[253.87994384765625,58.059627532958984],[254.21852111816406,57.87332534790039],[254.5577392578125,57.68812942504883],[254.89756774902344,57.50411605834961],[255.23806762695312,57.32133865356445],[255.5792694091797,57.139827728271484],[255.92117309570312,56.95968246459961],[256.2637939453125,56.780948638916016],[256.6072692871094,56.60368728637695],[256.9515686035156,56.42799377441406],[257.2966613769531,56.254127502441406],[257.6427307128906,56.081947326660156],[257.9895935058594,55.91166687011719],[258.3374328613281,55.74332809448242],[258.6863098144531,55.5770149230957],[259.03619384765625,55.41288375854492],[259.38720703125,55.25100326538086],[259.7394104003906,55.09187698364258],[260.0927734375,54.9354133605957],[260.4472351074219,54.781558990478516],[260.8031005859375,54.63093185424805],[261.1617431640625,54.48676681518555],[261.5246276855469,54.35408020019531],[261.8914794921875,54.2325439453125],[262.2616271972656,54.121673583984375],[262.6348571777344,54.021053314208984],[263.0105285644531,53.93038558959961],[263.3883972167969,53.84933853149414],[263.7681884765625,53.777626037597656],[264.1495056152344,53.71485900878906],[264.53216552734375,53.66073226928711],[264.9159240722656,53.614990234375],[265.30047607421875,53.57737350463867],[265.685791015625,53.54764175415039],[266.0716857910156,53.52558135986328],[266.4578552246094,53.51100158691406],[266.84417724609375,53.50371170043945],[267.230712890625,53.50355911254883],[267.6171569824219,53.51039505004883],[268.0032958984375,53.52408218383789],[268.3892822265625,53.54452133178711],[268.77471923828125,53.57159423828125],[269.1597595214844,53.60523223876953],[269.5441589355469,53.64536666870117],[269.9278564453125,53.69194030761719],[270.31060791015625,53.74489974975586],[270.6925048828125,53.80423355102539],[271.07330322265625,53.86996078491211],[271.4528503417969,53.94202423095703],[271.83135986328125,54.02052688598633],[272.2083740234375,54.10544204711914],[272.5838928222656,54.196861267089844],[272.957763671875,54.294837951660156],[273.3296813964844,54.39944839477539],[273.6998291015625,54.5108642578125],[274.0677490234375,54.629150390625],[274.43328857421875,54.75447082519531],[274.79632568359375,54.88702392578125],[275.156494140625,55.027122497558594],[275.51361083984375,55.17490768432617],[275.86737060546875,55.33060836791992],[276.21728515625,55.494590759277344],[276.5628967285156,55.66743087768555],[276.9035339355469,55.849998474121094],[277.23895263671875,56.04200744628906],[277.56927490234375,56.24264907836914],[277.8946533203125,56.4511604309082],[278.2152099609375,56.66712188720703],[278.5308837890625,56.88988494873047],[278.8421936035156,57.11892318725586],[279.1488952636719,57.354122161865234],[279.4513854980469,57.594573974609375],[279.74969482421875,57.84037780761719],[280.0440368652344,58.09076690673828],[280.3343505859375,58.34579849243164],[280.6211242675781,58.604976654052734],[280.904052734375,58.868106842041016],[281.18359375,59.1348991394043],[281.4598083496094,59.40528869628906],[281.7326354980469,59.67887878417969],[282.0024108886719,59.955596923828125],[282.2691345214844,60.23527526855469],[282.5329284667969,60.517860412597656],[282.7937927246094,60.8028564453125],[283.052001953125,61.090572357177734],[283.307373046875,61.3805046081543],[283.5602722167969,61.672760009765625],[283.8106994628906,61.967220306396484],[284.0584411621094,62.263877868652344],[284.303955078125,62.562198638916016],[284.5473327636719,62.86247634887695],[284.788330078125,63.164634704589844],[285.027099609375,63.46854782104492],[285.26373291015625,63.773990631103516],[285.4984130859375,64.08112335205078],[285.7310791015625,64.38970184326172],[285.96185302734375,64.69975280761719],[286.19073486328125,65.01111602783203],[286.41766357421875,65.3239517211914],[286.6427307128906,65.63806915283203],[286.8660888671875,65.95346069335938],[287.0877685546875,66.27005767822266],[287.30780029296875,66.58781433105469],[287.52618408203125,66.9066162109375],[287.7429504394531,67.22648620605469],[287.9580078125,67.54753875732422],[288.1716003417969,67.8696060180664],[288.3837890625,68.19269561767578],[288.5945129394531,68.51673126220703],[288.8038024902344,68.84163665771484],[289.0115051269531,69.16749572753906],[289.2179260253906,69.49423217773438],[289.4230041503906,69.82173919677734],[289.6268005371094,70.15008544921875],[289.8291931152344,70.47938537597656],[290.03021240234375,70.80943298339844],[290.2300720214844,71.14026641845703],[290.4286193847656,71.47187805175781],[290.6258239746094,71.80413818359375],[290.82183837890625,72.13721466064453],[291.01654052734375,72.47106170654297],[291.2099609375,72.8057632446289],[291.4021301269531,73.14103698730469],[291.5931091308594,73.47697448730469],[291.7829895019531,73.81365203857422],[291.97161865234375,74.1508560180664],[292.15924072265625,74.4887924194336],[292.3457336425781,74.82732391357422],[292.53118896484375,75.16643524169922],[292.7155456542969,75.50609588623047],[292.8987731933594,75.84637451171875],[293.0809326171875,76.18722534179688],[293.2621154785156,76.52859497070312],[293.4422302246094,76.87035369873047],[293.6214294433594,77.21269989013672],[293.7997741699219,77.5556411743164],[293.9771728515625,77.8990249633789],[294.1536865234375,78.24282836914062],[294.32928466796875,78.58708953857422],[294.50408935546875,78.9317398071289],[294.6779479980469,79.27688598632812],[294.8510437011719,79.62248992919922],[295.0233154296875,79.96845245361328],[295.1947937011719,80.31475830078125],[295.36553955078125,80.6614990234375],[295.5355529785156,81.008544921875],[295.70477294921875,81.35604858398438],[295.8731994628906,81.70389556884766],[296.04150390625,82.05179595947266],[296.20843505859375,82.40035247802734],[296.3753967285156,82.74890899658203],[296.54119873046875,83.09794616699219],[296.706787109375,83.4471435546875],[296.8716735839844,83.79664611816406],[297.0360412597656,84.14643096923828],[297.20001220703125,84.49640655517578],[297.36322021484375,84.84673309326172],[297.5263671875,85.1971435546875],[297.68853759765625,85.5479507446289],[297.8507080078125,85.89875030517578],[298.0121154785156,86.24992370605469],[298.17327880859375,86.6010513305664],[298.3340148925781,86.95243072509766],[298.4944152832031,87.30404663085938],[298.6546325683594,87.65577697753906],[298.8143310546875,88.0077133178711],[298.9739990234375,88.35970306396484],[299.133056640625,88.71192932128906],[299.2921447753906,89.06414794921875],[299.4505920410156,89.41655731201172],[299.60894775390625,89.76909637451172],[299.767333984375,90.12163543701172],[299.9256896972656,90.47417449951172],[300.0838928222656,90.82682037353516],[300.2416687011719,91.17961883544922],[300.3994445800781,91.53242492675781],[300.5572204589844,91.88522338867188],[300.7149963378906,92.23802947998047],[300.8727111816406,92.5908432006836],[301.0304260253906,92.94367218017578],[301.18817138671875,93.29649353027344],[301.34588623046875,93.64932250976562],[301.50360107421875,94.00215148925781],[301.66131591796875,94.35497283935547],[301.8190612792969,94.70780181884766],[301.9767761230469,95.06062316894531],[302.1344909667969,95.4134521484375],[302.2928466796875,95.76603698730469],[302.4513854980469,96.11849975585938],[302.6098327636719,96.47085571289062],[302.76837158203125,96.82332611083984],[302.9270935058594,97.17570495605469],[303.0863952636719,97.52781677246094],[303.24566650390625,97.87989044189453],[303.4056091308594,98.23171997070312],[303.5655517578125,98.58354187011719],[303.7261047363281,98.93512725830078],[303.8868103027344,99.2865982055664],[304.0479736328125,99.63786315917969],[304.20953369140625,99.98894500732422],[304.3713684082031,100.33993530273438],[304.533935546875,100.69056701660156],[304.6964416503906,101.04113006591797],[304.860107421875,101.39125061035156],[305.02374267578125,101.74137115478516],[305.18829345703125,102.09105682373047],[305.3531188964844,102.44062042236328],[305.5186462402344,102.78994750976562],[305.68475341796875,103.13890838623047],[305.85125732421875,103.48765563964844],[306.0187683105469,103.8359375],[306.1863708496094,104.1841812133789],[306.35540771484375,104.53173828125],[306.5244140625,104.87928771972656],[306.69439697265625,105.226318359375],[306.865234375,105.57305908203125],[307.0367126464844,105.91930389404297],[307.2090148925781,106.26518249511719],[307.3821105957031,106.61062622070312],[307.55609130859375,106.95584869384766],[307.7308349609375,107.30054473876953],[307.90643310546875,107.64476776123047],[308.0830383300781,107.98853302001953],[308.2605895996094,108.33187103271484],[308.43896484375,108.67459869384766],[308.618408203125,109.01700592041016],[308.7987365722656,109.3587646484375],[308.9800720214844,109.7000732421875],[309.1624450683594,110.04081726074219],[309.3458557128906,110.38105010986328],[309.53021240234375,110.72062683105469],[309.7156982421875,111.05965423583984],[309.9023742675781,111.39805603027344],[310.09027099609375,111.7358627319336],[310.2792663574219,112.072998046875],[310.46942138671875,112.4094467163086],[310.6607360839844,112.74520111083984],[310.8533020019531,113.080322265625],[311.04705810546875,113.41471862792969],[311.2420654296875,113.74835968017578],[311.43829345703125,114.08125305175781],[311.6358642578125,114.41344451904297],[311.8347473144531,114.74484252929688],[312.0350341796875,115.07536315917969],[312.2367248535156,115.40503692626953],[312.43975830078125,115.7338638305664],[312.6441650390625,116.06172943115234],[312.8500061035156,116.38880157470703],[313.0572814941406,116.71497344970703],[313.2660217285156,117.04021453857422],[313.47625732421875,117.36454010009766],[313.6878967285156,117.68782806396484],[313.9011535644531,118.01026153564453],[314.1158752441406,118.33160400390625],[314.33221435546875,118.65187072753906],[314.5501403808594,118.970947265625],[314.7696838378906,119.28900146484375],[314.9908142089844,119.60590362548828],[315.2140808105469,119.9214096069336],[315.44110107421875,120.23406219482422],[315.6719665527344,120.54402923583984],[315.9064636230469,120.8512191772461],[316.14453125,121.15567779541016],[316.3861389160156,121.45734405517578],[316.631103515625,121.75630950927734],[316.87933349609375,122.05242156982422],[317.130859375,122.34590148925781],[317.3855285644531,122.63666534423828],[317.6432800292969,122.92459106445312],[317.9039611816406,123.2098159790039],[318.16766357421875,123.492431640625],[318.43414306640625,123.7723617553711],[318.703369140625,124.04962158203125],[318.9752502441406,124.32420349121094],[319.2497253417969,124.59613037109375],[319.52679443359375,124.86549377441406],[319.80645751953125,125.1323471069336],[320.0885009765625,125.39656829833984],[320.37286376953125,125.65824127197266],[320.65960693359375,125.91741180419922],[320.94854736328125,126.17395782470703],[321.2397766113281,126.42803192138672],[321.53314208984375,126.67964172363281],[321.82861328125,126.92879486083984],[322.1260986328125,127.17549133300781],[322.42559814453125,127.41979217529297],[322.72698974609375,127.66162109375],[323.0303649902344,127.90116882324219],[323.3354797363281,128.1382293701172],[323.6424865722656,128.3729705810547],[323.9513854980469,128.60537719726562],[324.2619323730469,128.83538818359375],[324.57415771484375,129.06307983398438],[324.8880310058594,129.2885284423828],[325.2036437988281,129.51174926757812],[325.5207214355469,129.73265075683594],[325.83941650390625,129.95130920410156],[326.1595153808594,130.167724609375],[326.48126220703125,130.38192749023438],[326.8044128417969,130.59385681152344],[327.1289978027344,130.80361938476562],[327.4550476074219,131.01104736328125],[327.7823486328125,131.21640014648438],[328.1111145019531,131.419677734375],[328.4410705566406,131.62075805664062],[328.7724609375,131.81976318359375],[329.10498046875,132.01658630371094],[329.4388427734375,132.21133422851562],[329.7738037109375,132.4039306640625],[330.1100769042969,132.594482421875],[330.4474792480469,132.78292846679688],[330.7860412597656,132.96926879882812],[331.12579345703125,133.153564453125],[331.4665832519531,133.33575439453125],[331.80853271484375,133.51588439941406],[332.1515197753906,133.69395446777344],[332.4956359863281,133.869873046875],[332.8407897949219,134.043701171875],[333.18701171875,134.2154998779297],[333.53424072265625,134.38525390625],[333.8824768066406,134.5529327392578],[334.2315979003906,134.718505859375],[334.58172607421875,134.882080078125],[334.9328918457031,135.04360961914062],[335.28497314453125,135.2030487060547],[335.637939453125,135.3604278564453],[335.9916687011719,135.5159912109375],[336.34625244140625,135.66983032226562],[336.7015380859375,135.82191467285156],[337.0576171875,135.97230529785156],[337.4141845703125,136.12094116210938],[337.7716369628906,136.2678985595703],[338.1297607421875,136.4130401611328],[338.4886474609375,136.556640625],[338.8480529785156,136.6986083984375],[339.2081298828125,136.8390655517578],[339.56878662109375,136.97801208496094],[339.9300231933594,137.11546325683594],[340.29168701171875,137.2514190673828],[340.6540222167969,137.38597106933594],[341.0168762207031,137.51901245117188],[341.3802795410156,137.65057373046875],[341.7441711425781,137.78079223632812],[342.1085205078125,137.90968322753906],[342.47332763671875,138.03726196289062],[342.8385314941406,138.16358947753906],[343.2041931152344,138.28866577148438],[343.5702819824219,138.4125518798828],[343.9367370605469,138.53524780273438],[344.30364990234375,138.65660095214844],[344.6709899902344,138.77682495117188],[345.03863525390625,138.89593505859375],[345.4067077636719,139.01400756835938],[345.77496337890625,139.1309814453125],[346.1437072753906,139.2469940185547],[346.5125732421875,139.36195373535156],[346.8819274902344,139.47601318359375],[347.25152587890625,139.58897399902344],[347.62139892578125,139.70098876953125],[347.99139404296875,139.81207275390625],[348.36175537109375,139.92233276367188],[348.73248291015625,140.0315704345703],[349.1034240722656,140.14004516601562],[349.4744567871094,140.2482147216797],[349.84588623046875,140.3549041748047],[350.21734619140625,140.4615936279297],[350.5892028808594,140.56686401367188],[350.96112060546875,140.6719207763672],[351.33331298828125,140.776123046875],[351.70562744140625,140.8796844482422],[352.0780944824219,140.98287963867188],[352.4508361816406,141.0850830078125],[352.82354736328125,141.18727111816406],[353.19659423828125,141.2882843017578],[353.56964111328125,141.38925170898438],[353.9428405761719,141.48948669433594],[354.3161926269531,141.58937072753906],[354.689697265625,141.6889190673828],[355.06329345703125,141.787841796875],[355.4368591308594,141.88670349121094],[355.8106689453125,141.98480224609375],[356.1844787597656,142.08290100097656],[356.5585021972656,142.18052673339844],[356.9324951171875,142.2779541015625],[357.3066101074219,142.37506103515625],[357.6807861328125,142.4717559814453],[358.0549621582031,142.5684356689453],[358.4290466308594,142.6650848388672],[358.80322265625,142.7617645263672],[359.1774597167969,142.8579864501953],[359.5517883300781,142.95411682128906],[359.9261169433594,143.0502471923828],[360.3004455566406,143.14639282226562],[360.6747741699219,143.24252319335938],[361.0491027832031,143.33865356445312],[361.4234313964844,143.43478393554688],[361.7977600097656,143.53091430664062],[362.1720886230469,143.62704467773438],[362.54632568359375,143.72349548339844],[362.9205322265625,143.82015991210938],[363.2947082519531,143.91683959960938],[363.66888427734375,144.0135040283203],[364.0430908203125,144.1101837158203],[364.41705322265625,144.20758056640625],[364.79107666015625,144.30499267578125],[365.1650085449219,144.4028778076172],[365.538818359375,144.5009765625],[365.9124755859375,144.599365234375],[366.28607177734375,144.69827270507812],[366.65966796875,144.79725646972656],[367.03302001953125,144.89712524414062],[367.4063720703125,144.9969940185547],[367.7795104980469,145.09771728515625],[368.1525573730469,145.19866943359375],[368.52545166015625,145.30023193359375],[368.8980712890625,145.4023895263672],[369.270751953125,145.50485229492188],[369.64306640625,145.60842895507812],[370.0154113769531,145.71200561523438],[370.3872985839844,145.81690979003906],[370.75921630859375,145.92198181152344],[371.1309509277344,146.0281219482422],[371.50238037109375,146.1348419189453],[371.87359619140625,146.24217224121094],[372.2445373535156,146.35067749023438],[372.61541748046875,146.45928955078125],[372.9859313964844,146.56924438476562],[373.3561096191406,146.68011474609375],[373.72607421875,146.79190063476562],[374.0957336425781,146.90460205078125],[374.4651794433594,147.0182647705078],[374.8341979980469,147.13287353515625],[375.2030029296875,147.24853515625],[375.5715026855469,147.36521911621094],[375.93963623046875,147.4829559326172],[376.3073425292969,147.60189819335938],[376.6746826171875,147.72201538085938],[377.0415954589844,147.84329223632812],[377.4080810546875,147.96571350097656],[377.7742919921875,148.08938598632812],[378.1399841308594,148.21426391601562],[378.50537109375,148.34043884277344],[378.8702087402344,148.4678955078125],[379.2344055175781,148.5966339111328],[379.5982666015625,148.7269287109375],[379.961669921875,148.8586883544922],[380.3244323730469,148.9918212890625],[380.6866455078125,149.12640380859375],[381.0483703613281,149.2624969482422],[381.40960693359375,149.4001007080078],[381.7701416015625,149.5392303466797],[382.13006591796875,149.679931640625],[382.4893798828125,149.82223510742188],[382.8480224609375,149.9661865234375],[383.2059631347656,150.11196899414062],[383.5632019042969,150.2594757080078],[383.9197082519531,150.40872192382812],[384.2754821777344,150.5597381591797],[384.6304931640625,150.7125244140625],[384.98468017578125,150.8671112060547],[385.3380432128906,151.02352905273438],[385.69061279296875,151.18185424804688],[386.0423278808594,151.34210205078125],[386.39312744140625,151.50424194335938],[386.74298095703125,151.66836547851562],[387.09185791015625,151.83465576171875],[387.4397888183594,152.00303649902344],[387.7865905761719,152.1734161376953],[388.13250732421875,152.34591674804688],[388.47723388671875,152.52049255371094],[388.82073974609375,152.69769287109375],[389.1609191894531,152.8809814453125],[389.49755859375,153.07058715820312],[389.83099365234375,153.2659912109375],[390.1609191894531,153.46714782714844],[390.487548828125,153.6737518310547],[390.8107604980469,153.88560485839844],[391.13055419921875,154.1026611328125],[391.4469909667969,154.32452392578125],[391.7599182128906,154.55137634277344],[392.0693359375,154.78280639648438],[392.3754577636719,155.01881408691406],[392.67791748046875,155.25936889648438],[392.976806640625,155.5043182373047],[393.2721862792969,155.75352478027344],[393.5638732910156,156.00701904296875],[393.85186767578125,156.26478576660156],[394.1361389160156,156.52664184570312],[394.4165954589844,156.79249572753906],[394.69305419921875,157.0625],[394.9655456542969,157.3365478515625],[395.234130859375,157.61460876464844],[395.49847412109375,157.8964080810547],[395.7584533691406,158.1824188232422],[396.0140686035156,158.47232055664062],[396.2652587890625,158.7659912109375],[396.51177978515625,159.06353759765625],[396.75347900390625,159.36514282226562],[396.99029541015625,159.6705322265625],[397.2220764160156,159.97975158691406],[397.4485168457031,160.29283142089844],[397.6695556640625,160.60992431640625],[397.88494873046875,160.93080139160156],[398.0945129394531,161.2554168701172],[398.2978515625,161.58407592773438],[398.4949951171875,161.9165496826172],[398.6856689453125,162.25270080566406],[398.8692321777344,162.59271240234375],[399.0457763671875,162.93655395507812],[399.2150573730469,163.28396606445312],[399.3761901855469,163.63525390625],[399.5293884277344,163.9900360107422],[399.6741027832031,164.34829711914062],[399.8099060058594,164.71022033691406],[399.9366455078125,165.0752410888672],[400.0533447265625,165.44363403320312],[400.1602783203125,165.81507873535156],[400.2564392089844,166.18931579589844],[400.3417053222656,166.5662841796875],[400.4155578613281,166.94557189941406],[400.4776611328125,167.3269805908203],[400.52728271484375,167.7102508544922],[400.5641784667969,168.094970703125],[400.58782958984375,168.48065185546875],[400.5985412597656,168.866943359375],[400.6054992675781,169.25335693359375],[400.6124572753906,169.63975524902344],[400.619384765625,170.0261688232422],[400.6263427734375,170.41246032714844],[400.63330078125,170.7988739013672],[400.6402587890625,171.18528747558594],[400.64678955078125,171.57171630859375],[400.65289306640625,171.95814514160156],[400.65899658203125,172.3445587158203],[400.66510009765625,172.73098754882812],[400.67120361328125,173.11741638183594],[400.6772766113281,173.50384521484375],[400.6833801269531,173.89027404785156],[400.6888732910156,174.2766571044922],[400.6941223144531,174.66310119628906],[400.6993713378906,175.04953002929688],[400.7046203613281,175.43597412109375],[400.7098693847656,175.82241821289062],[400.71514892578125,176.20884704589844],[400.72039794921875,176.5952911376953],[400.7248229980469,176.98178100585938],[400.7292175292969,177.36822509765625],[400.733642578125,177.75466918945312],[400.738037109375,178.14112854003906],[400.7424621582031,178.52757263183594],[400.7468566894531,178.9140167236328],[400.7510681152344,179.3004913330078],[400.754638671875,179.68695068359375],[400.7582092285156,180.0734100341797],[400.76177978515625,180.45986938476562],[400.765380859375,180.84632873535156],[400.7689514160156,181.232666015625],[400.77252197265625,181.61912536621094],[400.775634765625,182.005615234375],[400.77838134765625,182.39207458496094],[400.7811279296875,182.77854919433594],[400.7838439941406,183.16500854492188],[400.7865905761719,183.5514678955078],[400.789306640625,183.9379425048828],[400.79205322265625,184.32440185546875],[400.79412841796875,184.7108154296875],[400.7960205078125,185.0972900390625],[400.79791259765625,185.48374938964844],[400.7998352050781,185.87022399902344],[400.8017272949219,186.25669860839844],[400.80364990234375,186.64315795898438],[400.8054504394531,187.0296630859375],[400.8065185546875,187.4161376953125],[400.8076171875,187.80259704589844],[400.8086853027344,188.18907165527344],[400.80975341796875,188.57554626464844],[400.81085205078125,188.96202087402344],[400.8119201660156,189.34849548339844],[400.8126525878906,189.73495483398438],[400.8128967285156,190.12142944335938],[400.81317138671875,190.50790405273438],[400.81341552734375,190.89437866210938],[400.8136901855469,191.28085327148438],[400.8139343261719,191.66732788085938],[400.814208984375,192.05380249023438],[400.8138427734375,192.44015502929688],[400.81329345703125,192.82662963867188],[400.812744140625,193.21310424804688],[400.81219482421875,193.59957885742188],[400.8116455078125,193.98605346679688],[400.81109619140625,194.37252807617188],[400.8104553222656,194.75904846191406],[400.8091125488281,195.14552307128906],[400.8077392578125,195.53199768066406],[400.806396484375,195.91847229003906],[400.8050231933594,196.304931640625],[400.8036804199219,196.69140625],[400.80230712890625,197.077880859375],[400.80059814453125,197.4643096923828],[400.7984313964844,197.8507843017578],[400.7962951660156,198.2372589111328],[400.79412841796875,198.62371826171875],[400.7919921875,199.01019287109375],[400.7898254394531,199.3966522216797],[400.78765869140625,199.7831268310547],[400.78485107421875,200.16964721679688],[400.78192138671875,200.55612182617188],[400.7789611816406,200.9425811767578],[400.7760314941406,201.32904052734375],[400.7730712890625,201.7154998779297],[400.7701416015625,202.1019744873047],[400.7669982910156,202.48834228515625],[400.7632751464844,202.87478637695312],[400.7595520019531,203.26112365722656],[400.75579833984375,203.6475830078125],[400.7520751953125,204.03404235839844],[400.7483215332031,204.42050170898438],[400.7445983886719,204.80694580078125],[400.7403869628906,205.1934356689453],[400.7358703613281,205.57989501953125],[400.7313537597656,205.96633911132812],[400.7268371582031,206.352783203125],[400.72235107421875,206.73922729492188],[400.71783447265625,207.1256866455078],[400.71331787109375,207.51206970214844],[400.7080383300781,207.89849853515625],[400.7027587890625,208.28494262695312],[400.6974792480469,208.67138671875],[400.6921691894531,209.0578155517578],[400.6868896484375,209.4442596435547],[400.6816101074219,209.8306884765625],[400.676025390625,210.2172393798828],[400.66998291015625,210.60366821289062],[400.6639404296875,210.99009704589844],[400.65789794921875,211.37652587890625],[400.65185546875,211.76295471191406],[400.6457824707031,212.14938354492188],[400.6397399902344,212.5358123779297],[400.6330871582031,212.9221954345703],[400.62628173828125,213.30860900878906],[400.6194763183594,213.6950225830078],[400.6126708984375,214.08131408691406],[400.6058654785156,214.4677276611328],[400.5990905761719,214.85414123535156],[400.59210205078125,215.24049377441406],[400.5845642089844,215.62689208984375],[400.5769958496094,216.01329040527344],[400.5694580078125,216.39968872070312],[400.5619201660156,216.7860870361328],[400.55438232421875,217.1724853515625],[400.54681396484375,217.55889892578125],[400.5387878417969,217.9453582763672],[400.530517578125,218.33175659179688],[400.5222473144531,218.7181396484375],[400.5139465332031,219.10452270507812],[400.50567626953125,219.49090576171875],[400.4974060058594,219.87728881835938],[400.48907470703125,220.26365661621094],[400.48004150390625,220.6500244140625],[400.4710388183594,221.03639221191406],[400.4620361328125,221.42276000976562],[400.4530334472656,221.8091278076172],[400.44403076171875,222.19549560546875],[400.4350280761719,222.5818634033203],[400.4256286621094,222.96824645996094],[400.4159240722656,223.35459899902344],[400.40618896484375,223.74095153808594],[400.3964538574219,224.12730407714844],[400.3867492675781,224.51365661621094],[400.3770446777344,224.89988708496094],[400.3673095703125,225.28623962402344],[400.3569030761719,225.67254638671875],[400.3464660644531,226.05886840820312],[400.3360290527344,226.44520568847656],[400.3255920410156,226.83154296875],[400.315185546875,227.21788024902344],[400.30474853515625,227.6042022705078],[400.2940368652344,227.990478515625],[400.28289794921875,228.3767852783203],[400.2717590332031,228.7631072998047],[400.2606201171875,229.1494140625],[400.2494812011719,229.53573608398438],[400.23834228515625,229.9220428466797],[400.2272033691406,230.30836486816406],[400.2154846191406,230.6947021484375],[400.20367431640625,231.08099365234375],[400.19183349609375,231.46728515625],[400.1800231933594,231.85357666015625],[400.1681823730469,232.2398681640625],[400.1563720703125,232.62615966796875],[400.14434814453125,233.0125274658203],[400.1318359375,233.3988037109375],[400.11932373046875,233.78506469726562],[400.1068420410156,234.1713409423828],[400.0943298339844,234.5576171875],[400.0818176269531,234.9438934326172],[400.0693054199219,235.3301544189453],[400.0563049316406,235.7163848876953],[400.04315185546875,236.10252380371094],[400.02996826171875,236.48876953125],[400.0168151855469,236.87501525878906],[400.003662109375,237.2612762451172],[399.990478515625,237.64752197265625],[399.9772033691406,238.03367614746094],[399.96337890625,238.41990661621094],[399.9495544433594,238.80613708496094],[399.93572998046875,239.19235229492188],[399.9219055175781,239.57858276367188],[399.9080810546875,239.96481323242188],[399.8942565917969,240.35104370117188],[399.8800048828125,240.73736572265625],[399.86553955078125,241.12356567382812],[399.85107421875,241.509765625],[399.8365783691406,241.89598083496094],[399.8221130371094,242.2821807861328],[399.8076477050781,242.6683807373047],[399.7931213378906,243.0545196533203],[399.77801513671875,243.44070434570312],[399.7629089355469,243.82688903808594],[399.747802734375,244.2130584716797],[399.7326965332031,244.5992431640625],[399.71759033203125,244.98541259765625],[399.7024841308594,245.37159729003906],[399.6870422363281,245.7578125],[399.6712951660156,246.1439666748047],[399.6555480957031,246.53012084960938],[399.63983154296875,246.91615295410156],[399.6241149902344,247.30230712890625],[399.6083679199219,247.6884765625],[399.5926513671875,248.0746307373047],[399.5762939453125,248.46072387695312],[399.5599670410156,248.8468475341797],[399.5436096191406,249.23297119140625],[399.52728271484375,249.61911010742188],[399.51092529296875,250.00523376464844],[399.4945983886719,250.391357421875],[399.4779968261719,250.7774658203125],[399.4610595703125,251.16355895996094],[399.444091796875,251.54966735839844],[399.4271545410156,251.93577575683594],[399.41021728515625,252.32186889648438],[399.3932800292969,252.70797729492188],[399.3763122558594,253.09408569335938],[399.35888671875,253.4801788330078],[399.3413391113281,253.8662567138672],[399.32379150390625,254.25233459472656],[399.3062438964844,254.63841247558594],[399.2887268066406,255.0244903564453],[399.27117919921875,255.4105682373047],[399.25347900390625,255.79661560058594],[399.2353515625,256.18267822265625],[399.2172546386719,256.5687255859375],[399.1991271972656,256.95477294921875],[399.1810302734375,257.3408203125],[399.16290283203125,257.72674560546875],[399.1448059082031,258.11279296875],[399.12628173828125,258.4988708496094],[399.10760498046875,258.8848876953125],[399.08892822265625,259.2709045410156],[399.07025146484375,259.65692138671875],[399.05157470703125,260.04296875],[399.03289794921875,260.4289855957031],[399.01416015625,260.81500244140625],[398.99493408203125,261.20098876953125],[398.9757080078125,261.5870056152344],[398.95648193359375,261.9729919433594],[398.937255859375,262.3589782714844],[398.91802978515625,262.7449951171875],[398.8988037109375,263.1309814453125],[398.8792724609375,263.516845703125],[398.8594970703125,263.90283203125],[398.8397216796875,264.2887878417969],[398.8199462890625,264.67474365234375],[398.8001708984375,265.06072998046875],[398.7803955078125,265.4466857910156],[398.7606506347656,265.8326721191406],[398.7403564453125,266.2186279296875],[398.7200622558594,266.60455322265625],[398.6997375488281,266.9905090332031],[398.679443359375,267.3764343261719],[398.6591491699219,267.76239013671875],[398.6388244628906,268.1483154296875],[398.61834716796875,268.5341491699219],[398.5975341796875,268.9200439453125],[398.57672119140625,269.30596923828125],[398.555908203125,269.69189453125],[398.53509521484375,270.0777893066406],[398.5142822265625,270.4637145996094],[398.49346923828125,270.849609375],[398.4722595214844,271.2355651855469],[398.4509582519531,271.6214599609375],[398.42962646484375,272.00732421875],[398.4082946777344,272.3932189941406],[398.3869934082031,272.77911376953125],[398.36566162109375,273.1650085449219],[398.34429931640625,273.5509033203125],[398.3224792480469,273.936767578125],[398.3006591796875,274.3226013183594],[398.2788391113281,274.7084655761719],[398.2570495605469,275.0943298339844],[398.2352294921875,275.4801940917969],[398.2134094238281,275.8660583496094],[398.1913757324219,276.2518615722656],[398.1690673828125,276.6376953125],[398.14678955078125,277.0235290527344],[398.12451171875,277.40936279296875],[398.1022033691406,277.7951965332031],[398.0799255371094,278.1810302734375],[398.0576477050781,278.5668640136719],[398.0349426269531,278.95269775390625],[398.01220703125,279.3385009765625],[397.9894714355469,279.72418212890625],[397.9667053222656,280.1099853515625],[397.9439697265625,280.49578857421875],[397.92120361328125,280.881591796875],[397.89837646484375,281.26739501953125],[397.8751525878906,281.6531677246094],[397.8519592285156,282.0389404296875],[397.8287658691406,282.4247131347656],[397.8055725097656,282.81048583984375],[397.7823791503906,283.1962890625],[397.7591857910156,283.5820617675781],[397.7357177734375,283.9678039550781],[397.71209716796875,284.35357666015625],[397.6884460449219,284.73931884765625],[397.6648254394531,285.12506103515625],[397.64117431640625,285.5108337402344],[397.6175537109375,285.8965759277344],[397.5939025878906,286.2823181152344],[397.5697021484375,286.66796875],[397.5454406738281,287.0536804199219],[397.52117919921875,287.43939208984375],[397.49688720703125,287.8251037597656],[397.4726257324219,288.2108154296875],[397.4483642578125,288.5965270996094],[397.4241027832031,288.98223876953125],[397.3998107910156,289.3679504394531],[397.37554931640625,289.753662109375],[397.3512878417969,290.1393737792969],[397.3270263671875,290.52496337890625],[397.302734375,290.9106750488281],[397.2784729003906,291.29638671875],[397.2537841796875,291.68212890625],[397.2287292480469,292.06781005859375],[397.2036437988281,292.4534606933594],[397.1785888671875,292.839111328125],[397.15350341796875,293.22479248046875],[397.1284484863281,293.6104431152344],[397.1033935546875,293.99609375],[397.07830810546875,294.38177490234375],[397.0532531738281,294.7674255371094],[397.0281982421875,295.153076171875],[397.00311279296875,295.53875732421875],[396.9780578613281,295.9244079589844],[396.9529724121094,296.31005859375],[396.9278564453125,296.69573974609375],[396.90203857421875,297.08135986328125],[396.876220703125,297.46697998046875],[396.8504333496094,297.8525695800781],[396.8246154785156,298.2381896972656],[396.7987976074219,298.6238098144531],[396.77301025390625,299.0094299316406],[396.7471923828125,299.39501953125],[396.72137451171875,299.7806396484375],[396.695556640625,300.166259765625],[396.6697692871094,300.5518493652344],[396.6439514160156,300.9374694824219],[396.6181640625,301.3229675292969],[396.59234619140625,301.7085876464844],[396.5661315917969,302.0941467285156],[396.5396423339844,302.4797058105469],[396.51312255859375,302.8652648925781],[396.48663330078125,303.2508239746094],[396.46014404296875,303.63641357421875],[396.43365478515625,304.02197265625],[396.4071350097656,304.40753173828125],[396.3806457519531,304.7930908203125],[396.3541564941406,305.17864990234375],[396.3276672363281,305.5642395019531],[396.3011474609375,305.9497985839844],[396.274658203125,306.3353576660156],[396.2481689453125,306.7209167480469],[396.2216491699219,307.1064453125],[396.19451904296875,307.491943359375],[396.1673889160156,307.8774719238281],[396.1402587890625,308.26300048828125],[396.11309814453125,308.6485290527344],[396.0859680175781,309.0340270996094],[396.058837890625,309.4195556640625],[396.0317077636719,309.8050842285156],[396.0045471191406,310.19061279296875],[395.9774169921875,310.57611083984375],[395.9502868652344,310.9616394042969],[395.92315673828125,311.34716796875],[395.89599609375,311.7326965332031],[395.8688659667969,312.1180725097656],[395.8415222167969,312.503662109375],[395.81378173828125,312.8891296386719],[395.78607177734375,313.2746276855469],[395.75836181640625,313.66009521484375],[395.73065185546875,314.04559326171875],[395.7029113769531,314.4310607910156],[395.6752014160156,314.8165283203125],[395.6474914550781,315.2020263671875],[395.6197509765625,315.5874938964844],[395.592041015625,315.9729919433594],[395.5643310546875,316.35845947265625],[395.5365905761719,316.7439270019531],[395.5088806152344,317.1294250488281],[395.4811706542969,317.514892578125],[395.4530944824219,317.9002990722656],[395.4248352050781,318.2857360839844],[395.3966064453125,318.6711730957031],[395.36834716796875,319.056640625],[395.340087890625,319.44207763671875],[395.3118591308594,319.8275146484375],[395.2835998535156,320.21295166015625],[395.2553405761719,320.598388671875],[395.22711181640625,320.98382568359375],[395.1988525390625,321.3692626953125],[395.17059326171875,321.75469970703125],[395.1423645019531,322.1401672363281],[395.1141052246094,322.5256042480469],[395.0858459472656,322.9110412597656],[395.05718994140625,323.2962951660156],[395.0284729003906,323.68170166015625],[394.999755859375,324.0671081542969],[394.97100830078125,324.4525146484375],[394.9422912597656,324.8379211425781],[394.9135437011719,325.22332763671875],[394.88482666015625,325.60870361328125],[394.8561096191406,325.9941101074219],[394.8273620605469,326.3795166015625],[394.79864501953125,326.7649230957031],[394.7698974609375,327.15032958984375],[394.7411804199219,327.5357360839844],[394.71246337890625,327.921142578125],[394.6837158203125,328.3065490722656],[394.6545715332031,328.69189453125],[394.62542724609375,329.0772705078125],[394.5962829589844,329.462646484375],[394.5671081542969,329.8480224609375],[394.5379638671875,330.2333679199219],[394.5088195800781,330.6187438964844],[394.47967529296875,331.0041198730469],[394.45050048828125,331.3894958496094],[394.4213562011719,331.7748718261719],[394.3922119140625,332.1602478027344],[394.363037109375,332.5456237792969],[394.3338928222656,332.9309997558594],[394.30474853515625,333.3163757324219],[394.27557373046875,333.7017517089844],[394.2423095703125,334.086669921875],[394.2015075683594,334.4709167480469],[394.1532287597656,334.8543701171875],[394.0974426269531,335.23675537109375],[394.03350830078125,335.6179504394531],[393.9619140625,335.9976806640625],[393.8821716308594,336.3758850097656],[393.7941589355469,336.7522277832031],[393.6976623535156,337.12646484375],[393.59234619140625,337.498291015625],[393.47784423828125,337.86737060546875],[393.3538818359375,338.2334289550781],[393.21990966796875,338.5958557128906],[393.07550048828125,338.9543762207031],[392.92041015625,339.3082580566406],[392.7536315917969,339.6568603515625],[392.57501220703125,339.9996032714844],[392.38372802734375,340.3354187011719],[392.17938232421875,340.6633605957031],[391.961181640625,340.98236083984375],[391.728759765625,341.2911071777344],[391.4815368652344,341.5881042480469],[391.2193908691406,341.8719787597656],[390.9417419433594,342.1407165527344],[390.64874267578125,342.3926086425781],[390.3408508300781,342.62615966796875],[390.0185852050781,342.8391418457031],[389.6825866699219,343.0301208496094],[389.3345947265625,343.1976013183594],[388.9757080078125,343.3407287597656],[388.6077575683594,343.4588317871094],[388.23272705078125,343.55169677734375],[387.8522644042969,343.61968994140625],[387.4682922363281,343.6633605957031],[387.08245849609375,343.68377685546875],[386.6960754394531,343.6821594238281],[386.310302734375,343.65985107421875],[385.9256896972656,343.62255859375],[385.5411071777344,343.584228515625],[385.1565246582031,343.5458984375],[384.77197265625,343.5075988769531],[384.3874816894531,343.4686279296875],[384.00299072265625,343.4296569824219],[383.61846923828125,343.3907165527344],[383.2339172363281,343.3515625],[382.8494873046875,343.3117980957031],[382.4650573730469,343.2720031738281],[382.08062744140625,343.23223876953125],[381.69622802734375,343.19244384765625],[381.3117980957031,343.1526794433594],[380.9273681640625,343.1128845214844],[380.5429382324219,343.0731201171875],[380.15863037109375,343.0330810546875],[379.7742919921875,342.9924011230469],[379.38995361328125,342.9517517089844],[379.0056457519531,342.9111022949219],[378.6214294433594,342.8704528808594],[378.2370910644531,342.8298034667969],[377.8527526855469,342.7891540527344],[377.46844482421875,342.74847412109375],[377.0840759277344,342.707763671875],[376.6997985839844,342.66644287109375],[376.3155517578125,342.6251220703125],[375.9312744140625,342.58380126953125],[375.5470275878906,342.54248046875],[375.16278076171875,342.5011901855469],[374.77850341796875,342.4598693847656],[374.3942565917969,342.4185485839844],[374.0099792480469,342.3772277832031],[373.62579345703125,342.33551025390625],[373.2416076660156,342.2935485839844],[372.857421875,342.2515563964844],[372.47320556640625,342.2095642089844],[372.0890197753906,342.1675720214844],[371.704833984375,342.1256103515625],[371.3206481933594,342.0836181640625],[370.93646240234375,342.0416259765625],[370.5522766113281,341.9996337890625],[370.1680908203125,341.9576721191406],[369.7839050292969,341.9156799316406],[369.39971923828125,341.8736877441406],[369.0155334472656,341.83172607421875],[368.63134765625,341.78973388671875],[368.2471618652344,341.74774169921875],[367.86297607421875,341.70574951171875],[367.4789123535156,341.6637878417969],[367.0947265625,341.6217956542969],[366.7106018066406,341.5794372558594],[366.3264465332031,341.53704833984375],[365.94232177734375,341.4946594238281],[365.55816650390625,341.4522705078125],[365.1740417480469,341.4098815917969],[364.7898864746094,341.36749267578125],[364.4057312011719,341.3251037597656],[364.0216064453125,341.2827453613281],[363.637451171875,341.2403564453125],[363.2533264160156,341.1979675292969],[362.8691711425781,341.15557861328125],[362.4850158691406,341.1131896972656],[362.10089111328125,341.07080078125],[361.71673583984375,341.0284118652344],[361.3326110839844,340.98602294921875],[360.9484558105469,340.9436340332031],[360.5643310546875,340.9012451171875],[360.18017578125,340.8588562011719],[359.7960205078125,340.8165283203125],[359.411865234375,340.7742614746094],[359.0277099609375,340.7319641113281],[358.6435546875,340.6896667480469],[358.2593994140625,340.64739990234375],[357.875244140625,340.6051025390625],[357.4910888671875,340.56280517578125],[357.10693359375,340.5205383300781],[356.722900390625,340.478271484375],[356.3387451171875,340.43597412109375],[355.95458984375,340.3936767578125],[355.5704345703125,340.3514099121094],[355.186279296875,340.3091125488281],[354.8021240234375,340.2668151855469],[354.41796875,340.22454833984375],[354.0338134765625,340.1822509765625],[353.649658203125,340.13995361328125],[353.2655029296875,340.0976867675781],[352.8813171386719,340.0556335449219],[352.49713134765625,340.01373291015625],[352.1129455566406,339.9718322753906],[351.7287292480469,339.929931640625],[351.34454345703125,339.8880310058594],[350.9603271484375,339.8461608886719],[350.5761413574219,339.80426025390625],[350.19195556640625,339.7623596191406],[349.8077392578125,339.720458984375],[349.4234619140625,339.6788330078125],[349.0392150878906,339.63739013671875],[348.65496826171875,339.5959167480469],[348.2707214355469,339.5544738769531],[347.886474609375,339.5130310058594],[347.5022277832031,339.4715881347656],[347.11798095703125,339.43011474609375],[346.7337341308594,339.388671875],[346.3494873046875,339.34722900390625],[345.96533203125,339.3062438964844],[345.5810241699219,339.265380859375],[345.19671630859375,339.22454833984375],[344.8124084472656,339.1836853027344],[344.4281005859375,339.142822265625],[344.0437927246094,339.10198974609375],[343.65948486328125,339.0611267089844],[343.2751770019531,339.020263671875],[342.89093017578125,338.9794921875],[342.50653076171875,338.9394226074219],[342.12213134765625,338.8993225097656],[341.7377624511719,338.8592529296875],[341.3533630371094,338.81915283203125],[340.9689636230469,338.7790832519531],[340.5845947265625,338.7389831542969],[340.2001953125,338.69891357421875],[339.8157958984375,338.6588439941406],[339.4313659667969,338.6194152832031],[339.046875,338.580322265625],[338.6623840332031,338.5412292480469],[338.27789306640625,338.50213623046875],[337.8934020996094,338.4630432128906],[337.5089111328125,338.4239501953125],[337.1244201660156,338.38482666015625],[336.73992919921875,338.3457336425781],[336.3553161621094,338.3071594238281],[335.9707336425781,338.2689514160156],[335.5861511230469,338.2307434082031],[335.2016906738281,338.1925354003906],[334.8171081542969,338.15478515625],[334.4324645996094,338.1172790527344],[334.04779052734375,338.07977294921875],[333.66314697265625,338.0422668457031],[333.27838134765625,338.0056457519531],[332.8936462402344,337.9692077636719],[332.5088806152344,337.9327697753906],[332.1240539550781,337.8971862792969],[331.7391662597656,337.86224365234375],[331.3542785644531,337.8273010253906],[330.9693298339844,337.7928771972656],[330.58428955078125,337.7595520019531],[330.1992492675781,337.7262268066406],[329.814208984375,337.69305419921875],[329.4290771484375,337.6610107421875],[329.0439453125,337.6294250488281],[328.6587219238281,337.5982971191406],[328.2734069824219,337.5680236816406],[327.88812255859375,337.5381164550781],[327.5027770996094,337.5089111328125],[327.1172790527344,337.48040771484375],[326.7319030761719,337.4523010253906],[326.34637451171875,337.42510986328125],[325.96075439453125,337.3984680175781],[325.57513427734375,337.37237548828125],[325.1895751953125,337.3472900390625],[324.80389404296875,337.3226623535156],[324.41815185546875,337.2987976074219],[324.0325012207031,337.2758483886719],[323.6466369628906,337.25335693359375],[323.2607727050781,337.23187255859375],[322.8748474121094,337.2111511230469],[322.4889221191406,337.19091796875],[322.1029357910156,337.17193603515625],[321.7168884277344,337.153564453125],[321.330810546875,337.1358947753906],[320.9446105957031,337.119384765625],[320.55853271484375,337.103515625],[320.17236328125,337.0885314941406],[319.78607177734375,337.0746154785156],[319.39984130859375,337.06134033203125],[319.0135498046875,337.0491943359375],[318.62725830078125,337.0379943847656],[318.2409362792969,337.0274658203125],[317.85455322265625,337.0182800292969],[317.4681396484375,337.00994873046875],[317.08172607421875,337.0023498535156],[316.6954040527344,336.9962463378906],[316.3089294433594,336.9908752441406],[315.9224853515625,336.9864196777344],[315.53594970703125,336.9833679199219],[315.1495666503906,336.9810791015625],[314.7630920410156,336.9798889160156],[314.37664794921875,336.9800720214844],[313.9901428222656,336.98101806640625],[313.6036682128906,336.9831848144531],[313.2173156738281,336.9866943359375],[312.83087158203125,336.9909973144531],[312.4444580078125,336.9967041015625],[312.0580749511719,337.0036315917969],[311.6716003417969,337.01141357421875],[311.28521728515625,337.0208435058594],[310.89898681640625,337.03131103515625],[310.5126647949219,337.04266357421875],[310.12640380859375,337.0558166503906],[309.74017333984375,337.0699768066406],[309.35400390625,337.0850524902344],[308.9679260253906,337.1020812988281],[308.58184814453125,337.1200256347656],[308.1958312988281,337.1390380859375],[307.8099670410156,337.159912109375],[307.4241027832031,337.1817321777344],[307.038330078125,337.20477294921875],[306.65264892578125,337.2296447753906],[306.26702880859375,337.2554626464844],[305.88153076171875,337.28265380859375],[305.4960632324219,337.3115539550781],[305.11077880859375,337.3414306640625],[304.7255859375,337.3728942871094],[304.3405456542969,337.40594482421875],[303.9555358886719,337.4399719238281],[303.57073974609375,337.4757995605469],[303.18609619140625,337.5130615234375],[302.8014831542969,337.5513610839844],[302.417236328125,337.5915832519531],[302.0330505371094,337.6331787109375],[301.6488952636719,337.6758117675781],[301.2650146484375,337.72052001953125],[300.88128662109375,337.7664489746094],[300.4976806640625,337.8134460449219],[300.1143798828125,337.8627624511719],[299.73114013671875,337.9131164550781],[299.3481140136719,337.96478271484375],[298.9654541015625,338.0185241699219],[298.58294677734375,338.07330322265625],[298.20062255859375,338.129638671875],[297.81854248046875,338.1878967285156],[297.4366455078125,338.24725341796875],[297.0550231933594,338.308349609375],[296.6737060546875,338.3711242675781],[296.2924499511719,338.43499755859375],[295.9116516113281,338.50091552734375],[295.5310974121094,338.5682373046875],[295.1506652832031,338.6366882324219],[294.7724609375,338.7158203125],[294.3982238769531,338.8117980957031],[294.0281982421875,338.9236145019531],[293.6630859375,339.0499572753906],[293.3028259277344,339.1898498535156],[292.9476623535156,339.3421936035156],[292.59771728515625,339.5060729980469],[292.2530517578125,339.6808776855469],[291.9136962890625,339.86572265625],[291.5796203613281,340.0599670410156],[291.2508850097656,340.26318359375],[290.927490234375,340.47467041015625],[290.6093444824219,340.6940612792969],[290.29644775390625,340.9209899902344],[289.9888916015625,341.15496826171875],[289.686767578125,341.3958740234375],[289.3897705078125,341.6431579589844],[289.09808349609375,341.89666748046875],[288.8117980957031,342.1562194824219],[288.5307922363281,342.42169189453125],[288.2553405761719,342.69268798828125],[287.98541259765625,342.9692077636719],[287.7210693359375,343.251220703125],[287.462646484375,343.5384521484375],[287.2101135253906,343.8310241699219],[286.963623046875,344.1288146972656],[286.7236633300781,344.431640625],[286.4903259277344,344.73968505859375],[286.26385498046875,345.052978515625],[286.0447998046875,345.3713073730469],[285.8334045410156,345.69482421875],[285.63055419921875,346.023681640625],[285.4407958984375,346.3603515625],[285.2659606933594,346.7049560546875],[285.10467529296875,347.0561828613281],[284.95611572265625,347.4128723144531],[284.8192138671875,347.7742614746094],[284.6933288574219,348.1395263671875],[284.57763671875,348.50823974609375],[284.4714050292969,348.8798522949219],[284.3741455078125,349.2538757324219],[284.285400390625,349.6300354003906],[284.2047424316406,350.0079650878906],[284.1318664550781,350.387451171875],[284.06597900390625,350.7683410644531],[284.0070495605469,351.1502685546875],[283.9549255371094,351.53314208984375],[283.909423828125,351.9169921875],[283.8701171875,352.3014831542969],[283.8368835449219,352.6864929199219],[283.8095703125,353.072021484375],[283.7884826660156,353.45782470703125],[283.7732238769531,353.8439636230469],[283.7637634277344,354.23040771484375],[283.76007080078125,354.6168212890625],[283.7622375488281,355.0032653808594],[283.7702941894531,355.38970947265625],[283.7846374511719,355.7759094238281],[283.80517578125,356.1617431640625],[283.8321838378906,356.54736328125],[283.8659362792969,356.932373046875],[283.9068603515625,357.316650390625],[283.9554138183594,357.6999816894531],[284.0124206542969,358.08221435546875],[284.0787048339844,358.4630126953125],[284.1551513671875,358.8416748046875],[284.2432556152344,359.2179870605469],[284.3421325683594,359.5915832519531],[284.4513244628906,359.9622497558594],[284.57037353515625,360.3299865722656],[284.69879150390625,360.69451904296875],[284.8359375,361.05572509765625],[284.981689453125,361.41375732421875],[285.135498046875,361.7682800292969],[285.297119140625,362.1192932128906],[285.4662780761719,362.4667053222656],[285.6426696777344,362.81060791015625],[285.8260803222656,363.15081787109375],[286.01629638671875,363.48724365234375],[286.2131042480469,363.8197937011719],[286.4163513183594,364.1485595703125],[286.6258544921875,364.4731750488281],[286.8415832519531,364.7938537597656],[287.0633850097656,365.1104431152344],[287.29095458984375,365.4226989746094],[287.52435302734375,365.7306823730469],[287.7635498046875,366.03436279296875],[288.00830078125,366.33343505859375],[288.2586364746094,366.6278381347656],[288.5144958496094,366.91741943359375],[288.7758483886719,367.2021484375],[289.0426330566406,367.4817810058594],[289.3148498535156,367.756103515625],[289.5924072265625,368.0248718261719],[289.8753356933594,368.2879638671875],[290.1637878417969,368.5453186035156],[290.4574890136719,368.79638671875],[290.7562255859375,369.0414733886719],[291.0575866699219,369.2834167480469],[291.36126708984375,369.5225524902344],[291.6673278808594,369.7584533691406],[291.97601318359375,369.9909973144531],[292.2874450683594,370.219970703125],[292.60162353515625,370.4449462890625],[292.9188232421875,370.6658020019531],[293.239013671875,370.88214111328125],[293.5623474121094,371.0937194824219],[293.8890380859375,371.30029296875],[294.2190856933594,371.50146484375],[294.5523986816406,371.6968688964844],[294.8892517089844,371.88629150390625],[295.2297058105469,372.0693664550781],[295.57354736328125,372.24566650390625],[295.9210205078125,372.41497802734375],[296.2719421386719,372.57684326171875],[296.6263427734375,372.73095703125],[296.9841003417969,372.8769836425781],[297.34515380859375,373.01483154296875],[297.70947265625,373.143798828125],[298.07684326171875,373.2637939453125],[298.4470520019531,373.3744812011719],[298.8199157714844,373.4757385253906],[299.1954040527344,373.5672912597656],[299.5731506347656,373.6488952636719],[299.9528503417969,373.7205505371094],[300.3343811035156,373.7820739746094],[300.7174072265625,373.8334045410156],[301.10174560546875,373.87451171875],[301.4869384765625,373.9053649902344],[301.8729248046875,373.9259948730469],[302.2590637207031,373.9405822753906],[302.6452941894531,373.95501708984375],[303.031494140625,373.9692077636719],[303.417724609375,373.9825439453125],[303.8039855957031,373.99591064453125],[304.1903381347656,374.00860595703125],[304.57659912109375,374.0208740234375],[304.962890625,374.03314208984375],[305.34918212890625,374.0443115234375],[305.7355041503906,374.0555114746094],[306.1217346191406,374.0661926269531],[306.5080871582031,374.0762939453125],[306.8944091796875,374.0863952636719],[307.2808532714844,374.0954895019531],[307.667236328125,374.1044921875],[308.0535583496094,374.1130676269531],[308.4399719238281,374.1210021972656],[308.82635498046875,374.1289367675781],[309.2127990722656,374.1358642578125],[309.5992126464844,374.1427307128906],[309.9855651855469,374.1490478515625],[310.3719787597656,374.1548767089844],[310.7584228515625,374.1605529785156],[311.1448669433594,374.16534423828125],[311.53131103515625,374.1701354980469],[311.9177551269531,374.1741638183594],[312.30419921875,374.17791748046875],[312.6906433105469,374.1812744140625],[313.07708740234375,374.18402099609375],[313.4635925292969,374.1866760253906],[313.8500671386719,374.1884460449219],[314.2365417480469,374.190185546875],[314.62298583984375,374.191162109375],[315.00946044921875,374.19195556640625],[315.3958740234375,374.1922302246094],[315.7823486328125,374.19207763671875],[316.1689147949219,374.191650390625],[316.5553894042969,374.1905517578125],[316.9417724609375,374.1894226074219],[317.3282470703125,374.18743896484375],[317.7147216796875,374.1854553222656],[318.1011962890625,374.1827392578125],[318.4876708984375,374.1799011230469],[318.8741760253906,374.1764831542969],[319.2606201171875,374.1728210449219],[319.6470947265625,374.1687316894531],[320.0335693359375,374.1642761230469],[320.4199523925781,374.1593933105469],[320.8062744140625,374.15380859375],[321.19268798828125,374.148193359375],[321.5791320800781,374.1426086425781],[321.9654846191406,374.1368408203125],[322.3518981933594,374.1299133300781],[322.7383117675781,374.12298583984375],[323.1247253417969,374.11602783203125],[323.5111389160156,374.1091003417969],[323.8975524902344,374.1010437011719],[324.283935546875,374.0929260253906],[324.6703186035156,374.0848083496094],[325.0567321777344,374.07666015625],[325.4430847167969,374.0677490234375],[325.8294372558594,374.0586242675781],[326.2158203125,374.04949951171875],[326.6021728515625,374.0403747558594],[326.98858642578125,374.03070068359375],[327.37493896484375,374.0207824707031],[327.76129150390625,374.0108642578125],[328.14764404296875,374.0009460449219],[328.533935546875,373.9906921386719],[328.9202575683594,373.9801940917969],[329.3066101074219,373.9696960449219],[329.69293212890625,373.9591979980469],[330.0792541503906,373.9484558105469],[330.465576171875,373.9375305175781],[330.8518981933594,373.9266052246094],[331.23822021484375,373.9156799316406],[331.6244201660156,373.90472412109375],[332.0107421875,373.893798828125],[332.3970642089844,373.88287353515625],[332.78338623046875,373.8719482421875],[333.1697082519531,373.861083984375],[333.5560302734375,373.8503112792969],[333.9423522949219,373.83953857421875],[334.32867431640625,373.8287658691406],[334.7149963378906,373.8179931640625],[335.101318359375,373.80718994140625],[335.4876403808594,373.7964172363281],[335.87396240234375,373.78564453125],[336.26025390625,373.77508544921875],[336.6466064453125,373.7649841308594],[337.032958984375,373.7548522949219],[337.4192810058594,373.7447509765625],[337.80572509765625,373.73480224609375],[338.19207763671875,373.72540283203125],[338.57843017578125,373.71600341796875],[338.96478271484375,373.7066345214844],[339.3511047363281,373.6972961425781],[339.7374572753906,373.6888427734375],[340.12384033203125,373.68035888671875],[340.5102233886719,373.671875],[340.8966064453125,373.66339111328125],[341.28302001953125,373.6559143066406],[341.6694030761719,373.6485290527344],[342.0558166503906,373.64117431640625],[342.4421081542969,373.6337890625],[342.82861328125,373.6272277832031],[343.21502685546875,373.6211242675781],[343.6014709472656,373.61505126953125],[343.9878845214844,373.60894775390625],[344.37432861328125,373.6033020019531],[344.7607727050781,373.5986328125],[345.147216796875,373.5939636230469],[345.5336608886719,373.58929443359375],[345.92010498046875,373.5846252441406],[346.30657958984375,373.5810241699219],[346.6930236816406,373.5775146484375],[347.07940673828125,373.5745849609375],[347.46588134765625,373.5718994140625],[347.85235595703125,373.569580078125],[348.23883056640625,373.5677185058594],[348.62530517578125,373.5660400390625],[349.01177978515625,373.5650329589844],[349.39825439453125,373.5640563964844],[349.7846984863281,373.5638732910156],[350.1711730957031,373.5637512207031],[350.5577087402344,373.564208984375],[350.9441833496094,373.5650329589844],[351.33062744140625,373.5660705566406],[351.71710205078125,373.5678405761719],[352.10357666015625,373.569580078125],[352.489990234375,373.5721435546875],[352.87646484375,373.5748596191406],[353.26300048828125,373.5780334472656],[353.64935302734375,373.5816955566406],[354.03570556640625,373.58538818359375],[354.4221496582031,373.59002685546875],[354.80859375,373.5946960449219],[355.1950988769531,373.59991455078125],[355.5815124511719,373.6055603027344],[355.9679260253906,373.61126708984375],[356.3543395996094,373.6179504394531],[356.7407531738281,373.6246337890625],[357.127197265625,373.6323547363281],[357.513427734375,373.6451110839844],[357.8995056152344,373.6625061035156],[358.28533935546875,373.68414306640625],[358.67095947265625,373.71002197265625],[359.0563049316406,373.739501953125],[359.4413146972656,373.77264404296875],[359.8260192871094,373.8092956542969],[360.2104797363281,373.84912109375],[360.594482421875,373.89239501953125],[360.97821044921875,373.93896484375],[361.3614501953125,373.98858642578125],[361.744384765625,374.0412902832031],[362.12664794921875,374.09735107421875],[362.5085754394531,374.1565856933594],[362.8900146484375,374.21893310546875],[363.2708740234375,374.2843933105469],[363.65118408203125,374.3529968261719],[364.031005859375,374.4248352050781],[364.409912109375,374.5001525878906],[364.788330078125,374.57891845703125],[365.1658935546875,374.6609802246094],[365.5428466796875,374.74652099609375],[365.9188537597656,374.83551025390625],[366.29412841796875,374.9281311035156],[366.6683654785156,375.02435302734375],[367.0416564941406,375.1243896484375],[367.4139404296875,375.22821044921875],[367.7850646972656,375.336181640625],[368.1548767089844,375.4483642578125],[368.52337646484375,375.564697265625],[368.8905334472656,375.6853942871094],[369.2562255859375,375.810546875],[369.6202087402344,375.9403076171875],[369.982421875,376.07501220703125],[370.3427734375,376.2147216796875],[370.70111083984375,376.35955810546875],[371.0571594238281,376.5096435546875],[371.4109802246094,376.66522216796875],[371.76214599609375,376.8267822265625],[372.1103515625,376.9942626953125],[372.4555969238281,377.1679382324219],[372.7975769042969,377.3480224609375],[373.1357421875,377.5349426269531],[373.47003173828125,377.7288818359375],[373.800048828125,377.9300231933594],[374.125244140625,378.1387939453125],[374.4451599121094,378.3554992675781],[374.759521484375,378.5802307128906],[375.0675354003906,378.8135986328125],[375.36871337890625,379.0557556152344],[375.66253662109375,379.3067626953125],[375.94793701171875,379.5673522949219],[376.2252197265625,379.8365478515625],[376.5002136230469,380.1081237792969],[376.7742004394531,380.3806457519531],[377.0470275878906,380.6543884277344],[377.31878662109375,380.9293212890625],[377.58935546875,381.2052307128906],[377.85870361328125,381.4822998046875],[378.1268310546875,381.7606506347656],[378.39361572265625,382.0403137207031],[378.658935546875,382.32122802734375],[378.9228210449219,382.6037292480469],[379.18499755859375,382.88763427734375],[379.44549560546875,383.1731262207031],[379.7042236328125,383.4602355957031],[379.9610290527344,383.7490539550781],[380.2158203125,384.0396728515625],[380.46844482421875,384.3320617675781],[380.7188720703125,384.62646484375],[380.9669189453125,384.9228820800781],[381.2123718261719,385.2212829589844],[381.4552917480469,385.5219421386719],[381.6953430175781,385.8247375488281],[381.93243408203125,386.1297607421875],[382.1665954589844,386.43731689453125],[382.39739990234375,386.7472839355469],[382.6243896484375,387.05999755859375],[382.847900390625,387.37530517578125],[383.06768798828125,387.6932373046875],[383.2835693359375,388.0137023925781],[383.4949645996094,388.3372497558594],[383.70208740234375,388.6635437011719],[383.90447998046875,388.9927673339844],[384.1020812988281,389.32489013671875],[384.2947998046875,389.6598815917969],[384.4823303222656,389.997802734375],[384.66461181640625,390.338623046875],[384.84149169921875,390.68218994140625],[385.0129699707031,391.028564453125],[385.1786804199219,391.3776550292969],[385.3387451171875,391.72943115234375],[385.4931945800781,392.08367919921875],[385.64202880859375,392.44036865234375],[385.7851257324219,392.7993469238281],[385.9223937988281,393.16064453125],[386.05462646484375,393.5237731933594],[386.18115234375,393.8889465332031],[386.3026428222656,394.25579833984375],[386.4191589355469,394.62432861328125],[386.5306091308594,394.9944152832031],[386.6376953125,395.3656921386719],[386.7400207519531,395.73834228515625],[386.83831787109375,396.11199951171875],[386.932861328125,396.48675537109375],[387.02337646484375,396.86248779296875],[387.10980224609375,397.2392272949219],[387.1873779296875,397.6177673339844],[387.25579833984375,397.99810791015625],[387.3153991699219,398.3799133300781],[387.36639404296875,398.76300048828125],[387.4090576171875,399.1471862792969],[387.44366455078125,399.5320739746094],[387.470458984375,399.9175720214844],[387.4895935058594,400.3036193847656],[387.50140380859375,400.6898498535156],[387.5060119628906,401.0763854980469],[387.503662109375,401.4627685546875],[387.4945373535156,401.84912109375],[387.478759765625,402.23529052734375],[387.45660400390625,402.6211853027344],[387.4280090332031,403.00653076171875],[387.39349365234375,403.39141845703125],[387.3530578613281,403.77581787109375],[387.3066101074219,404.1594543457031],[387.25482177734375,404.54248046875],[387.1968688964844,404.9245300292969],[387.13397216796875,405.3058166503906],[387.0652160644531,405.68621826171875],[386.991455078125,406.06549072265625],[386.9123840332031,406.4437561035156],[386.8280944824219,406.82080078125],[386.7389831542969,407.1969299316406],[386.6443786621094,407.57159423828125],[386.54522705078125,407.9452209472656],[386.44091796875,408.3172302246094],[386.3318176269531,408.6880798339844],[386.2179260253906,409.05731201171875],[386.0990295410156,409.42510986328125],[385.9756774902344,409.791259765625],[385.8470764160156,410.1557312011719],[385.7141418457031,410.51861572265625],[385.57598876953125,410.87957763671875],[385.4333801269531,411.23870849609375],[385.2856750488281,411.595947265625],[385.13336181640625,411.9510803222656],[384.97607421875,412.3040466308594],[384.8138732910156,412.65484619140625],[384.6467590332031,413.0033874511719],[384.474609375,413.3493347167969],[384.2976989746094,413.69293212890625],[384.1163330078125,414.0341796875],[383.9311218261719,414.3734436035156],[383.7416687011719,414.7102355957031],[383.54827880859375,415.044921875],[383.35137939453125,415.37744140625],[383.15045166015625,415.7076110839844],[382.9459533691406,416.0354919433594],[382.7380676269531,416.361328125],[382.5265808105469,416.6846008300781],[382.3115539550781,417.0057373046875],[382.0933532714844,417.32470703125],[381.8718566894531,417.6413269042969],[381.6468505859375,417.95556640625],[381.4187927246094,418.2675476074219],[381.1877136230469,418.5773010253906],[380.95306396484375,418.884521484375],[380.715576171875,419.1893005371094],[380.47509765625,419.4918518066406],[380.23150634765625,419.7918701171875],[379.9847106933594,420.0893249511719],[379.73504638671875,420.38433837890625],[379.4825744628906,420.67694091796875],[379.2268981933594,420.9666748046875],[378.96820068359375,421.2539367675781],[378.7068176269531,421.5384826660156],[378.44244384765625,421.8204040527344],[378.17486572265625,422.0993957519531],[377.9046325683594,422.3755187988281],[377.6315002441406,422.64898681640625],[377.3552551269531,422.919189453125],[377.0760192871094,423.18646240234375],[376.7940673828125,423.45068359375],[376.5091552734375,423.7117919921875],[376.22100830078125,423.9693603515625],[375.9300231933594,424.2237854003906],[375.6362609863281,424.4749450683594],[375.33935546875,424.7220153808594],[375.0393371582031,424.9657287597656],[374.7365417480469,425.2058410644531],[374.430419921875,425.4417724609375],[374.121337890625,425.6737060546875],[373.8093566894531,425.9017333984375],[373.49395751953125,426.125244140625],[373.1755676269531,426.34423828125],[372.8542785644531,426.55889892578125],[372.5295104980469,426.76861572265625],[372.2017822265625,426.97320556640625],[371.8706970214844,427.17279052734375],[371.5359802246094,427.36590576171875],[371.1974182128906,427.5521545410156],[370.85504150390625,427.73138427734375],[370.50921630859375,427.9040222167969],[370.1601257324219,428.06982421875],[369.80810546875,428.2293395996094],[369.4532470703125,428.38226318359375],[369.09576416015625,428.5292663574219],[368.73583984375,428.66998291015625],[368.3736572265625,428.8049621582031],[368.0094909667969,428.93408203125],[367.6432800292969,429.0577697753906],[367.275390625,429.1759338378906],[366.90582275390625,429.28887939453125],[366.5346374511719,429.3968200683594],[366.16204833984375,429.4996032714844],[365.788330078125,429.59765625],[365.4134216308594,429.69091796875],[365.03717041015625,429.7796325683594],[364.6600646972656,429.86407470703125],[364.28204345703125,429.9443664550781],[363.90325927734375,430.0206298828125],[363.5235595703125,430.09295654296875],[363.14312744140625,430.16107177734375],[362.76202392578125,430.2255554199219],[362.38043212890625,430.2865295410156],[361.99822998046875,430.3440856933594],[361.6156921386719,430.3983154296875],[361.2325134277344,430.4493103027344],[360.84906005859375,430.4968566894531],[360.4650573730469,430.5414733886719],[360.0809326171875,430.58319091796875],[359.6964111328125,430.62213134765625],[359.31158447265625,430.6584167480469],[358.9266662597656,430.6920166015625],[358.5413818359375,430.7229309082031],[358.1559753417969,430.7513732910156],[357.77032470703125,430.77752685546875],[357.3846435546875,430.8013916015625],[356.9988098144531,430.8231506347656],[356.61285400390625,430.84283447265625],[356.2267150878906,430.8603820800781],[355.8405456542969,430.87591552734375],[355.45440673828125,430.8896484375],[355.068115234375,430.9016418457031],[354.681884765625,430.9115295410156],[354.2955322265625,430.92071533203125],[353.9090270996094,430.9273986816406],[353.5226135253906,430.9333190917969],[353.13616943359375,430.93756103515625],[352.74969482421875,430.9405212402344],[352.36322021484375,430.9425964355469],[351.976806640625,430.9429931640625],[351.59039306640625,430.94305419921875],[351.20391845703125,430.94268798828125],[350.81744384765625,430.9423522949219],[350.43096923828125,430.9419860839844],[350.04449462890625,430.941650390625],[349.65802001953125,430.9412841796875],[349.27154541015625,430.9409484863281],[348.88507080078125,430.9405822753906],[348.49859619140625,430.94024658203125],[348.11212158203125,430.93988037109375],[347.72564697265625,430.9395446777344],[347.33917236328125,430.9391784667969],[346.95269775390625,430.9388427734375],[346.56622314453125,430.9384765625],[346.17974853515625,430.9381408691406],[345.79327392578125,430.9377746582031],[345.4067077636719,430.93756103515625],[345.0202331542969,430.9377746582031],[344.6337585449219,430.9380187988281],[344.2472839355469,430.938232421875],[343.8609313964844,430.9384460449219],[343.4744567871094,430.9386901855469],[343.0879821777344,430.93890380859375],[342.7015075683594,430.93914794921875],[342.3150329589844,430.9393615722656],[341.9285583496094,430.9396057128906],[341.5420837402344,430.9398193359375],[341.1556091308594,430.9400634765625],[340.7691345214844,430.9402770996094],[340.3826599121094,430.9405212402344],[339.9961853027344,430.94073486328125],[339.6097106933594,430.94097900390625],[339.2232666015625,430.9412841796875],[338.8367919921875,430.9420471191406],[338.4503173828125,430.94281005859375],[338.0638427734375,430.94354248046875],[337.6773681640625,430.9443054199219],[337.2908935546875,430.945068359375],[336.9044189453125,430.9458312988281],[336.5179443359375,430.94659423828125],[336.1314697265625,430.9473571777344],[335.7449951171875,430.9481201171875],[335.3585205078125,430.9488525390625],[334.9720458984375,430.9496154785156],[334.5855712890625,430.95037841796875],[334.1990966796875,430.9511413574219],[333.8126220703125,430.951904296875],[333.4261474609375,430.9526672363281],[333.0397644042969,430.9534606933594],[332.6532897949219,430.9547119140625],[332.2668151855469,430.9559631347656],[331.8803405761719,430.95721435546875],[331.4938659667969,430.9584655761719],[331.1073913574219,430.959716796875],[330.7209167480469,430.9609680175781],[330.3344421386719,430.96221923828125],[329.9479675292969,430.9634704589844],[329.5615234375,430.9646911621094],[329.175048828125,430.9659423828125],[328.78857421875,430.9671936035156],[328.402099609375,430.96844482421875],[328.015625,430.9696960449219],[327.629150390625,430.970947265625],[327.24267578125,430.9721984863281],[326.856201171875,430.9734802246094],[326.4697265625,430.97515869140625],[326.083251953125,430.97686767578125],[325.69677734375,430.9785461425781],[325.3103332519531,430.9802551269531],[324.9238586425781,430.98193359375],[324.5373840332031,430.983642578125],[324.1509094238281,430.9853515625],[323.7644348144531,430.9870300292969],[323.3779602050781,430.9887390136719],[322.9914855957031,430.99041748046875],[322.6050109863281,430.99212646484375],[322.21856689453125,430.9938049316406],[321.83221435546875,430.9955139160156],[321.44573974609375,430.9971923828125],[321.05926513671875,430.9989013671875],[320.67279052734375,431.0006103515625],[320.2863464355469,431.002685546875],[319.8998718261719,431.0047912597656],[319.513427734375,431.00689697265625],[319.126953125,431.0090026855469],[318.740478515625,431.0111083984375],[318.35400390625,431.0132141113281],[317.967529296875,431.01531982421875],[317.5810546875,431.0174255371094],[317.1946105957031,431.0195007324219],[316.8081359863281,431.0216064453125],[316.4216613769531,431.0237121582031],[316.0351867675781,431.02581787109375],[315.6487121582031,431.0279235839844],[315.26226806640625,431.030029296875],[314.87579345703125,431.0321350097656],[314.48931884765625,431.03424072265625],[314.1029052734375,431.0368347167969],[313.7164306640625,431.0394592285156],[313.3299560546875,431.04205322265625],[312.9435119628906,431.044677734375],[312.5570373535156,431.04730224609375],[312.1705627441406,431.0499267578125],[311.78411865234375,431.05255126953125],[311.39764404296875,431.05517578125],[311.01129150390625,431.05780029296875],[310.6248474121094,431.0604248046875],[310.2383728027344,431.06304931640625],[309.8518981933594,431.065673828125],[309.4654235839844,431.06829833984375],[309.0789794921875,431.0709228515625],[308.6925048828125,431.07354736328125],[308.3060302734375,431.076171875],[307.9195861816406,431.07879638671875],[307.5331115722656,431.0814208984375],[307.1466369628906,431.08404541015625],[306.7601623535156,431.086669921875],[306.37371826171875,431.08929443359375],[305.98724365234375,431.0919189453125],[305.60076904296875,431.09454345703125],[305.2143249511719,431.0971374511719],[304.8278503417969,431.0997619628906],[304.4413757324219,431.1023864746094],[304.0549011230469,431.1050109863281],[303.66845703125,431.1076354980469],[303.281982421875,431.1102600097656],[302.8955078125,431.1128845214844],[302.5090637207031,431.1155090332031],[302.1225891113281,431.1181335449219],[301.7361145019531,431.1211242675781],[301.3496398925781,431.1241760253906],[300.96319580078125,431.1272277832031],[300.57672119140625,431.13031005859375],[300.1903991699219,431.13336181640625],[299.8039245605469,431.13641357421875],[299.4174499511719,431.13946533203125],[299.031005859375,431.1425476074219],[298.64453125,431.1455993652344],[298.2580871582031,431.1486511230469],[297.8716125488281,431.1517333984375],[297.4851379394531,431.15478515625],[297.09869384765625,431.1578369140625],[296.71221923828125,431.160888671875],[296.3257751464844,431.1639709472656],[295.9393005371094,431.1670227050781],[295.5527648925781,431.1702575683594],[295.1662902832031,431.1735534667969],[294.77984619140625,431.1768493652344],[294.39337158203125,431.1801452636719],[294.0069274902344,431.1834411621094],[293.6204528808594,431.18670654296875],[293.2340087890625,431.19000244140625],[292.8475341796875,431.19329833984375],[292.4610900878906,431.19659423828125],[292.0746154785156,431.19989013671875],[291.68817138671875,431.20318603515625],[291.30169677734375,431.20648193359375],[290.91522216796875,431.2097473144531],[290.5287780761719,431.2130432128906],[290.1423034667969,431.2163391113281],[289.755859375,431.2196350097656],[289.36962890625,431.2231140136719],[288.9831848144531,431.2266845703125],[288.5967102050781,431.230224609375],[288.21026611328125,431.2337951660156],[287.82379150390625,431.23736572265625],[287.4373474121094,431.24090576171875],[287.0508728027344,431.2444763183594],[286.6644287109375,431.2480163574219],[286.2779541015625,431.2515869140625],[285.8915100097656,431.2551574707031],[285.50506591796875,431.2586975097656],[285.11859130859375,431.26226806640625],[284.7321472167969,431.2658386230469],[284.3456726074219,431.2693786621094],[283.959228515625,431.27294921875],[283.57275390625,431.2765197753906],[283.1863098144531,431.2800598144531],[282.7998352050781,431.28363037109375],[282.41339111328125,431.28717041015625],[282.02691650390625,431.2907409667969],[281.6404724121094,431.2943115234375],[281.2539978027344,431.2978515625],[280.8675537109375,431.3014221191406],[280.4810791015625,431.30499267578125],[280.0946350097656,431.30853271484375],[279.70819091796875,431.3121032714844],[279.32171630859375,431.3156433105469],[278.9352722167969,431.3192138671875],[278.5487976074219,431.3227844238281],[278.1624755859375,431.3263244628906],[277.7760009765625,431.32989501953125],[277.3895568847656,431.3334655761719],[277.0030822753906,431.337158203125],[276.6166076660156,431.3409423828125],[276.23016357421875,431.3447265625],[275.84368896484375,431.3485412597656],[275.4572448730469,431.3523254394531],[275.07080078125,431.3561096191406],[274.684326171875,431.3598937988281],[274.2978820800781,431.36370849609375],[273.91143798828125,431.36749267578125],[273.52496337890625,431.37127685546875],[273.1385192871094,431.3750915527344],[272.7520446777344,431.3788757324219],[272.3656005859375,431.3826599121094],[271.9791564941406,431.3864440917969],[271.5926818847656,431.3902587890625],[271.20623779296875,431.39404296875],[270.81976318359375,431.3978271484375],[270.4333190917969,431.401611328125],[270.046875,431.4054260253906],[269.660400390625,431.4092102050781],[269.2739562988281,431.4129943847656],[268.88751220703125,431.41680908203125],[268.50103759765625,431.42059326171875],[268.1145935058594,431.42437744140625],[267.7281188964844,431.42816162109375],[267.341796875,431.4319763183594],[266.9553527832031,431.4357604980469],[266.5688781738281,431.4395446777344],[266.18243408203125,431.443359375],[265.79595947265625,431.4471435546875],[265.4095153808594,431.450927734375],[265.0230712890625,431.4547119140625],[264.6365966796875,431.4585266113281],[264.2501525878906,431.4623107910156],[263.8636779785156,431.4660949707031],[263.47723388671875,431.4698791503906],[263.0907897949219,431.47369384765625],[262.7043151855469,431.47747802734375],[262.31787109375,431.48126220703125],[261.931396484375,431.4850769042969],[261.5449523925781,431.4888610839844],[261.15850830078125,431.4926452636719],[260.77203369140625,431.4964294433594],[260.3855895996094,431.500244140625],[259.9991455078125,431.5040283203125],[259.6126708984375,431.5078125],[259.2262268066406,431.5116271972656],[258.8397521972656,431.5154113769531],[258.45330810546875,431.5191955566406],[258.0668640136719,431.5229797363281],[257.6803894042969,431.52679443359375],[257.2939453125,431.53057861328125],[256.907470703125,431.53436279296875],[256.5211486816406,431.53814697265625],[256.13470458984375,431.5419616699219],[255.74822998046875,431.5457458496094],[255.36178588867188,431.5495300292969],[254.97532653808594,431.5533447265625],[254.5888671875,431.55712890625],[254.20240783691406,431.5609130859375],[253.8159637451172,431.564697265625],[253.42950439453125,431.5685119628906],[253.0430450439453,431.5722961425781],[252.65658569335938,431.5760803222656],[252.27008056640625,431.579833984375],[251.88363647460938,431.5835266113281],[251.49717712402344,431.58721923828125],[251.1107177734375,431.5909118652344],[250.72425842285156,431.5945739746094],[250.33779907226562,431.5982666015625],[249.9513397216797,431.6019592285156],[249.56488037109375,431.60565185546875],[249.17843627929688,431.60931396484375],[248.79197692871094,431.6130065917969],[248.405517578125,431.61669921875],[248.01905822753906,431.620361328125],[247.63259887695312,431.6240539550781],[247.2461395263672,431.62774658203125],[246.85968017578125,431.6314392089844],[246.47323608398438,431.6351013183594],[246.08677673339844,431.6387939453125],[245.700439453125,431.6424865722656],[245.31398010253906,431.64617919921875],[244.92752075195312,431.64984130859375],[244.5410614013672,431.6535339355469],[244.1546173095703,431.6572265625],[243.76815795898438,431.6609191894531],[243.38169860839844,431.6645812988281],[242.9952392578125,431.66827392578125],[242.60877990722656,431.6719665527344],[242.22232055664062,431.6756591796875],[241.8358612060547,431.6793212890625],[241.4494171142578,431.6830139160156],[241.06295776367188,431.68670654296875],[240.67649841308594,431.69036865234375],[240.2900390625,431.6940612792969],[239.9036407470703,431.69769287109375],[239.51718139648438,431.7010803222656],[239.13072204589844,431.7044677734375],[238.7442626953125,431.7078552246094],[238.35780334472656,431.71124267578125],[237.97134399414062,431.7146301269531],[237.5848846435547,431.7179870605469],[237.19842529296875,431.72137451171875],[236.8119659423828,431.7247619628906],[236.42550659179688,431.7281494140625],[236.03904724121094,431.7315368652344],[235.652587890625,431.73492431640625],[235.26612854003906,431.7383117675781],[234.87966918945312,431.74169921875],[234.4933319091797,431.7450866699219],[234.10687255859375,431.74847412109375],[233.7204132080078,431.7518615722656],[233.33395385742188,431.7552185058594],[232.94747924804688,431.75860595703125],[232.56101989746094,431.7619934082031],[232.174560546875,431.765380859375],[231.78810119628906,431.7687683105469],[231.40164184570312,431.77215576171875],[231.0151824951172,431.7755432128906],[230.62872314453125,431.7789306640625],[230.2422637939453,431.7823181152344],[229.85580444335938,431.78570556640625],[229.46934509277344,431.7890930175781],[229.0828857421875,431.7924499511719],[228.69642639160156,431.79583740234375],[228.30996704101562,431.7992248535156],[227.9235076904297,431.8026123046875],[227.53697204589844,431.80596923828125],[227.1505126953125,431.80889892578125],[226.7640380859375,431.8117980957031],[226.37757873535156,431.8147277832031],[225.99111938476562,431.817626953125],[225.60464477539062,431.820556640625],[225.2181854248047,431.8234558105469],[224.83172607421875,431.8263854980469],[224.4452667236328,431.8293151855469],[224.0587921142578,431.83221435546875],[223.67245483398438,431.83514404296875],[223.28599548339844,431.8380432128906],[222.8995361328125,431.8409729003906],[222.5130615234375,431.8438720703125],[222.12660217285156,431.8468017578125],[221.74014282226562,431.8497009277344],[221.35366821289062,431.8526306152344],[220.9672088623047,431.85552978515625],[220.58074951171875,431.85845947265625],[220.1942901611328,431.86138916015625],[219.8078155517578,431.8642883300781],[219.42135620117188,431.8672180175781],[219.03489685058594,431.8701171875],[218.64842224121094,431.873046875],[218.261962890625,431.8759460449219],[217.87550354003906,431.8788757324219],[217.48904418945312,431.88177490234375],[217.10256958007812,431.88470458984375],[216.7161102294922,431.88763427734375],[216.32965087890625,431.8905334472656],[215.94317626953125,431.8934631347656],[215.5567169189453,431.8963623046875],[215.17025756835938,431.8992919921875],[214.78378295898438,431.90179443359375],[214.39732360839844,431.90423583984375],[214.01084899902344,431.90667724609375],[213.6243896484375,431.9091491699219],[213.2379150390625,431.9115905761719],[212.85157775878906,431.9140625],[212.46510314941406,431.91650390625],[212.07864379882812,431.9189758300781],[211.69216918945312,431.9214172363281],[211.3057098388672,431.92388916015625],[210.9192352294922,431.92633056640625],[210.53277587890625,431.9288024902344],[210.14630126953125,431.9312438964844],[209.7598419189453,431.9337158203125],[209.3733673095703,431.9361572265625],[208.98690795898438,431.9386291503906],[208.60047912597656,431.9407653808594],[208.21401977539062,431.94287109375],[207.82754516601562,431.9449768066406],[207.44107055664062,431.9470520019531],[207.0546112060547,431.94915771484375],[206.6681365966797,431.9512634277344],[206.28167724609375,431.9533386230469],[205.89520263671875,431.9554443359375],[205.50872802734375,431.95751953125],[205.1222686767578,431.9596252441406],[204.7357940673828,431.96173095703125],[204.3493194580078,431.96380615234375],[203.96286010742188,431.9659118652344],[203.57638549804688,431.968017578125],[203.18992614746094,431.9700927734375],[202.80345153808594,431.9721984863281],[202.41702270507812,431.9739990234375],[202.0306854248047,431.9756774902344],[201.6442108154297,431.9773864746094],[201.2577362060547,431.97906494140625],[200.8712615966797,431.9807434082031],[200.4847869873047,431.9824523925781],[200.09832763671875,431.984130859375],[199.71185302734375,431.98583984375],[199.32537841796875,431.9875183105469],[198.93890380859375,431.98919677734375],[198.5524444580078,431.99090576171875],[198.1659698486328,431.9925842285156],[197.7794952392578,431.9942626953125],[197.3930206298828,431.9959716796875],[197.00656127929688,431.9976501464844],[196.62008666992188,431.9993591308594],[196.23361206054688,432.000732421875],[195.84713745117188,432.0019836425781],[195.46066284179688,432.00323486328125],[195.07418823242188,432.00445556640625],[194.68771362304688,432.0057067871094],[194.30125427246094,432.0069580078125],[193.91477966308594,432.0082092285156],[193.52830505371094,432.0094299316406],[193.14183044433594,432.01068115234375],[192.75535583496094,432.0119323730469],[192.36888122558594,432.0131530761719],[191.98240661621094,432.014404296875],[191.595947265625,432.0156555175781],[191.20947265625,432.01690673828125],[190.8231201171875,432.01812744140625],[190.4366455078125,432.0193786621094],[190.05015563964844,432.02032470703125],[189.66368103027344,432.0210876464844],[189.27720642089844,432.0218505859375],[188.89073181152344,432.0226135253906],[188.50425720214844,432.0233459472656],[188.1177978515625,432.02410888671875],[187.7313232421875,432.0248718261719],[187.3448486328125,432.025634765625],[186.9583740234375,432.0263671875],[186.5718994140625,432.0271301269531],[186.1854248046875,432.02789306640625],[185.7989501953125,432.0286560058594],[185.4124755859375,432.0293884277344],[185.0260009765625,432.0301513671875],[184.6395263671875,432.0309143066406],[184.2530517578125,432.0316467285156],[183.8665313720703,432.03216552734375],[183.4800567626953,432.0323791503906],[183.0935821533203,432.0325927734375],[182.7071075439453,432.0328063964844],[182.3206329345703,432.0330505371094],[181.9341583251953,432.03326416015625],[181.5476837158203,432.0334777832031],[181.1612091064453,432.03369140625],[180.7747344970703,432.033935546875],[180.3882598876953,432.0341491699219],[180.0019073486328,432.03436279296875],[179.6154327392578,432.03460693359375],[179.2289581298828,432.0348205566406],[178.8424835205078,432.0350341796875],[178.4560089111328,432.0352478027344],[178.0695343017578,432.0354919433594],[177.68304443359375,432.03546142578125],[177.29656982421875,432.0351257324219],[176.91009521484375,432.0347595214844],[176.52362060546875,432.034423828125],[176.13714599609375,432.0340576171875],[175.75067138671875,432.0337219238281],[175.36419677734375,432.0333557128906],[174.97772216796875,432.0329895019531],[174.59124755859375,432.03265380859375],[174.20477294921875,432.03228759765625],[173.81829833984375,432.0319519042969],[173.43182373046875,432.0315856933594],[173.04534912109375,432.03125],[172.65887451171875,432.0308837890625],[172.27239990234375,432.0305480957031],[171.88592529296875,432.0301818847656],[171.49952697753906,432.0296325683594],[171.11305236816406,432.0286865234375],[170.72657775878906,432.0277099609375],[170.34010314941406,432.0267333984375],[169.95362854003906,432.0257568359375],[169.56715393066406,432.0248107910156],[169.18080139160156,432.0238342285156],[168.79432678222656,432.0228576660156],[168.40785217285156,432.0218811035156],[168.02137756347656,432.02093505859375],[167.63491821289062,432.01995849609375],[167.24844360351562,432.01898193359375],[166.86196899414062,432.01800537109375],[166.47549438476562,432.0170593261719],[166.08901977539062,432.0160827636719],[165.70254516601562,432.0151062011719],[165.31600952148438,432.0140075683594],[164.92955017089844,432.01239013671875],[164.54307556152344,432.0107421875],[164.15660095214844,432.0091247558594],[163.77012634277344,432.00750732421875],[163.3836669921875,432.005859375],[162.9971923828125,432.0042419433594],[162.6107177734375,432.0025939941406],[162.2242431640625,432.0009765625],[161.8377685546875,431.9993591308594],[161.45130920410156,431.9977111816406],[161.06483459472656,431.99609375],[160.67835998535156,431.9944763183594],[160.29188537597656,431.9928283691406],[159.90542602539062,431.9912109375],[159.51895141601562,431.9895935058594],[159.13250732421875,431.9878845214844],[158.74603271484375,431.9855651855469],[158.3596954345703,431.98321533203125],[157.9732208251953,431.98089599609375],[157.5867462158203,431.97857666015625],[157.20028686523438,431.9762268066406],[156.81381225585938,431.9739074707031],[156.42735290527344,431.9715881347656],[156.04087829589844,431.96923828125],[155.6544189453125,431.9669189453125],[155.2679443359375,431.964599609375],[154.88148498535156,431.9622802734375],[154.49501037597656,431.9599304199219],[154.10855102539062,431.9576110839844],[153.72207641601562,431.9552917480469],[153.3356170654297,431.95294189453125]], bounds=3000, full_zoom=0.22, max_episode_steps=2000 ) Russia = RaceTrack( name='Russia', xy=[[487.33502197265625,183.22500228881836],[487.6775207519531,183.08539581298828],[488.02001953125,182.94580078125],[488.36256408691406,182.80619430541992],[488.70506286621094,182.66658782958984],[489.04779052734375,182.5275650024414],[489.3907012939453,182.38890838623047],[489.7336120605469,182.25026321411133],[490.07647705078125,182.1116065979004],[490.41943359375,181.97306442260742],[490.76243591308594,181.834716796875],[491.1054382324219,181.69635772705078],[491.448486328125,181.55801010131836],[491.79148864746094,181.41966247558594],[492.1344909667969,181.28130340576172],[492.4775390625,181.1429557800293],[492.82054138183594,181.00460815429688],[493.1634521484375,180.8660545349121],[493.50608825683594,180.72674560546875],[493.8487243652344,180.5874366760254],[494.1913604736328,180.44812774658203],[494.5338592529297,180.30849838256836],[494.87603759765625,180.1680908203125],[495.21807861328125,180.02731704711914],[495.5598449707031,179.88595962524414],[495.90142822265625,179.7440299987793],[496.24273681640625,179.6015396118164],[496.58367919921875,179.45821380615234],[496.9244384765625,179.31436157226562],[497.2646942138672,179.16935348510742],[497.6048126220703,179.02397918701172],[497.94419860839844,178.87701416015625],[498.283447265625,178.72970581054688],[498.62200927734375,178.58069229125977],[498.960205078125,178.43101501464844],[499.2978057861328,178.2798957824707],[499.63499450683594,178.1278839111328],[499.97145080566406,177.97428131103516],[500.30726623535156,177.81928253173828],[500.64244079589844,177.6628646850586],[500.9768371582031,177.50478744506836],[501.3104553222656,177.34514236450195],[501.64329528808594,177.1838607788086],[501.9753112792969,177.0208740234375],[502.30645751953125,176.85613632202148],[502.63673400878906,176.68961334228516],[502.96600341796875,176.52113342285156],[503.29417419433594,176.35058212280273],[503.621337890625,176.17806243896484],[503.94744873046875,176.0035400390625],[504.2724151611328,175.82693481445312],[504.5962829589844,175.64823532104492],[504.9188690185547,175.46730422973633],[505.2400817871094,175.2839813232422],[505.56005859375,175.09843826293945],[505.878662109375,174.91062927246094],[506.19593811035156,174.72054290771484],[506.5118408203125,174.52814483642578],[506.82627868652344,174.33337783813477],[507.1390686035156,174.13602447509766],[507.4503936767578,173.9363021850586],[507.7601623535156,173.73419952392578],[508.0683288574219,173.52971649169922],[508.37498474121094,173.3228645324707],[508.67994689941406,173.11362075805664],[508.98326110839844,172.90193939208984],[509.2847442626953,172.68770599365234],[509.58457946777344,172.4711151123047],[509.88267517089844,172.25216674804688],[510.1790313720703,172.0308837890625],[510.47364807128906,171.80727767944336],[510.7665252685547,171.58138275146484],[511.0576171875,171.35319900512695],[511.346923828125,171.12278366088867],[511.6344909667969,170.8901710510254],[511.9201354980469,170.65522384643555],[512.2039947509766,170.4181365966797],[512.4861145019531,170.1789321899414],[512.7664489746094,169.9376449584961],[513.0449981689453,169.69432067871094],[513.3218078613281,169.44900512695312],[513.5968322753906,169.20170974731445],[513.8701171875,168.9524917602539],[514.1416625976562,168.70138549804688],[514.4115142822266,168.44843673706055],[514.6796722412109,168.1937026977539],[514.9461364746094,167.93718338012695],[515.2109527587891,167.67894744873047],[515.4740753173828,167.41906356811523],[515.735595703125,167.15750885009766],[515.9955139160156,166.89435195922852],[516.2538299560547,166.629638671875],[516.5106353759766,166.3634490966797],[516.7658843994141,166.09579467773438],[517.0196228027344,165.82667541503906],[517.2717132568359,165.55604553222656],[517.5223388671875,165.28404235839844],[517.7715454101562,165.01073455810547],[518.0193328857422,164.73613357543945],[518.2657470703125,164.46028518676758],[518.5107879638672,164.18323516845703],[518.7544555664062,163.9050178527832],[518.9968872070312,163.62566757202148],[519.2379455566406,163.34517288208008],[519.4775848388672,163.06340789794922],[519.7159881591797,162.78062438964844],[519.9531555175781,162.49683380126953],[520.1892242431641,162.2120819091797],[520.4241027832031,161.9263916015625],[520.6577911376953,161.63970565795898],[520.8901977539062,161.35195541381836],[521.1215057373047,161.06333541870117],[521.3517608642578,160.7738914489746],[521.5810089111328,160.48365783691406],[521.8091583251953,160.19254302978516],[522.0361175537109,159.9004669189453],[522.2621154785156,159.60769271850586],[522.4872436523438,159.3142318725586],[522.7114105224609,159.02002716064453],[522.9343414306641,158.72490692138672],[523.1564483642578,158.42915725708008],[523.3777313232422,158.1328010559082],[523.5980987548828,157.83574676513672],[523.8174133300781,157.53789138793945],[524.0359497070312,157.23949813842773],[524.2537536621094,156.94057846069336],[524.4705047607422,156.6408576965332],[524.6864776611328,156.3405990600586],[524.9018096923828,156.0398712158203],[525.1162261962891,155.7385139465332],[525.3280334472656,155.4353256225586],[525.5364532470703,155.12975692749023],[525.7440032958984,154.82361602783203],[525.9509124755859,154.51704025268555],[526.1573638916016,154.21014404296875],[526.3634948730469,153.9030647277832],[526.5694427490234,153.5958251953125],[526.7749328613281,153.28829956054688],[526.9804229736328,152.98077392578125],[527.1859130859375,152.67324829101562],[527.3914489746094,152.3657112121582],[527.5969390869141,152.05818557739258],[527.8022003173828,151.7505111694336],[528.0071411132812,151.44263076782227],[528.2121276855469,151.13473892211914],[528.4170684814453,150.8268585205078],[528.6220550537109,150.5189666748047],[528.8269958496094,150.21108627319336],[529.0319366455078,149.90320587158203],[529.2369232177734,149.5953140258789],[529.4414978027344,149.28718185424805],[529.6460266113281,148.9790153503418],[529.8505554199219,148.67083740234375],[530.0550842285156,148.3626708984375],[530.2596130371094,148.05449295043945],[530.4641418457031,147.7463150024414],[530.6686248779297,147.43813705444336],[530.8731536865234,147.1299705505371],[531.0776824951172,146.82179260253906],[531.2822113037109,146.51361465454102],[531.4867401123047,146.20544815063477],[531.6912689208984,145.89727020263672],[531.8957977294922,145.58909225463867],[532.1003265380859,145.28092575073242],[532.3048553466797,144.97274780273438],[532.5093841552734,144.66456985473633],[532.7139129638672,144.35639190673828],[532.9183959960938,144.04822540283203],[533.1229248046875,143.74004745483398],[533.3273620605469,143.43180084228516],[533.5315704345703,143.12341690063477],[533.7357330322266,142.81502151489258],[533.93994140625,142.5066375732422],[534.1441497802734,142.1982421875],[534.3483581542969,141.8898468017578],[534.5525207519531,141.58146286010742],[534.7567291259766,141.27306747436523],[534.9609375,140.96468353271484],[535.1651458740234,140.65628814697266],[535.3693542480469,140.34789276123047],[535.5735168457031,140.03950881958008],[535.7777252197266,139.7311134338379],[535.98193359375,139.4227294921875],[536.1861419677734,139.1143341064453],[536.3903503417969,138.80595016479492],[536.5945129394531,138.49755477905273],[536.7987213134766,138.18917083740234],[537.0029296875,137.88077545166016],[537.2071380615234,137.57239151000977],[537.4113006591797,137.26399612426758],[537.6155090332031,136.9556007385254],[537.8197174072266,136.647216796875],[538.02392578125,136.3388214111328],[538.2281341552734,136.03043746948242],[538.4321136474609,135.72190475463867],[538.6360473632812,135.41333770751953],[538.8399353027344,135.1047592163086],[539.0438690185547,134.79619216918945],[539.247802734375,134.4876251220703],[539.4517364501953,134.17904663085938],[539.6556701660156,133.87047958374023],[539.8595581054688,133.5619125366211],[540.0634918212891,133.25333404541016],[540.2674255371094,132.94476699829102],[540.4713592529297,132.63619995117188],[540.67529296875,132.32762145996094],[540.8791809082031,132.0190544128418],[541.0831146240234,131.71047592163086],[541.2870483398438,131.40190887451172],[541.4909820556641,131.09333038330078],[541.6949157714844,130.78476333618164],[541.8988037109375,130.4761962890625],[542.1027374267578,130.16761779785156],[542.3066711425781,129.85905075073242],[542.5106048583984,129.55048370361328],[542.7145385742188,129.24190521240234],[542.9184265136719,128.9333381652832],[543.1223602294922,128.62477111816406],[543.3262939453125,128.31619262695312],[543.5302276611328,128.00762557983398],[543.7341613769531,127.69905853271484],[543.9380493164062,127.3904800415039],[544.1419830322266,127.08191299438477],[544.3459167480469,126.77333450317383],[544.5498504638672,126.46476745605469],[544.7537841796875,126.15618896484375],[544.9576721191406,125.84762191772461],[545.1616058349609,125.53905487060547],[545.3655395507812,125.23047637939453],[545.5694732666016,124.92190933227539],[545.7734069824219,124.61334228515625],[545.977294921875,124.30476379394531],[546.1812286376953,123.99619674682617],[546.3851623535156,123.68762969970703],[546.5890960693359,123.3790512084961],[546.7930297851562,123.07048416137695],[546.9969177246094,122.76191711425781],[547.2008514404297,122.45333862304688],[547.40478515625,122.14477157592773],[547.6087188720703,121.8361930847168],[547.8126525878906,121.52762603759766],[548.0165405273438,121.21904754638672],[548.2204742431641,120.91048049926758],[548.4244079589844,120.60191345214844],[548.6283416748047,120.2933349609375],[548.832275390625,119.98476791381836],[549.0362091064453,119.67618942260742],[549.2400970458984,119.36762237548828],[549.4440307617188,119.05905532836914],[549.6479644775391,118.75048828125],[549.8518981933594,118.44190979003906],[550.0557861328125,118.13334274291992],[550.2597198486328,117.82476425170898],[550.4636535644531,117.51619720458984],[550.6674957275391,117.20756149291992],[550.8712005615234,116.89884567260742],[551.0749053955078,116.59012985229492],[551.2786102294922,116.28141403198242],[551.4823150634766,115.97268676757812],[551.6860198974609,115.66397094726562],[551.8897247314453,115.35525512695312],[552.0933837890625,115.04653930664062],[552.2970886230469,114.73782348632812],[552.5007934570312,114.42910766601562],[552.7044982910156,114.12038040161133],[552.908203125,113.81166458129883],[553.1119079589844,113.50293731689453],[553.3156127929688,113.19423294067383],[553.5193176269531,112.88550567626953],[553.7230224609375,112.57678985595703],[553.9267272949219,112.26807403564453],[554.1304321289062,111.95935821533203],[554.3341369628906,111.65063095092773],[554.537841796875,111.34191513061523],[554.7415466308594,111.03319931030273],[554.9452514648438,110.72448348999023],[555.1489562988281,110.41576766967773],[555.3526611328125,110.10704040527344],[555.5563201904297,109.79832458496094],[555.7600250244141,109.48960876464844],[555.9637298583984,109.18089294433594],[556.1674346923828,108.87216567993164],[556.3711395263672,108.56344985961914],[556.5748443603516,108.25473403930664],[556.7785491943359,107.94601821899414],[556.9822540283203,107.63729095458984],[557.1859588623047,107.32857513427734],[557.3896636962891,107.01985931396484],[557.5933685302734,106.71114349365234],[557.7970733642578,106.40242767333984],[558.0007781982422,106.09371185302734],[558.2044830322266,105.78499603271484],[558.4081878662109,105.47626876831055],[558.6118927001953,105.16755294799805],[558.8155975341797,104.85882568359375],[559.0192565917969,104.55012130737305],[559.2229614257812,104.24139404296875],[559.4266662597656,103.93267822265625],[559.63037109375,103.62396240234375],[559.8340759277344,103.31524658203125],[560.0377807617188,103.00651931762695],[560.2414855957031,102.69780349731445],[560.4451904296875,102.38908767700195],[560.6488952636719,102.08037185668945],[560.8526000976562,101.77164459228516],[561.0563049316406,101.46292877197266],[561.260009765625,101.15421295166016],[561.4637145996094,100.84549713134766],[561.6674194335938,100.53678131103516],[561.8711242675781,100.22805404663086],[562.0748291015625,99.91933822631836],[562.2785339355469,99.61062240600586],[562.4822387695312,99.30190658569336],[562.6859436035156,98.99317932128906],[562.8896026611328,98.68446350097656],[563.0933074951172,98.37574768066406],[563.2970123291016,98.06703186035156],[563.5007171630859,97.75830459594727],[563.7044219970703,97.44960021972656],[563.9081268310547,97.14087295532227],[564.1118316650391,96.83215713500977],[564.3155364990234,96.52344131469727],[564.5192413330078,96.21472549438477],[564.7228088378906,95.90591812133789],[564.9263305664062,95.59708213806152],[565.1298522949219,95.28825759887695],[565.3334197998047,94.97941589355469],[565.5369415283203,94.67059135437012],[565.7404632568359,94.36175537109375],[565.9439849853516,94.05292510986328],[566.1475067138672,93.74408912658691],[566.3510284423828,93.43525886535645],[566.5545959472656,93.12642288208008],[566.7581176757812,92.81759262084961],[566.9616394042969,92.50875663757324],[567.1651611328125,92.19993209838867],[567.3686828613281,91.8910903930664],[567.5722045898438,91.58226013183594],[567.7757263183594,91.27343559265137],[567.9792938232422,90.964599609375],[568.1828155517578,90.65576934814453],[568.3863372802734,90.34693336486816],[568.5898590087891,90.0381031036377],[568.7933807373047,89.72926712036133],[568.9969024658203,89.42043685913086],[569.2004699707031,89.11160087585449],[569.4039916992188,88.80277633666992],[569.6075134277344,88.49393463134766],[569.81103515625,88.18511009216309],[570.0145568847656,87.87627410888672],[570.2180786132812,87.56744384765625],[570.4216461181641,87.25860786437988],[570.6251678466797,86.94977760314941],[570.8286895751953,86.64095306396484],[571.0322113037109,86.33211135864258],[571.2357330322266,86.02328681945801],[571.4392547607422,85.71444511413574],[571.642822265625,85.40562057495117],[571.8463439941406,85.0967788696289],[572.0498657226562,84.78795433044434],[572.2533874511719,84.47911834716797],[572.4569091796875,84.1702880859375],[572.6604309082031,83.86145210266113],[572.8639984130859,83.55262184143066],[573.0675201416016,83.2437858581543],[573.2710418701172,82.93495559692383],[573.4745635986328,82.62611961364746],[573.6780853271484,82.31729507446289],[573.8816070556641,82.00845336914062],[574.0851745605469,81.69962882995605],[574.2886962890625,81.39079856872559],[574.4922180175781,81.08196258544922],[574.6957397460938,80.77313232421875],[574.8992614746094,80.46429634094238],[575.102783203125,80.15546607971191],[575.3063507080078,79.84663009643555],[575.5098724365234,79.53780555725098],[575.7133941650391,79.22896385192871],[575.9169158935547,78.92013931274414],[576.1204376220703,78.61129760742188],[576.3239593505859,78.3024730682373],[576.5275268554688,77.99363708496094],[576.7310485839844,77.68480682373047],[576.9345703125,77.3759708404541],[577.1380920410156,77.06714057922363],[577.3416137695312,76.75831604003906],[577.5451354980469,76.4494743347168],[577.7486572265625,76.14064979553223],[577.9522247314453,75.83180809020996],[578.1557464599609,75.52298355102539],[578.3592681884766,75.21414756774902],[578.5627899169922,74.90531730651855],[578.7661743164062,74.59638404846191],[578.9695129394531,74.28743362426758],[579.1728515625,73.97846603393555],[579.3761901855469,73.66950988769531],[579.5795288085938,73.36054801940918],[579.7828674316406,73.05159187316895],[579.9862060546875,72.74262428283691],[580.1895446777344,72.43367385864258],[580.3928833007812,72.12470626831055],[580.5962219238281,71.81575012207031],[580.799560546875,71.50679397583008],[581.0028991699219,71.19783210754395],[581.2062377929688,70.88887596130371],[581.4095764160156,70.57991409301758],[581.6128692626953,70.27095794677734],[581.8162078857422,69.96199035644531],[582.0195465087891,69.65303421020508],[582.2228851318359,69.34407234191895],[582.4262237548828,69.03511619567871],[582.6295623779297,68.72615432739258],[582.8329010009766,68.41719818115234],[583.0362396240234,68.10823059082031],[583.2395782470703,67.79927444458008],[583.4429168701172,67.49031257629395],[583.6462554931641,67.18135643005371],[583.8495941162109,66.87240028381348],[584.0529327392578,66.56343841552734],[584.2562713623047,66.25448226928711],[584.4596099853516,65.94551467895508],[584.6629486083984,65.63655853271484],[584.8662872314453,65.32759666442871],[585.069580078125,65.01864051818848],[585.2729187011719,64.70967864990234],[585.4762573242188,64.40072250366211],[585.6795959472656,64.09175491333008],[585.8829345703125,63.782798767089844],[586.0862731933594,63.47383689880371],[586.2896118164062,63.16488075256348],[586.4929504394531,62.855913162231445],[586.6962890625,62.54696273803711],[586.8996276855469,62.23799514770508],[587.1029663085938,61.929039001464844],[587.3063049316406,61.62008285522461],[587.5096435546875,61.31112098693848],[587.7129821777344,61.00216484069824],[587.9163208007812,60.69320297241211],[588.1196594238281,60.384246826171875],[588.322998046875,60.075279235839844],[588.5262908935547,59.76632308959961],[588.7296295166016,59.45736122131348],[588.9329681396484,59.14840507507324],[589.1363067626953,58.83944320678711],[589.3396453857422,58.530487060546875],[589.5429840087891,58.221519470214844],[589.7463226318359,57.91256332397461],[589.9496612548828,57.60360145568848],[590.1529998779297,57.29464530944824],[590.3563385009766,56.98568916320801],[590.5596771240234,56.676727294921875],[590.7630157470703,56.36777114868164],[590.9663543701172,56.05880355834961],[591.1696472167969,55.74982452392578],[591.3727569580078,55.44071960449219],[591.5758666992188,55.13162612915039],[591.7790222167969,54.8225212097168],[591.9821319580078,54.5134220123291],[592.1852416992188,54.20431709289551],[592.3883514404297,53.89522361755371],[592.5915069580078,53.58611869812012],[592.7946166992188,53.27702522277832],[592.9977264404297,52.96792030334473],[593.2008819580078,52.65882110595703],[593.4039916992188,52.34971618652344],[593.6071014404297,52.04062271118164],[593.8102111816406,51.731529235839844],[594.0133666992188,51.42242431640625],[594.2164764404297,51.11333084106445],[594.4195861816406,50.80422592163086],[594.6227416992188,50.495126724243164],[594.8258514404297,50.18602180480957],[595.0289611816406,49.87692832946777],[595.2320709228516,49.56782341003418],[595.4352264404297,49.25872993469238],[595.6383361816406,48.94962501525879],[595.8414459228516,48.640525817871094],[596.0446014404297,48.3314208984375],[596.2477111816406,48.0223274230957],[596.4506378173828,47.71310234069824],[596.6535186767578,47.40384864807129],[596.8563995361328,47.094594955444336],[597.0592803955078,46.785332679748535],[597.2621612548828,46.47607898712158],[597.4650421142578,46.16681671142578],[597.6679229736328,45.85756301879883],[597.8708038330078,45.54829788208008],[598.0736846923828,45.239044189453125],[598.2765655517578,44.929781913757324],[598.4794464111328,44.62052822113037],[598.6823272705078,44.31126594543457],[598.8852081298828,44.00201225280762],[599.0880889892578,43.692749977111816],[599.2909698486328,43.38349628448486],[599.493896484375,43.07423114776611],[599.6967315673828,42.76498031616211],[599.899658203125,42.45571517944336],[600.1025390625,42.146461486816406],[600.3053741455078,41.83720779418945],[600.5082092285156,41.527896881103516],[600.7106323242188,41.218345642089844],[600.9130554199219,40.90878868103027],[601.115478515625,40.5992374420166],[601.3179016113281,40.28968048095703],[601.5203247070312,39.98012924194336],[601.7227935791016,39.67057228088379],[601.9252166748047,39.36102104187012],[602.1276397705078,39.05146408081055],[602.3300628662109,38.741912841796875],[602.5324859619141,38.432355880737305],[602.7349090576172,38.12280464172363],[602.9373779296875,37.81324768066406],[603.1398010253906,37.50369644165039],[603.3422241210938,37.19414806365967],[603.5442810058594,36.88435649871826],[603.7459259033203,36.57428455352783],[603.9475708007812,36.264206886291504],[604.149169921875,35.95413780212402],[604.3508148193359,35.644057273864746],[604.5519104003906,35.333659172058105],[604.7526397705078,35.02299499511719],[604.9524078369141,34.711692810058594],[605.1518096923828,34.40021324157715],[605.3511199951172,34.08864212036133],[605.5509796142578,33.777414321899414],[605.751708984375,33.466750144958496],[605.9526672363281,33.15627193450928],[606.1544036865234,32.846242904663086],[606.3560943603516,32.536211013793945],[606.5577850341797,32.22619915008545],[606.7594757080078,31.91616153717041],[606.9609832763672,31.605995178222656],[607.1624908447266,31.29580307006836],[607.363037109375,30.98503875732422],[607.5635375976562,30.67423725128174],[607.7624359130859,30.362391471862793],[607.9611968994141,30.050474166870117],[608.1581726074219,29.7374267578125],[608.3536376953125,29.423423767089844],[608.5472717285156,29.10831356048584],[608.7388916015625,28.79194164276123],[608.9280853271484,28.474162101745605],[609.1145782470703,28.154723167419434],[609.2978668212891,27.833484649658203],[609.4776306152344,27.510231971740723],[609.6529998779297,27.184621810913086],[609.8234710693359,26.856385231018066],[609.9883117675781,26.525264739990234],[610.1467437744141,26.191094398498535],[610.2975769042969,25.85339069366455],[610.4398498535156,25.511990547180176],[610.5719146728516,25.16652774810791],[610.6920776367188,24.816747665405273],[610.7982788085938,24.462504386901855],[610.8879089355469,24.103700637817383],[610.9581756591797,23.740609645843506],[611.00537109375,23.37385654449463],[611.0256500244141,23.004655838012695],[611.0148010253906,22.635064601898193],[610.9688415527344,22.268217086791992],[610.8842010498047,21.9083890914917],[610.7596893310547,21.560331344604492],[610.5957183837891,21.229036331176758],[610.3954925537109,20.918320655822754],[610.1633148193359,20.630611896514893],[609.9044494628906,20.36660099029541],[609.6239318847656,20.125728607177734],[609.3262023925781,19.906464099884033],[609.0148315429688,19.706937789916992],[608.6927032470703,19.52523422241211],[608.3621063232422,19.359440803527832],[608.0226287841797,19.21309518814087],[607.67724609375,19.08070707321167],[607.3319091796875,18.948317527770996],[606.9865264892578,18.815929412841797],[606.6411895751953,18.68354845046997],[606.2958068847656,18.55116033554077],[605.9504699707031,18.418770790100098],[605.6050872802734,18.286391258239746],[605.2597503662109,18.154001712799072],[604.9143676757812,18.021613597869873],[604.5689849853516,17.8892240524292],[604.2236480712891,17.756844520568848],[603.8782653808594,17.624454975128174],[603.5329284667969,17.4920654296875],[603.1875457763672,17.3596773147583],[602.8422088623047,17.227296352386475],[602.496826171875,17.094908237457275],[602.1514434814453,16.9625186920166],[601.8061065673828,16.830130577087402],[601.4607238769531,16.697749614715576],[601.1153869628906,16.565361499786377],[600.7700042724609,16.432971954345703],[600.4246673583984,16.300590991973877],[600.0792846679688,16.168202877044678],[599.7339477539062,16.035813331604004],[599.3885650634766,15.903425216674805],[599.0432281494141,15.771044254302979],[598.6978454589844,15.63865613937378],[598.3524627685547,15.506266593933105],[598.007080078125,15.373878479003906],[597.6617431640625,15.24149751663208],[597.31640625,15.10910940170288],[596.9710235595703,14.976719856262207],[596.6256408691406,14.844331741333008],[596.2803039550781,14.711950778961182],[595.9349212646484,14.579562664031982],[595.5895843505859,14.447173118591309],[595.2442016601562,14.31478500366211],[594.8988647460938,14.182404041290283],[594.5534820556641,14.05001449584961],[594.2080993652344,13.91762638092041],[593.8627624511719,13.785245418548584],[593.5173797607422,13.652857303619385],[593.1720428466797,13.520467758178711],[592.82666015625,13.388079643249512],[592.4813232421875,13.255698680877686],[592.1359405517578,13.123310565948486],[591.7905578613281,12.990921020507812],[591.4452209472656,12.858532905578613],[591.0998840332031,12.726151943206787],[590.7545013427734,12.593763828277588],[590.4091186523438,12.461374282836914],[590.0637817382812,12.328986167907715],[589.7183990478516,12.196605205535889],[589.3730621337891,12.06421709060669],[589.0276794433594,11.931827545166016],[588.6823425292969,11.79944658279419],[588.3369598388672,11.66705846786499],[587.9915771484375,11.534669637680054],[587.646240234375,11.402280807495117],[587.3008575439453,11.269899845123291],[586.9555206298828,11.137511730194092],[586.6101379394531,11.005122184753418],[586.2647552490234,10.872734069824219],[585.9194183349609,10.740353107452393],[585.5740356445312,10.607964992523193],[585.2286987304688,10.47557544708252],[584.8833160400391,10.34318733215332],[584.5379791259766,10.210806369781494],[584.1925964355469,10.078417539596558],[583.8472595214844,9.946028709411621],[583.5018768310547,9.813647747039795],[583.1565399169922,9.681259632110596],[582.8111572265625,9.54887080192566],[582.4657745361328,9.416481971740723],[582.1204376220703,9.284101009368896],[581.7750549316406,9.151712894439697],[581.4297180175781,9.019323348999023],[581.0843353271484,8.886935234069824],[580.7389984130859,8.754554271697998],[580.3936157226562,8.622166156768799],[580.0482330322266,8.489776611328125],[579.7028961181641,8.357388496398926],[579.3575134277344,8.2250075340271],[579.0121765136719,8.092618703842163],[578.6667938232422,7.960229873657227],[578.3214111328125,7.82784104347229],[577.97607421875,7.695460796356201],[577.6307373046875,7.563071966171265],[577.2853546142578,7.430683135986328],[576.9400177001953,7.298302173614502],[576.5946350097656,7.165914058685303],[576.2492523193359,7.033525228500366],[575.9039154052734,6.90113639831543],[575.5585327148438,6.7687554359436035],[575.2131958007812,6.636366605758667],[574.8678131103516,6.5039777755737305],[574.5224304199219,6.371589660644531],[574.1770935058594,6.239208698272705],[573.8317108154297,6.1068198680877686],[573.4863739013672,5.974431037902832],[573.1409912109375,5.842042565345764],[572.795654296875,5.709661960601807],[572.4502716064453,5.57727313041687],[572.0963287353516,5.4715529680252075],[571.7379913330078,5.380194425582886],[571.3788299560547,5.291861057281494],[571.0188446044922,5.206808567047119],[570.6578979492188,5.1260411739349365],[570.2959899902344,5.049881100654602],[569.9329376220703,4.979219198226929],[569.5687408447266,4.914722442626953],[569.2033538818359,4.857215881347656],[568.8368225097656,4.808082461357117],[568.4691009521484,4.768245220184326],[568.1004180908203,4.739042401313782],[567.7309112548828,4.722320079803467],[567.3611297607422,4.719520926475525],[566.9915313720703,4.73235547542572],[566.6229400634766,4.762581467628479],[566.2564544677734,4.81190299987793],[565.893310546875,4.881869316101074],[565.5349731445312,4.973294734954834],[565.1829986572266,5.08678936958313],[564.8388519287109,5.222105026245117],[564.5037231445312,5.378424525260925],[564.1785278320312,5.554515838623047],[563.86376953125,5.74867844581604],[563.5594482421875,5.958775877952576],[563.2654266357422,6.183104038238525],[562.9812469482422,6.419792175292969],[562.7062225341797,6.667058944702148],[562.4396209716797,6.923370838165283],[562.1807098388672,7.187509059906006],[561.9288024902344,7.458336353302002],[561.6832122802734,7.734834909439087],[561.4431610107422,8.016199350357056],[561.2082366943359,8.301891088485718],[560.9777069091797,8.591145515441895],[560.7511596679688,8.883464097976685],[560.5280914306641,9.178529977798462],[560.3082275390625,9.475941896438599],[560.0912475585938,9.775465965270996],[559.8766937255859,10.076711654663086],[559.6642456054688,10.379523754119873],[559.4538116455078,10.683679103851318],[559.2450714111328,10.989001750946045],[559.0377960205078,11.29531717300415],[558.8318023681641,11.602528095245361],[558.626953125,11.910477876663208],[558.42333984375,12.219250202178955],[558.2205963134766,12.52858829498291],[558.0185852050781,12.838434219360352],[557.8172607421875,13.148697853088379],[557.6168518066406,13.459547996520996],[557.4164428710938,13.770418167114258],[557.2164916992188,14.081587314605713],[557.0171813964844,14.393171310424805],[556.8179168701172,14.704736709594727],[556.6184692382812,15.016211986541748],[556.4188385009766,15.327604293823242],[556.2192535400391,15.638998031616211],[556.0187530517578,15.94980239868164],[555.818115234375,16.260512351989746],[555.617431640625,16.57121229171753],[555.4157867431641,16.881311416625977],[555.2142333984375,17.191391944885254],[555.0125427246094,17.50144100189209],[554.8100738525391,17.810996532440186],[554.6076507568359,18.12053346633911],[554.4051818847656,18.430044651031494],[554.2020263671875,18.739110946655273],[553.9988250732422,19.048177242279053],[553.7956695556641,19.357224941253662],[553.5918273925781,19.665863513946533],[553.387939453125,19.97446346282959],[553.1840515136719,20.283063411712646],[552.9797515869141,20.591387271881104],[552.7752227783203,20.89958381652832],[552.5707397460938,21.207780361175537],[552.3660736083984,21.51585102081299],[552.1609954833984,21.823655605316162],[551.9559631347656,22.13148021697998],[551.7508850097656,22.439303398132324],[551.545166015625,22.74665880203247],[551.33935546875,23.053979873657227],[551.133544921875,23.361300945281982],[550.9276885986328,23.66862201690674],[550.721923828125,23.97592306137085],[550.51611328125,24.283244132995605],[550.3102569580078,24.590563774108887],[550.103759765625,24.89743137359619],[549.8971252441406,25.204150199890137],[549.6904449462891,25.510886192321777],[549.4837188720703,25.817622184753418],[549.2770385742188,26.12435817718506],[549.0703582763672,26.431077003479004],[548.8636779785156,26.737812995910645],[548.6567230224609,27.044365882873535],[548.4493103027344,27.350584030151367],[548.2418975830078,27.656819343566895],[548.0344848632812,27.96305751800537],[547.8270721435547,28.2692928314209],[547.6196594238281,28.57551097869873],[547.4122009277344,28.881746292114258],[547.2047882080078,29.187981605529785],[546.9969177246094,29.493919372558594],[546.7888641357422,29.799699783325195],[546.580810546875,30.105497360229492],[546.3727111816406,30.41129493713379],[546.1646575927734,30.717092514038086],[545.9566040039062,31.022872924804688],[545.7485046386719,31.328670501708984],[545.5404510498047,31.63446807861328],[545.3319854736328,31.93997097015381],[545.1233825683594,32.24537658691406],[544.9147338867188,32.55079936981201],[544.7061309814453,32.85622501373291],[544.4975280761719,33.161630630493164],[544.2888793945312,33.46705627441406],[544.0802764892578,33.77247905731201],[543.8716735839844,34.07790470123291],[543.6627502441406,34.383090019226074],[543.4536437988281,34.68818378448486],[543.2445373535156,34.9932804107666],[543.0354309082031,35.29837703704834],[542.8263244628906,35.603453636169434],[542.6172637939453,35.90855026245117],[542.4081573486328,36.21364688873291],[542.1990509033203,36.5187406539917],[541.9897155761719,36.82364559173584],[541.7799682617188,37.12832450866699],[541.5702667236328,37.433003425598145],[541.3606109619141,37.7376651763916],[541.1509094238281,38.042344093322754],[540.941162109375,38.347025871276855],[540.7314605712891,38.65170478820801],[540.5218048095703,38.956366539001465],[540.3120574951172,39.26104545593262],[540.1023559570312,39.56572437286377],[539.8926544189453,39.87040615081787],[539.6829986572266,40.17506790161133],[539.4732513427734,40.47974681854248],[539.2635498046875,40.78442573547363],[539.0538482666016,41.089107513427734],[538.8441467285156,41.39376640319824],[538.6344451904297,41.698448181152344],[538.4243316650391,42.00281810760498],[538.2139892578125,42.30703639984131],[538.0036468505859,42.61127185821533],[537.7933044433594,42.915507316589355],[537.5829620361328,43.21974277496338],[537.3726196289062,43.52395820617676],[537.1622772216797,43.82819366455078],[536.9519348144531,44.132429122924805],[536.7415466308594,44.43666458129883],[536.53125,44.740882873535156],[536.3208618164062,45.04511833190918],[536.1105194091797,45.3493537902832],[535.9001770019531,45.65358924865723],[535.6898345947266,45.957804679870605],[535.4794921875,46.26204013824463],[535.2691497802734,46.56627559661865],[535.0588073730469,46.87049388885498],[534.8480987548828,47.174468994140625],[534.6372528076172,47.47836971282959],[534.4264068603516,47.782273292541504],[534.2156066894531,48.08615684509277],[534.0047607421875,48.39005470275879],[533.7939147949219,48.6939582824707],[533.5831146240234,48.99785614013672],[533.3722686767578,49.30174255371094],[533.1614685058594,49.60564041137695],[532.9506225585938,49.90954399108887],[532.7397766113281,50.21344757080078],[532.5289764404297,50.5173282623291],[532.3181304931641,50.821231842041016],[532.1073303222656,51.12512969970703],[531.896484375,51.429033279418945],[531.6856384277344,51.732913970947266],[531.4747924804688,52.03678894042969],[531.2636260986328,52.34045219421387],[531.0524597167969,52.644086837768555],[530.8412475585938,52.947744369506836],[530.6300811767578,53.25140190124512],[530.4188690185547,53.5550594329834],[530.2077026367188,53.858699798583984],[529.9965362548828,54.162357330322266],[529.7853698730469,54.46601486206055],[529.5741577148438,54.76967239379883],[529.3629913330078,55.073312759399414],[529.1518249511719,55.376970291137695],[528.9406585693359,55.68062782287598],[528.7294464111328,55.98428535461426],[528.5182800292969,56.287925720214844],[528.3071136474609,56.591583251953125],[528.0959014892578,56.895240783691406],[527.8845520019531,57.19873809814453],[527.6731567382812,57.502241134643555],[527.4617156982422,57.80574417114258],[527.2503204345703,58.1092414855957],[527.0389251708984,58.41272735595703],[526.8275299072266,58.716230392456055],[526.6161346435547,59.01973342895508],[526.4046936035156,59.3232307434082],[526.1932983398438,59.62671661376953],[525.9819030761719,59.930219650268555],[525.7705078125,60.23372268676758],[525.5591125488281,60.5372200012207],[525.3477172851562,60.84070587158203],[525.1363220214844,61.144208908081055],[524.9248809814453,61.44771194458008],[524.7134857177734,61.75115776062012],[524.5019989013672,62.05462074279785],[524.2905578613281,62.358083724975586],[524.0790710449219,62.66154670715332],[523.8676300048828,62.96499252319336],[523.6561889648438,63.268455505371094],[523.4447021484375,63.57191848754883],[523.2332611083984,63.87538146972656],[523.0218200683594,64.1788215637207],[522.8103332519531,64.48228454589844],[522.5988922119141,64.78574752807617],[522.3874053955078,65.0892105102539],[522.1759643554688,65.39265632629395],[521.9644775390625,65.69611930847168],[521.7530364990234,65.99958229064941],[521.5415954589844,66.30302238464355],[521.3301086425781,66.60648536682129],[521.1186676025391,66.90994834899902],[520.9071807861328,67.21341133117676],[520.6957397460938,67.5168571472168],[520.4842987060547,67.82032012939453],[520.2728118896484,68.12378311157227],[520.0613708496094,68.42724609375],[519.8499298095703,68.73068618774414],[519.6384429931641,69.03414916992188],[519.427001953125,69.33761215209961],[519.2155151367188,69.64107513427734],[519.0043029785156,69.94468688964844],[518.7931823730469,70.2483901977539],[518.5820617675781,70.55209350585938],[518.3709411621094,70.85579681396484],[518.1598663330078,71.15948295593262],[517.9487457275391,71.46318626403809],[517.7376251220703,71.76688957214355],[517.5265045166016,72.07056999206543],[517.3153839111328,72.3742733001709],[517.1042633056641,72.67797660827637],[516.8931427001953,72.98167991638184],[516.6823883056641,73.28559494018555],[516.4717712402344,73.58963012695312],[516.2611083984375,73.8936595916748],[516.0504455566406,74.19769477844238],[515.8398284912109,74.50170707702637],[515.6297149658203,74.80608558654785],[515.4195556640625,75.11046981811523],[515.2094421386719,75.41485977172852],[514.9993286132812,75.7192268371582],[514.7898559570312,76.02407455444336],[514.5805206298828,76.32900810241699],[514.3712310791016,76.63392448425293],[514.1622619628906,76.9391040802002],[513.9541625976562,77.2448902130127],[513.7460632324219,77.5506763458252],[513.5385589599609,77.8568286895752],[513.3322448730469,78.16381072998047],[513.12744140625,78.47182846069336],[512.92529296875,78.78153991699219],[512.7286834716797,79.09481048583984],[512.5339965820312,79.40930557250977],[512.3404541015625,79.7244873046875],[512.1471405029297,80.03983497619629],[511.95423889160156,80.35538291931152],[511.7621612548828,80.67145729064941],[511.5700378417969,80.9875316619873],[511.37828063964844,81.30380630493164],[511.1872100830078,81.62049293518066],[510.99609375,81.93718528747559],[510.8050231933594,82.25387763977051],[510.6147766113281,82.5710277557373],[510.42462158203125,82.88826942443848],[510.2344665527344,83.20550537109375],[510.0443572998047,83.5228214263916],[509.85516357421875,83.84061241149902],[509.6659240722656,84.15842056274414],[509.4767303466797,84.47623443603516],[509.28753662109375,84.79404258728027],[509.09930419921875,85.11241722106934],[508.91111755371094,85.43082618713379],[508.72288513183594,85.74922943115234],[508.5346984863281,86.0676212310791],[508.34715270996094,86.38643646240234],[508.16001892089844,86.70548057556152],[507.9729309082031,87.0245246887207],[507.7857971191406,87.34355163574219],[507.5988464355469,87.66267585754395],[507.41294860839844,87.98244094848633],[507.22705078125,88.30220603942871],[507.04119873046875,88.6219482421875],[506.8553009033203,88.94171333312988],[506.6699523925781,89.26181030273438],[506.485107421875,89.5821704864502],[506.3004455566406,89.90261650085449],[506.1163330078125,90.22342300415039],[505.9322204589844,90.54422950744629],[505.7489318847656,90.86549377441406],[505.56568908691406,91.18676376342773],[505.38304138183594,91.50838851928711],[505.2007141113281,91.83018493652344],[505.0187530517578,92.1521987915039],[504.8374328613281,92.47456741333008],[504.6562957763672,92.79704475402832],[504.47607421875,93.12004852294922],[504.2958984375,93.44303512573242],[504.11695861816406,93.76674270629883],[503.9380187988281,94.09044456481934],[503.76031494140625,94.41482734680176],[503.5827941894531,94.73930168151855],[503.40660095214844,95.06449127197266],[503.2306823730469,95.38985252380371],[503.0562744140625,95.71603775024414],[502.8822326660156,96.04238891601562],[502.7095642089844,96.36946105957031],[502.53831481933594,96.69731140136719],[502.3686218261719,97.02592849731445],[502.2004852294922,97.3553581237793],[502.0341796875,97.68574905395508],[501.8700714111328,98.01721572875977],[501.70880126953125,98.35006713867188],[501.5503234863281,98.68426895141602],[501.39527893066406,99.02006149291992],[501.24513244628906,99.35807418823242],[501.1015319824219,99.69891357421875],[500.9662170410156,100.04312896728516],[500.8407897949219,100.39105224609375],[500.7272186279297,100.74303817749023],[500.6274719238281,101.09915542602539],[500.5432891845703,101.45930099487305],[500.4767303466797,101.82307434082031],[500.42967224121094,102.18984603881836],[500.4035339355469,102.55873489379883],[500.3997344970703,102.92853927612305],[500.41941833496094,103.29780578613281],[500.4627227783203,103.66503524780273],[500.52955627441406,104.02872848510742],[500.61936950683594,104.38746643066406],[500.73101806640625,104.7400131225586],[500.8633575439453,105.0853157043457],[501.0149230957031,105.42265319824219],[501.18370056152344,105.75170516967773],[501.368408203125,106.07209396362305],[501.5673522949219,106.38385391235352],[501.7790222167969,106.6871109008789],[502.00213623046875,106.98209381103516],[502.23536682128906,107.26908874511719],[502.47784423828125,107.54837036132812],[502.7286071777344,107.82023620605469],[502.98651123046875,108.0853385925293],[503.25123596191406,108.34360885620117],[503.521728515625,108.5958480834961],[503.79771423339844,108.84209060668945],[504.07859802246094,109.08274841308594],[504.36383056640625,109.31813049316406],[504.65313720703125,109.54858016967773],[504.94615173339844,109.77432632446289],[505.2425994873047,109.9954605102539],[505.5428009033203,110.2115249633789],[505.8461151123047,110.42309188842773],[506.15240478515625,110.6305046081543],[506.46107482910156,110.83424377441406],[506.7719421386719,111.03461837768555],[507.0849609375,111.23161697387695],[507.39971923828125,111.42582321166992],[507.7159881591797,111.61759185791016],[508.03358459472656,111.80722045898438],[508.35223388671875,111.99492645263672],[508.67193603515625,112.18093872070312],[508.9925079345703,112.36549758911133],[509.3137664794922,112.54875183105469],[509.63580322265625,112.73055267333984],[509.9581604003906,112.91193008422852],[510.28102111816406,113.09240341186523],[510.604248046875,113.27216720581055],[510.9277038574219,113.45162200927734],[511.25157165527344,113.63022994995117],[511.5754852294922,113.8088493347168],[511.89967346191406,113.98681640625],[512.2239990234375,114.16470336914062],[512.5483245849609,114.34244155883789],[512.8728790283203,114.51987075805664],[513.1973876953125,114.69729995727539],[513.5219421386719,114.87472915649414],[513.8464965820312,115.05215835571289],[514.1710052490234,115.22958755493164],[514.4954223632812,115.40715408325195],[514.8197937011719,115.58485794067383],[515.1442108154297,115.7625503540039],[515.4685821533203,115.94025421142578],[515.7929992675781,116.11794662475586],[516.1173706054688,116.29565048217773],[516.4413299560547,116.47415542602539],[516.7475738525391,116.68109893798828],[517.0281829833984,116.92167663574219],[517.2849426269531,117.18777465820312],[517.5191802978516,117.4738540649414],[517.732177734375,117.77616119384766],[517.9248504638672,118.09180068969727],[518.0982055664062,118.41847229003906],[518.2524261474609,118.75458526611328],[518.3882904052734,119.09851455688477],[518.5062561035156,119.44898986816406],[518.6065521240234,119.80494689941406],[518.6897277832031,120.16533279418945],[518.7560119628906,120.5291519165039],[518.8055877685547,120.89567184448242],[518.8392333984375,121.26397705078125],[518.8567657470703,121.63339233398438],[518.8590087890625,122.0031623840332],[518.8462829589844,122.37279510498047],[518.8188629150391,122.74163818359375],[518.7772979736328,123.1091537475586],[518.7220916748047,123.47483825683594],[518.6537017822266,123.8382797241211],[518.5726776123047,124.19916915893555],[518.4793853759766,124.55700302124023],[518.3741912841797,124.91156387329102],[518.2578735351562,125.26269149780273],[518.1309356689453,125.61006546020508],[517.9934234619141,125.95341110229492],[517.846435546875,126.29279708862305],[517.6897888183594,126.62783432006836],[517.5244903564453,126.95870590209961],[517.3505859375,127.28507995605469],[517.1686248779297,127.60708236694336],[516.9791564941406,127.92472457885742],[516.7823638916016,128.2379035949707],[516.5785675048828,128.54651641845703],[516.3682708740234,128.85074615478516],[516.1546783447266,129.1527328491211],[515.9411315917969,129.45467376708984],[515.7271270751953,129.75636291503906],[515.5121154785156,130.05730819702148],[515.2970581054688,130.3582420349121],[515.0811309814453,130.6585693359375],[514.8646545410156,130.9584732055664],[514.6481781005859,131.25836563110352],[514.4302825927734,131.5572280883789],[514.2123870849609,131.8560562133789],[513.9938507080078,132.15443801879883],[513.7745361328125,132.4522933959961],[513.5552673339844,132.75014877319336],[513.334716796875,133.04705429077148],[513.1141662597656,133.3439712524414],[512.8928833007812,133.64037322998047],[512.6711883544922,133.93636322021484],[512.4491729736328,134.23222732543945],[512.2263793945312,134.52747344970703],[512.0035858154297,134.8227195739746],[511.78001403808594,135.11735916137695],[511.5563049316406,135.41191864013672],[511.3322296142578,135.70615768432617],[511.1077880859375,136.0001449584961],[510.88316345214844,136.29398345947266],[510.65794372558594,136.58738708496094],[510.43272399902344,136.88080215454102],[510.2075500488281,137.1742057800293],[509.9823303222656,137.46760940551758],[509.7568817138672,137.7608528137207],[509.5312957763672,138.05394744873047],[509.3057098388672,138.34699630737305],[509.080078125,138.6400909423828],[508.8544921875,138.93319702148438],[508.62908935546875,139.2264289855957],[508.4037780761719,139.5197525024414],[508.1784210205078,139.8130645751953],[507.95310974121094,140.10638809204102],[507.72779846191406,140.39970016479492],[507.5031280517578,140.6934814453125],[507.2786407470703,140.98746871948242],[507.05419921875,141.28145599365234],[506.8297576904297,141.57543182373047],[506.6053161621094,141.8694190979004],[506.38124084472656,142.16365814208984],[506.15771484375,142.45836639404297],[505.9342346191406,142.7530403137207],[505.71116638183594,143.04808044433594],[505.48841857910156,143.3433609008789],[505.265625,143.63862991333008],[505.0434265136719,143.93426513671875],[504.8215026855469,144.23016357421875],[504.5995788574219,144.52606201171875],[504.37811279296875,144.82232666015625],[504.1570587158203,145.1188201904297],[503.9360046386719,145.4153594970703],[503.71527099609375,145.71212768554688],[503.49513244628906,146.00934219360352],[503.2749481201172,146.30655670166016],[503.0548095703125,146.6037712097168],[502.83558654785156,146.90168380737305],[502.6163635253906,147.1995506286621],[502.3971405029297,147.49745178222656],[502.1784210205078,147.79568481445312],[501.9601135253906,148.0942840576172],[501.74180603027344,148.39287185668945],[501.52354431152344,148.69145965576172],[501.30596923828125,148.99059677124023],[501.088623046875,149.28985977172852],[500.87127685546875,149.5890884399414],[500.6539306640625,149.88836288452148],[500.4374084472656,150.1882438659668],[500.2210235595703,150.4881935119629],[500.0045928955078,150.78814315795898],[499.7881622314453,151.08809280395508],[499.572509765625,151.38858032226562],[499.35704040527344,151.68914794921875],[499.1415252685547,151.98976135253906],[498.92601013183594,152.29036331176758],[498.71099853515625,152.5913314819336],[498.49635314941406,152.89257431030273],[498.28175354003906,153.19382858276367],[498.06715393066406,153.4950714111328],[497.85255432128906,153.79629135131836],[497.6388702392578,154.09811782836914],[497.4251403808594,154.3999900817871],[497.21141052246094,154.70186233520508],[496.9976806640625,155.00373458862305],[496.7841339111328,155.30575561523438],[496.57127380371094,155.60822296142578],[496.3583679199219,155.9106903076172],[496.1455078125,156.2131576538086],[495.9326477050781,156.5155792236328],[495.7199249267578,156.81819534301758],[495.5078887939453,157.12123489379883],[495.2958068847656,157.42427444458008],[495.08372497558594,157.72731399536133],[494.87168884277344,158.03035354614258],[494.65960693359375,158.33339309692383],[494.44189453125,158.6323127746582],[494.2134704589844,158.92317581176758],[493.9752502441406,159.2061424255371],[493.7286071777344,159.48173904418945],[493.4744110107422,159.7503433227539],[493.2133483886719,160.01242446899414],[492.9461975097656,160.2681770324707],[492.6734619140625,160.51805877685547],[492.3957824707031,160.76231002807617],[492.113525390625,161.0013084411621],[491.8272399902344,161.23542022705078],[491.537109375,161.46488571166992],[491.24359130859375,161.68991088867188],[490.94677734375,161.9106216430664],[490.6469421386719,162.12721252441406],[490.34449768066406,162.33999252319336],[490.03944396972656,162.54920196533203],[489.73191833496094,162.75469207763672],[489.4223327636719,162.95700073242188],[489.1105041503906,163.15601348876953],[488.7968444824219,163.35192489624023],[488.48126220703125,163.54492950439453],[488.1639404296875,163.73494720458984],[487.84515380859375,163.92237854003906],[487.5246276855469,164.10699462890625],[487.20277404785156,164.2892074584961],[486.87945556640625,164.46882247924805],[486.5548553466797,164.64614868164062],[486.2289733886719,164.82110595703125],[485.9019012451172,164.9938087463379],[485.5738220214844,165.1644172668457],[485.2444152832031,165.33277130126953],[484.9141387939453,165.49922561645508],[484.5828094482422,165.6636085510254],[484.2505187988281,165.82603454589844],[483.9173583984375,165.98668670654297],[483.5832824707031,166.14537048339844],[483.2483367919922,166.3022918701172],[482.91265869140625,166.45757675170898],[482.57615661621094,166.6109733581543],[482.23883056640625,166.76275634765625],[481.90086364746094,166.91302871704102],[481.56211853027344,167.06153869628906],[481.22259521484375,167.2082977294922],[480.8825225830078,167.35372924804688],[480.5420379638672,167.49808502197266],[480.20054626464844,167.64019775390625],[479.8586883544922,167.7813606262207],[479.5162353515625,167.92110443115234],[479.1730499267578,168.05910873413086],[478.8295440673828,168.1962547302246],[478.4853057861328,168.33159255981445],[478.1406555175781,168.46572875976562],[477.79563903808594,168.59888076782227],[477.4497985839844,168.73013305664062],[477.1037292480469,168.8606414794922],[476.75706481933594,168.98960494995117],[476.4099884033203,169.1173439025879],[476.0625915527344,169.24425888061523],[475.71446228027344,169.36931991577148],[475.36614990234375,169.49371719360352],[475.017333984375,169.61661529541016],[474.66810607910156,169.7384147644043],[474.3185577392578,169.85935592651367],[473.9684600830078,169.9786376953125],[473.6181335449219,170.09737014770508],[473.2673034667969,170.2144660949707],[472.91615295410156,170.33071517944336],[472.5647277832031,170.4458885192871],[472.2128448486328,170.55973434448242],[471.86073303222656,170.67305374145508],[471.50807189941406,170.78453063964844],[471.1552276611328,170.89551544189453],[470.8019714355469,171.005126953125],[470.4484405517578,171.11380004882812],[470.0946807861328,171.2215805053711],[469.74046325683594,171.32797622680664],[469.3860626220703,171.4339256286621],[469.0311584472656,171.53810119628906],[468.6761169433594,171.64179611206055],[468.32066345214844,171.7441635131836],[467.96502685546875,171.84563827514648],[467.60906982421875,171.94622039794922],[467.25279235839844,172.0454864501953],[466.89637756347656,172.14429473876953],[466.5395050048828,172.24135208129883],[466.1824493408203,172.33802032470703],[465.8250732421875,172.43328094482422],[465.46746826171875,172.52776336669922],[465.1095886230469,172.6212387084961],[464.75148010253906,172.7135353088379],[464.3931427001953,172.80523681640625],[464.03228759765625,172.8859405517578],[463.66644287109375,172.93991088867188],[463.2975769042969,172.96564865112305],[462.92784118652344,172.96239852905273],[462.5594787597656,172.93013763427734],[462.1947326660156,172.86930084228516],[461.8355712890625,172.7812843322754],[461.483642578125,172.66782760620117],[461.14013671875,172.53088760375977],[460.8058319091797,172.37270736694336],[460.4813232421875,172.1953582763672],[460.1666564941406,172.00108337402344],[459.8617858886719,171.7917022705078],[459.5664825439453,171.5691032409668],[459.28038024902344,171.33478546142578],[459.00311279296875,171.08998489379883],[458.73435974121094,170.8359031677246],[458.47357177734375,170.57362747192383],[458.2203826904297,170.30401611328125],[457.9743347167969,170.02790451049805],[457.73492431640625,169.74593353271484],[457.5019226074219,169.45882415771484],[457.2747802734375,169.16686248779297],[457.05340576171875,168.87060928344727],[456.8372497558594,168.57043075561523],[456.6261291503906,168.26677322387695],[456.4197692871094,167.95979690551758],[456.2178955078125,167.6498908996582],[456.0202331542969,167.33727264404297],[455.8268737792969,167.02199935913086],[455.6371307373047,166.70452880859375],[455.45091247558594,166.38494110107422],[455.2680358886719,166.0634765625],[455.08872985839844,165.73998641967773],[454.91253662109375,165.41475677490234],[454.73931884765625,165.08795928955078],[454.5688934326172,164.7597312927246],[454.4012145996094,164.43009567260742],[454.2360534667969,164.09912109375],[454.0733642578125,163.7669448852539],[453.9132385253906,163.43352127075195],[453.7554473876953,163.0990333557129],[453.5997619628906,162.76348114013672],[453.44622802734375,162.4269790649414],[453.2947540283203,162.08961868286133],[453.14520263671875,161.7513656616211],[452.9974822998047,161.4122657775879],[452.85154724121094,161.0723648071289],[452.7073516845703,160.7318000793457],[452.56480407714844,160.3905029296875],[452.42381286621094,160.04851913452148],[452.2844696044922,159.70594024658203],[452.1466827392578,159.36269760131836],[452.01026916503906,159.01890563964844],[451.8752746582031,158.67458724975586],[451.74156188964844,158.32967376708984],[451.60935974121094,157.98423385620117],[451.4783020019531,157.63835906982422],[451.34825134277344,157.29212951660156],[451.2193908691406,156.94548797607422],[451.0917205810547,156.5983543395996],[450.9648742675781,156.25091171264648],[450.8394012451172,155.9029998779297],[450.7144317626953,155.55487060546875],[450.5909729003906,155.20620346069336],[450.4677429199219,154.8574562072754],[450.3461151123047,154.50819396972656],[450.22471618652344,154.15879440307617],[450.10450744628906,153.8090057373047],[449.98480224609375,153.45906829833984],[449.8659210205078,153.1088104248047],[449.7477264404297,152.7583465576172],[449.62998962402344,152.40769958496094],[449.51312255859375,152.05676651000977],[449.396484375,151.7057991027832],[449.2810821533203,151.35438537597656],[449.1657257080078,151.00297164916992],[449.0503234863281,150.65155792236328],[448.93560791015625,150.2999610900879],[448.8214416503906,149.94814682006836],[448.707275390625,149.59633255004883],[448.59324645996094,149.2444953918457],[448.47962951660156,148.89250946044922],[448.3660125732422,148.54052352905273],[448.2523956298828,148.18853759765625],[448.13877868652344,147.83654022216797],[448.02516174316406,147.48455429077148],[447.9114990234375,147.132568359375],[447.7969207763672,146.78089141845703],[447.6822967529297,146.42927169799805],[447.56748962402344,146.07767486572266],[447.45167541503906,145.72640991210938],[447.3347625732422,145.3755340576172],[447.2167510986328,145.02496719360352],[447.0974578857422,144.6748809814453],[446.9765167236328,144.32533264160156],[446.85337829589844,143.9766082763672],[446.72735595703125,143.62883377075195],[446.56622314453125,143.29698944091797],[446.3176574707031,143.02527236938477],[445.9961700439453,142.84524536132812],[445.6383819580078,142.75466537475586],[445.2696533203125,142.72991180419922],[444.9004669189453,142.74956130981445],[444.53411865234375,142.7995719909668],[444.1712951660156,142.87114334106445],[443.8118591308594,142.95824432373047],[443.4554443359375,143.05706405639648],[443.1017303466797,143.16522216796875],[442.75025939941406,143.2804412841797],[442.4007568359375,143.40147399902344],[442.0529022216797,143.52702713012695],[441.7065124511719,143.65673446655273],[441.3611755371094,143.78921127319336],[441.016845703125,143.9242286682129],[440.6732940673828,144.06134033203125],[440.3305206298828,144.20014572143555],[439.9882507324219,144.34033584594727],[439.646484375,144.48179626464844],[439.30517578125,144.62419509887695],[438.9638214111328,144.76670837402344],[438.6230163574219,144.9103546142578],[438.28216552734375,145.0540008544922],[437.94140625,145.1978874206543],[437.6007385253906,145.34188842773438],[437.26002502441406,145.48588943481445],[436.9194030761719,145.62987899780273],[436.5786895751953,145.77386856079102],[436.23779296875,145.91741180419922],[435.8967590332031,146.06053161621094],[435.55567932128906,146.20363998413086],[435.2142333984375,146.34575271606445],[434.8726501464844,146.48755645751953],[434.53102111816406,146.6293716430664],[434.18898010253906,146.7700653076172],[433.84666442871094,146.91022109985352],[433.5041198730469,147.0497817993164],[433.1612548828125,147.18833541870117],[432.8180694580078,147.32636260986328],[432.4746551513672,147.4636459350586],[432.1307373046875,147.5998992919922],[431.78668212890625,147.73558044433594],[431.4422149658203,147.87019729614258],[431.0973358154297,148.00393295288086],[430.7522735595703,148.1370964050293],[430.4066162109375,148.26876068115234],[430.06077575683594,148.39987564086914],[429.7145233154297,148.52988052368164],[429.36785888671875,148.65882110595703],[429.02101135253906,148.7870979309082],[428.67347717285156,148.9137954711914],[428.3258514404297,149.04001235961914],[427.9776306152344,149.1646957397461],[427.62908935546875,149.28863525390625],[427.2801818847656,149.41139602661133],[426.9308624267578,149.53295516967773],[426.5812683105469,149.65369033813477],[426.2311706542969,149.77283477783203],[425.88084411621094,149.89153289794922],[425.5298767089844,150.00825119018555],[425.17881774902344,150.12472915649414],[424.82725524902344,150.2395248413086],[424.47523498535156,150.35317611694336],[424.1228942871094,150.46562576293945],[423.7701873779297,150.57687377929688],[423.4170684814453,150.68695449829102],[423.06358337402344,150.7957992553711],[422.7096862792969,150.9034423828125],[422.35546875,151.00986099243164],[422.0008850097656,151.11504364013672],[421.64593505859375,151.21897888183594],[421.2906188964844,151.3216781616211],[420.9349365234375,151.4231185913086],[420.5788879394531,151.52331161499023],[420.22247314453125,151.62223434448242],[419.86573791503906,151.71987533569336],[419.5086364746094,151.81624603271484],[419.1512145996094,151.91132354736328],[418.7934265136719,152.00514221191406],[418.43536376953125,152.0976676940918],[418.0769348144531,152.1888885498047],[417.7181396484375,152.27880477905273],[417.35902404785156,152.36733627319336],[416.9995880126953,152.45456314086914],[416.63983154296875,152.54049682617188],[416.2797546386719,152.62511444091797],[415.9194030761719,152.70839309692383],[415.55877685546875,152.79035568237305],[415.1977844238281,152.87099075317383],[414.83656311035156,152.95032119750977],[414.4749755859375,153.02833557128906],[414.1131134033203,153.10501098632812],[413.7510223388672,153.18037033081055],[413.38861083984375,153.25425338745117],[413.0259246826172,153.32675170898438],[412.6630096435547,153.39794540405273],[412.29981994628906,153.46780014038086],[411.9363098144531,153.53633880615234],[411.57261657714844,153.6035270690918],[411.2086486816406,153.6693992614746],[410.8444519042969,153.73395538330078],[410.47998046875,153.7969207763672],[410.1153259277344,153.85853576660156],[409.7503967285156,153.9188346862793],[409.38523864746094,153.9778060913086],[409.0198974609375,154.03546142578125],[408.6543731689453,154.09178924560547],[408.28857421875,154.1466293334961],[407.92254638671875,154.20000457763672],[407.55638122558594,154.2520523071289],[407.1900329589844,154.30278396606445],[406.8234558105469,154.35219955444336],[406.4567413330078,154.40031051635742],[406.0897979736328,154.44678497314453],[405.72267150878906,154.4919090270996],[405.35545349121094,154.53572845458984],[404.9880065917969,154.57825469970703],[404.62046813964844,154.61947631835938],[404.25274658203125,154.65911865234375],[403.8848419189453,154.69733047485352],[403.516845703125,154.73426055908203],[403.1487121582031,154.7699089050293],[402.7803955078125,154.8042984008789],[402.4119873046875,154.8369598388672],[402.0434875488281,154.86831665039062],[401.6748504638672,154.8984031677246],[401.3061218261719,154.92723083496094],[400.937255859375,154.95457077026367],[400.56829833984375,154.98036575317383],[400.1992492675781,155.00491333007812],[399.83006286621094,155.02823638916016],[399.46083068847656,155.05020904541016],[399.091552734375,155.07048797607422],[398.72222900390625,155.08954238891602],[398.3528137207031,155.10737228393555],[397.9833068847656,155.12393188476562],[397.61370849609375,155.13876342773438],[397.2440643310547,155.15237045288086],[396.8744201660156,155.16478729248047],[396.50477600097656,155.17585372924805],[396.13499450683594,155.18524932861328],[395.7652130126953,155.19346618652344],[395.3954315185547,155.2005271911621],[395.0256042480469,155.2060661315918],[394.6557312011719,155.2101058959961],[394.2858581542969,155.2130012512207],[393.9159851074219,155.21476364135742],[393.54615783691406,155.21474075317383],[393.17628479003906,155.21350479125977],[392.80645751953125,155.2111473083496],[392.43658447265625,155.20738220214844],[392.06675720214844,155.2020492553711],[391.6969299316406,155.19561767578125],[391.3271484375,155.1880874633789],[390.95745849609375,155.17869186401367],[390.5877227783203,155.16822052001953],[390.2179870605469,155.15667343139648],[389.8483428955078,155.14351272583008],[389.4787902832031,155.12902450561523],[389.10923767089844,155.11350631713867],[388.73973083496094,155.0965690612793],[388.370361328125,155.07813262939453],[388.00108337402344,155.05866622924805],[387.6317596435547,155.0379295349121],[387.2625732421875,155.01555633544922],[386.8934326171875,154.9921875],[386.5243377685547,154.9676742553711],[386.1554260253906,154.94143295288086],[385.78656005859375,154.9142189025879],[385.41778564453125,154.88589477539062],[385.0491943359375,154.85584259033203],[384.68060302734375,154.8248291015625],[384.31214904785156,154.79268264770508],[383.94380950927734,154.75884246826172],[383.5755844116211,154.7240867614746],[383.2074508666992,154.68815231323242],[382.8395233154297,154.65059280395508],[382.47168731689453,154.61215209960938],[382.10394287109375,154.57239532470703],[381.7364044189453,154.5311737060547],[381.36893463134766,154.48909378051758],[381.00162506103516,154.44553756713867],[380.6344757080078,154.4007225036621],[380.26739501953125,154.35507202148438],[379.9005889892578,154.3076934814453],[379.53394317626953,154.25934219360352],[379.16736602783203,154.21006393432617],[378.80101776123047,154.15900039672852],[378.43482971191406,154.10715866088867],[378.0687789916992,154.05408096313477],[377.7029571533203,153.99957275390625],[377.3372268676758,153.94429779052734],[376.97179412841797,153.88742065429688],[376.6064758300781,153.82952499389648],[376.24129486083984,153.77075958251953],[375.8764343261719,153.71026611328125],[375.5116424560547,153.64905166625977],[375.14710235595703,153.58649826049805],[374.7827682495117,153.52270889282227],[374.4185485839844,153.45825576782227],[374.0547180175781,153.39193725585938],[373.69095611572266,153.32494354248047],[373.3274230957031,153.2567253112793],[372.9641876220703,153.18722534179688],[372.6009979248047,153.11708450317383],[372.23819732666016,153.04512405395508],[371.8755340576172,152.9725227355957],[371.51314544677734,152.89868545532227],[371.15096282958984,152.82360076904297],[370.7889404296875,152.74788665771484],[370.42730712890625,152.6703872680664],[370.0657424926758,152.59232711791992],[369.7045211791992,152.51287078857422],[369.3434829711914,152.4324188232422],[368.98265075683594,152.3511199951172],[368.62220764160156,152.2682991027832],[368.26183319091797,152.18496322631836],[367.90187072753906,152.09995651245117],[367.5420455932617,152.01430892944336],[367.1825180053711,151.92744827270508],[366.8232650756836,151.8394889831543],[366.46417236328125,151.75078582763672],[366.1055374145508,151.66056060791016],[365.7469482421875,151.56988906860352],[365.3887939453125,151.47751235961914],[365.03077697753906,151.3845977783203],[364.67310333251953,151.29040145874023],[364.3157043457031,151.1952781677246],[363.95851135253906,151.09926223754883],[363.6016616821289,151.0019302368164],[363.2450180053711,150.90410614013672],[362.8887634277344,150.8046112060547],[362.5326232910156,150.70478439331055],[362.17694091796875,150.60334396362305],[361.82139587402344,150.5013771057129],[361.4662170410156,150.39812850952148],[361.11128997802734,150.2940788269043],[360.7566833496094,150.18905639648438],[360.4023971557617,150.08292388916016],[360.0482940673828,149.97609329223633],[359.6945571899414,149.86791229248047],[359.34100341796875,149.75929641723633],[358.98793029785156,149.64910125732422],[358.63492584228516,149.53867721557617],[358.282470703125,149.4265251159668],[357.9301300048828,149.3141326904297],[357.5782241821289,149.2002182006836],[357.22645568847656,149.0859718322754],[356.87500762939453,148.97070693969727],[356.5235595703125,148.85544204711914],[356.17222595214844,148.73974227905273],[355.82098388671875,148.6238250732422],[355.46981048583984,148.50785064697266],[355.1187973022461,148.3912696838379],[354.76778411865234,148.27470016479492],[354.41688537597656,148.15769577026367],[354.06607818603516,148.0404396057129],[353.71533966064453,147.92311477661133],[353.36476135253906,147.80518341064453],[353.0142059326172,147.68725204467773],[352.66383361816406,147.56888580322266],[352.3135070800781,147.45026779174805],[351.9631805419922,147.33148956298828],[351.6130828857422,147.21219635009766],[351.2629623413086,147.09290313720703],[350.91307067871094,146.97301483154297],[350.5632019042969,146.85302352905273],[350.21349334716797,146.7327003479004],[349.86387634277344,146.61201095581055],[349.5142593383789,146.49120712280273],[349.1648941040039,146.36981964111328],[348.8155059814453,146.24844360351562],[348.46634674072266,146.12646102905273],[348.1171875,146.00436401367188],[347.7682113647461,145.88186645507812],[347.41934967041016,145.75908279418945],[347.0705108642578,145.63603591918945],[346.7218780517578,145.51251983642578],[346.373291015625,145.38893508911133],[346.02488708496094,145.26469802856445],[345.67650604248047,145.14047241210938],[345.32835388183594,145.01559448242188],[344.9802703857422,144.8906478881836],[344.6323471069336,144.76517486572266],[344.2844696044922,144.63950729370117],[343.93677520751953,144.5134162902832],[343.58917236328125,144.38701629638672],[343.24166107177734,144.26028442382812],[342.8943099975586,144.13316345214844],[342.5470504760742,144.00577926635742],[342.2000198364258,143.87793731689453],[341.85303497314453,143.7498779296875],[341.50621032714844,143.6213035583496],[341.1594772338867,143.49258041381836],[340.81292724609375,143.36328506469727],[340.46644592285156,143.2338409423828],[340.1201934814453,143.10382461547852],[339.77398681640625,142.97367095947266],[339.4280319213867,142.84294509887695],[339.0820999145508,142.7120475769043],[338.7363739013672,142.5805892944336],[338.39073944091797,142.44895935058594],[338.0452880859375,142.31678009033203],[337.6999282836914,142.18439483642578],[337.35475158691406,142.05148315429688],[337.0097122192383,141.91833114624023],[336.66481018066406,141.78472137451172],[336.3200454711914,141.6508026123047],[335.9754409790039,141.51648330688477],[335.6309280395508,141.38176345825195],[335.2865753173828,141.24674606323242],[334.9424514770508,141.11127090454102],[334.59837341308594,140.97555541992188],[334.25452423095703,140.8392677307129],[333.9107208251953,140.70285415649414],[333.5671920776367,140.56578826904297],[333.2237319946289,140.42860794067383],[332.88045501708984,140.29085540771484],[332.53729248046875,140.15286254882812],[332.1942901611328,140.01444625854492],[331.8515625,139.87549209594727],[331.50897216796875,139.73611450195312],[331.1663589477539,139.5967254638672],[330.82376861572266,139.45730209350586],[330.48168182373047,139.31665420532227],[330.1395721435547,139.17600631713867],[329.7974853515625,139.03535842895508],[329.45565032958984,138.89404678344727],[329.1141128540039,138.7522201538086],[328.7725296020508,138.61037063598633],[328.43101501464844,138.4684066772461],[328.0899124145508,138.32540130615234],[327.74878692626953,138.1824073791504],[327.4076843261719,138.03941345214844],[327.06690216064453,137.8956184387207],[326.72628021240234,137.75156021118164],[326.38561248779297,137.60749053955078],[326.04512786865234,137.46302032470703],[325.70489501953125,137.31793212890625],[325.36466217041016,137.17284393310547],[325.02445220947266,137.0276756286621],[324.68463134765625,136.88166046142578],[324.34478759765625,136.73564529418945],[324.00501251220703,136.58964157104492],[323.66546630859375,136.44292831420898],[323.32601165771484,136.2960548400879],[322.98655700683594,136.1491928100586],[322.6472625732422,136.00188446044922],[322.3081283569336,135.85425567626953],[321.968994140625,135.70663833618164],[321.63002014160156,135.5587921142578],[321.2911605834961,135.4104995727539],[320.9523239135742,135.26220703125],[320.61353302001953,135.11383438110352],[320.2749481201172,134.96496963500977],[319.93634033203125,134.81610488891602],[319.5977554321289,134.66724014282227],[319.2594223022461,134.5177345275879],[318.92115783691406,134.3682403564453],[318.58284759521484,134.21872329711914],[318.2445373535156,134.06920623779297],[317.90625,133.9197006225586],[317.5679397583008,133.77018356323242],[317.2297897338867,133.62033462524414],[316.89170837402344,133.4703140258789],[316.55367279052734,133.32030487060547],[316.21559143066406,133.17027282714844],[315.8775100708008,133.0202522277832],[315.5394287109375,132.87022018432617],[315.2013473510742,132.72015380859375],[314.86328887939453,132.57004165649414],[314.52525329589844,132.41992950439453],[314.18721771240234,132.26981735229492],[313.84920501708984,132.1197280883789],[313.51116943359375,131.9696159362793],[313.17313385009766,131.8195037841797],[312.8349380493164,131.66973495483398],[312.49674224853516,131.51996612548828],[312.1585464477539,131.37020874023438],[311.82035064697266,131.22043991088867],[311.4822006225586,131.07069396972656],[311.14400482177734,130.92092514038086],[310.80562591552734,130.77163696289062],[310.4670867919922,130.6226348876953],[310.1285705566406,130.4736213684082],[309.79003143310547,130.3246078491211],[309.4515151977539,130.17560577392578],[309.11297607421875,130.02659225463867],[308.7744369506836,129.87773895263672],[308.43555450439453,129.7295379638672],[308.09667205810547,129.58133697509766],[307.7577896118164,129.43314743041992],[307.4186553955078,129.28553009033203],[307.07947540283203,129.13800430297852],[306.74029541015625,128.9904670715332],[306.4009780883789,128.84337615966797],[306.0614776611328,128.69659423828125],[305.7219772338867,128.54981231689453],[305.38238525390625,128.40321350097656],[305.04254150390625,128.25725555419922],[304.70267486572266,128.11129760742188],[304.36280822753906,127.96533966064453],[304.02262115478516,127.82013702392578],[303.68241119384766,127.67509460449219],[303.34217834472656,127.5300407409668],[303.0017623901367,127.3853759765625],[302.66111755371094,127.24129486083984],[302.32044982910156,127.09721374511719],[301.9798049926758,126.95313262939453],[301.6387481689453,126.80998992919922],[301.29769134521484,126.66696166992188],[300.9566116333008,126.52391052246094],[300.61537170410156,126.38127136230469],[300.27381134033203,126.23930740356445],[299.9322738647461,126.09734344482422],[299.59073638916016,125.95537948608398],[299.2488327026367,125.81428527832031],[298.9068145751953,125.67346572875977],[298.5648422241211,125.53265762329102],[298.2227783203125,125.39195251464844],[297.8802795410156,125.25231170654297],[297.53778076171875,125.1126708984375],[297.1952819824219,124.97303009033203],[296.85257720947266,124.83383560180664],[296.5095977783203,124.69540786743164],[296.1665954589844,124.55698013305664],[295.8236389160156,124.41857528686523],[295.48036193847656,124.28085708618164],[295.13687896728516,124.1436767578125],[294.79337310791016,124.00650787353516],[294.44989013671875,123.86933898925781],[294.10606384277344,123.73302841186523],[293.7620544433594,123.59712982177734],[293.4180908203125,123.46125411987305],[293.07408142089844,123.32535552978516],[292.72984313964844,123.19016647338867],[292.3854446411133,123.05522918701172],[292.04088592529297,122.92076110839844],[291.6962585449219,122.7864761352539],[291.35144805908203,122.65263748168945],[291.0065460205078,122.51900482177734],[290.6615524291992,122.38580703735352],[290.31639862060547,122.25284957885742],[289.97110748291016,122.12023544311523],[289.6257019042969,121.98793029785156],[289.2802047729492,121.85591125488281],[288.9345474243164,121.72428131103516],[288.5887985229492,121.59283447265625],[288.24293518066406,121.46187973022461],[287.89698028564453,121.33100509643555],[287.55084228515625,121.20069122314453],[287.2046813964844,121.07037734985352],[286.85826873779297,120.94070434570312],[286.51185607910156,120.81105422973633],[286.1652603149414,120.68191909790039],[285.81861877441406,120.55294418334961],[285.47186279296875,120.42433547973633],[285.1249465942383,120.29602432250977],[284.7780075073242,120.16789627075195],[284.4308624267578,120.04024887084961],[284.0837173461914,119.91259002685547],[283.73634338378906,119.78559494018555],[283.3889465332031,119.65859985351562],[283.0414352416992,119.53208541870117],[282.69380950927734,119.40575408935547],[282.3460693359375,119.2796401977539],[281.9982147216797,119.15396118164062],[281.6503372192383,119.02828216552734],[281.30223083496094,118.90324401855469],[280.9541473388672,118.77822875976562],[280.6059036254883,118.65357971191406],[280.2576141357422,118.52922821044922],[279.9092559814453,118.40496826171875],[279.5606918334961,118.28123474121094],[279.2121276855469,118.15751266479492],[278.8633575439453,118.03422546386719],[278.51456451416016,117.9111442565918],[278.1657257080078,117.78821182250977],[277.8167495727539,117.6657829284668],[277.4677276611328,117.54335403442383],[277.11859130859375,117.42137145996094],[276.7693634033203,117.2995719909668],[276.4200668334961,117.17785263061523],[276.0706100463867,117.05667114257812],[275.72115325927734,116.93550109863281],[275.37158203125,116.8146858215332],[275.0219421386719,116.69415664672852],[274.67225646972656,116.57361602783203],[274.3223648071289,116.45364761352539],[273.97247314453125,116.33372497558594],[273.6225357055664,116.21398544311523],[273.2724380493164,116.09468078613281],[272.9223175048828,115.97537612915039],[272.57210540771484,115.85644912719727],[272.2218017578125,115.73775100708008],[271.87149810791016,115.61905288696289],[271.52098846435547,115.50088119506836],[271.1704788208008,115.3827896118164],[270.8198547363281,115.26511001586914],[270.4690704345703,115.14783096313477],[270.1182403564453,115.03065490722656],[269.76722717285156,114.91421127319336],[269.4161682128906,114.79775619506836],[269.06490325927734,114.68193054199219],[268.7135696411133,114.56628799438477],[268.36209869384766,114.45100021362305],[268.01051330566406,114.3361930847168],[267.6588821411133,114.22146606445312],[267.30704498291016,114.10750579833984],[266.95516204833984,113.99352264404297],[266.6031188964844,113.88019180297852],[266.25096130371094,113.76703262329102],[265.89868927001953,113.65425109863281],[265.54627990722656,113.54192733764648],[265.1938247680664,113.42975234985352],[264.8411407470703,113.31826400756836],[264.488525390625,113.206787109375],[264.13563537597656,113.09604263305664],[263.78269958496094,112.98538970947266],[263.42960357666016,112.87525177001953],[263.0763931274414,112.76543426513672],[262.7231140136719,112.65592575073242],[262.3696517944336,112.54694366455078],[262.0162353515625,112.43807601928711],[261.6625213623047,112.32994079589844],[261.3088073730469,112.22179412841797],[260.9548873901367,112.1144027709961],[260.6009216308594,112.0070915222168],[260.2467727661133,111.90035247802734],[259.8925552368164,111.79388809204102],[259.53824615478516,111.68781280517578],[259.18379974365234,111.58220672607422],[258.82923889160156,111.4767951965332],[258.4745178222656,111.37202453613281],[258.1197738647461,111.2673110961914],[257.7648010253906,111.16337585449219],[257.40985107421875,111.05945205688477],[257.05464935302734,110.95628356933594],[256.69944763183594,110.85320663452148],[256.3440628051758,110.75074768066406],[255.98860931396484,110.64850616455078],[255.63301849365234,110.54677963256836],[255.27731323242188,110.44537353515625],[254.92147064208984,110.34436798095703],[254.56553649902344,110.24382019042969],[254.20953369140625,110.14355850219727],[253.8533935546875,110.04388046264648],[253.49716186523438,109.94436264038086],[253.1407241821289,109.84550857543945],[252.78428649902344,109.74674606323242],[252.42761993408203,109.64873886108398],[252.07097625732422,109.55075454711914],[251.71410369873047,109.45359420776367],[251.35720825195312,109.3564338684082],[251.00017547607422,109.26008605957031],[250.64305114746094,109.16377258300781],[250.2857208251953,109.06820297241211],[249.9283905029297,108.97274780273438],[249.57085418701172,108.87796783447266],[249.21329498291016,108.7833480834961],[248.85555267333984,108.68939208984375],[248.49781036376953,108.59563064575195],[248.13988494873047,108.50248718261719],[247.78186798095703,108.40957260131836],[247.42371368408203,108.31724166870117],[247.06549072265625,108.22516250610352],[246.70708465576172,108.1336669921875],[246.3486557006836,108.04243469238281],[245.9900665283203,107.95177459716797],[245.63145446777344,107.86138916015625],[245.2726593017578,107.77157592773438],[244.9137725830078,107.68203735351562],[244.55474853515625,107.59308242797852],[244.1956787109375,107.50439071655273],[243.83642578125,107.4162826538086],[243.4771499633789,107.32842636108398],[243.11773681640625,107.2412109375],[242.7582550048828,107.15420150756836],[242.39859008789062,107.06785583496094],[242.03890228271484,106.98168182373047],[241.6790542602539,106.8962173461914],[241.31916046142578,106.81086730957031],[240.9590835571289,106.7262954711914],[240.59900665283203,106.64179229736328],[240.23876953125,106.55812454223633],[239.87848663330078,106.47451400756836],[239.51799774169922,106.39167022705078],[239.15748596191406,106.30898666381836],[238.79681396484375,106.22696685791016],[238.43607330322266,106.14517593383789],[238.0752182006836,106.06398010253906],[237.71438598632812,105.98313903808594],[237.3533477783203,105.90276718139648],[236.99219512939453,105.82283020019531],[236.63097381591797,105.74328231811523],[236.26966094970703,105.66427230834961],[235.90825653076172,105.58553695678711],[235.54669189453125,105.50744247436523],[235.18512725830078,105.42951965332031],[234.82342529296875,105.35239791870117],[234.46167755126953,105.275390625],[234.09976959228516,105.19909286499023],[233.7378158569336,105.1230239868164],[233.37572479248047,105.04753875732422],[233.01356506347656,104.97241973876953],[232.6512908935547,104.89773559570312],[232.28894805908203,104.82356643676758],[231.9265365600586,104.74968338012695],[231.5639877319336,104.67646408081055],[231.201416015625,104.6034049987793],[230.83868408203125,104.53110122680664],[230.4759063720703,104.45899200439453],[230.1130142211914,104.38746643066406],[229.75005340576172,104.31632995605469],[229.38704681396484,104.2455940246582],[229.0239028930664,104.17540740966797],[228.66071319580078,104.10543823242188],[228.2973861694336,104.03620147705078],[227.93399047851562,103.96714782714844],[227.57050323486328,103.89872360229492],[227.20697021484375,103.83064270019531],[226.84339141845703,103.76297378540039],[226.47965240478516,103.69584274291992],[226.1158676147461,103.6289291381836],[225.75196838378906,103.56274795532227],[225.38804626464844,103.49678421020508],[225.02400970458984,103.43135833740234],[224.65985870361328,103.3663444519043],[224.29568481445312,103.30166244506836],[223.93146514892578,103.23760986328125],[223.56713104248047,103.17377471923828],[223.2026824951172,103.11054611206055],[222.8382339477539,103.04766082763672],[222.47369384765625,102.98515319824219],[222.10903930664062,102.9232177734375],[221.74431610107422,102.86149978637695],[221.37957000732422,102.80039978027344],[221.01473236083984,102.73963165283203],[220.6498260498047,102.67922973632812],[220.28482818603516,102.61937713623047],[219.91978454589844,102.55977630615234],[219.55464935302734,102.50074768066406],[219.18949127197266,102.44207382202148],[218.8242645263672,102.38372039794922],[218.45896911621094,102.32596206665039],[218.0935821533203,102.2684440612793],[217.7281494140625,102.21140670776367],[217.3626251220703,102.15479278564453],[216.99705505371094,102.09843063354492],[216.63134765625,102.04300689697266],[216.26566314697266,101.98758316040039],[215.9000015258789,101.93215942382812],[215.5341796875,101.87775421142578],[215.1682891845703,101.82357788085938],[214.80242156982422,101.76940155029297],[214.43641662597656,101.71598052978516],[214.07034301757812,101.66300582885742],[213.70429229736328,101.61004257202148],[213.33815002441406,101.5576286315918],[212.97198486328125,101.50584411621094],[212.60575103759766,101.45404815673828],[212.23944854736328,101.40265274047852],[211.87307739257812,101.35198974609375],[211.50668334960938,101.30131530761719],[211.14024353027344,101.25091552734375],[210.77371215820312,101.20133972167969],[210.4071807861328,101.15175247192383],[210.0406494140625,101.10237121582031],[209.67398071289062,101.05382537841797],[209.30731201171875,101.00529098510742],[208.94062042236328,100.95688247680664],[208.57381439208984,100.90934371948242],[208.2070083618164,100.8617935180664],[207.84017944335938,100.81434631347656],[207.47330474853516,100.76776885986328],[207.10638427734375,100.7211685180664],[206.73941802978516,100.6746597290039],[206.37238311767578,100.62897491455078],[206.0053482055664,100.58327865600586],[205.63829040527344,100.53768539428711],[205.2711639404297,100.49284744262695],[204.90401458740234,100.4480094909668],[204.5368423461914,100.4032974243164],[204.1696014404297,100.35926055908203],[203.80236053466797,100.31521224975586],[203.4352569580078,100.27134704589844],[203.06792449951172,100.22804260253906],[202.70059204101562,100.18473815917969],[202.33319091796875,100.14165115356445],[201.96578979492188,100.09903335571289],[201.5983657836914,100.05641555786133],[201.23096466064453,100.0140609741211],[200.86347198486328,99.97208404541016],[200.49600219726562,99.93009567260742],[200.1284637451172,99.88856506347656],[199.76087951660156,99.8474006652832],[199.39331817626953,99.80623626708984],[199.0257339477539,99.76508331298828],[198.65817260742188,99.72391891479492],[198.29058837890625,99.68275451660156],[197.92300415039062,99.64236831665039],[197.55532836914062,99.60209655761719],[197.18765258789062,99.56183624267578],[196.81997680664062,99.52156448364258],[196.45230102539062,99.48129272460938],[196.08464813232422,99.44119262695312],[195.71690368652344,99.40156173706055],[195.34915924072266,99.36191940307617],[194.98141479492188,99.3222885131836],[194.6136703491211,99.28265762329102],[194.2459259033203,99.24301528930664],[193.87813568115234,99.20367050170898],[193.51034545898438,99.1644515991211],[193.142578125,99.1252212524414],[192.77478790283203,99.08600234985352],[192.40708923339844,99.04678344726562],[192.03929901123047,99.00756454467773],[191.6715087890625,98.96833419799805],[191.30371856689453,98.92911529541016],[190.93593978881836,98.88988494873047],[190.5681495666504,98.85066604614258],[190.20035934448242,98.81143569946289],[189.83251190185547,98.77267456054688],[189.46466445922852,98.73400497436523],[189.09681701660156,98.6953239440918],[188.7289810180664,98.6568717956543],[188.36103057861328,98.619140625],[187.99309158325195,98.5814094543457],[187.62515258789062,98.5436782836914],[187.2571563720703,98.50651931762695],[186.8891372680664,98.46961212158203],[186.5210723876953,98.43327713012695],[186.1530418395996,98.39712524414062],[185.78488540649414,98.36145401000977],[185.4166603088379,98.326171875],[185.04844665527344,98.29121017456055],[184.6802215576172,98.25690078735352],[184.31188201904297,98.22283172607422],[183.94351959228516,98.18939208984375],[183.57508850097656,98.15642166137695],[183.20665740966797,98.12380599975586],[182.8381690979004,98.09204864501953],[182.46963500976562,98.06063461303711],[182.10104370117188,98.02985000610352],[181.73236083984375,97.99979782104492],[181.36370086669922,97.97016906738281],[180.9950408935547,97.94141006469727],[180.62630081176758,97.91330337524414],[180.2574577331543,97.88568878173828],[179.88853454589844,97.85916137695312],[179.5194969177246,97.8332290649414],[179.15049362182617,97.80788040161133],[178.78143310546875,97.78376770019531],[178.41231536865234,97.76029586791992],[178.04314041137695,97.73748779296875],[177.67389678955078,97.71600723266602],[177.3046531677246,97.69523620605469],[176.93524932861328,97.67519760131836],[176.56584548950195,97.65660095214844],[176.19644165039062,97.6388168334961],[175.82693481445312,97.62184524536133],[175.4574737548828,97.60630416870117],[175.08795547485352,97.59178161621094],[174.71829986572266,97.57815170288086],[174.3486328125,97.56587219238281],[173.97891998291016,97.5545883178711],[173.6092071533203,97.54473495483398],[173.2393684387207,97.53600311279297],[172.86963272094727,97.52863311767578],[172.49981689453125,97.52249908447266],[172.12995529174805,97.51764678955078],[171.76013946533203,97.51423645019531],[171.39019775390625,97.51205062866211],[171.02032470703125,97.51140975952148],[170.65047454833984,97.5120735168457],[170.28062438964844,97.51423645019531],[169.9108428955078,97.51781845092773],[169.5410614013672,97.52285385131836],[169.17119979858398,97.52943420410156],[168.80140686035156,97.53744506835938],[168.43164825439453,97.54709243774414],[168.06195831298828,97.55813598632812],[167.6923599243164,97.57089614868164],[167.32266998291016,97.58508682250977],[166.95322036743164,97.60095977783203],[166.58369064331055,97.61836624145508],[166.2143096923828,97.63739776611328],[165.84502029418945,97.65802001953125],[165.47578811645508,97.68023300170898],[165.10671615600586,97.70412826538086],[164.7377815246582,97.72951126098633],[164.3689727783203,97.75666809082031],[164.00015258789062,97.7853012084961],[163.63157272338867,97.8156852722168],[163.2630386352539,97.84757995605469],[162.8946876525879,97.88114547729492],[162.5265655517578,97.91629028320312],[162.15845489501953,97.9529914855957],[161.79064178466797,97.99137496948242],[161.4228744506836,98.03121185302734],[161.05533599853516,98.07275390625],[160.68794631958008,98.11577224731445],[160.32084274291992,98.16033554077148],[159.95383071899414,98.20650100708008],[159.5870475769043,98.2540397644043],[159.2204818725586,98.30323791503906],[158.85412216186523,98.35384368896484],[158.48796844482422,98.40586853027344],[158.12200927734375,98.4594612121582],[157.75621032714844,98.5143814086914],[157.39067459106445,98.57075500488281],[157.02533340454102,98.62855911254883],[156.66016387939453,98.68765640258789],[156.29528045654297,98.74816131591797],[155.93062591552734,98.81000518798828],[155.56621170043945,98.87307357788086],[155.20195770263672,98.93749237060547],[154.8380355834961,99.00320434570312],[154.47425079345703,99.07010650634766],[154.1107063293457,99.13819885253906],[153.74737930297852,99.2076187133789],[153.38434982299805,99.27813720703125],[153.02153778076172,99.3497428894043],[152.65881729125977,99.42257308959961],[152.2964973449707,99.49651336669922],[151.93426895141602,99.57152938842773],[151.57229232788086,99.64757537841797],[151.21053314208984,99.72468566894531],[150.84902572631836,99.80288314819336],[150.4877586364746,99.88203048706055],[150.12659454345703,99.96215057373047],[149.76571655273438,100.04319763183594],[149.40511322021484,100.12524032592773],[149.04467010498047,100.20822143554688],[148.68441009521484,100.29207229614258],[148.32437896728516,100.37699890136719],[147.964599609375,100.46239471435547],[147.60503768920898,100.54901504516602],[147.24553298950195,100.63600158691406],[146.88634872436523,100.72428131103516],[146.5272674560547,100.81299591064453],[146.16842651367188,100.90263748168945],[145.80975723266602,100.99298858642578],[145.4512481689453,101.08396911621094],[145.09295654296875,101.17588806152344],[144.73477935791016,101.26815032958984],[144.37691116333008,101.36152267456055],[144.0190544128418,101.4550895690918],[143.66151809692383,101.54982376098633],[143.30410766601562,101.64471817016602],[142.94688034057617,101.74060821533203],[142.58980178833008,101.83678436279297],[142.23288345336914,101.93381881713867],[141.87603378295898,102.03121948242188],[141.51941299438477,102.12934112548828],[141.1629295349121,102.22787475585938],[140.8066062927246,102.32706069946289],[140.4503402709961,102.42668151855469],[140.09430313110352,102.52688598632812],[139.7384376525879,102.62746810913086],[139.38267517089844,102.72866821289062],[139.02699279785156,102.8302230834961],[138.67150497436523,102.9323616027832],[138.3160629272461,103.03480911254883],[137.9608497619629,103.13787460327148],[137.60570526123047,103.24114608764648],[137.25082397460938,103.3450698852539],[136.8958969116211,103.4491081237793],[136.54117584228516,103.55391311645508],[136.18645477294922,103.65870666503906],[135.8319969177246,103.76430130004883],[135.4775161743164,103.86991882324219],[135.12327575683594,103.97615432739258],[134.76903533935547,104.08255004882812],[134.41490936279297,104.18942642211914],[134.06089782714844,104.29657745361328],[133.7069206237793,104.40402603149414],[133.3531265258789,104.51190948486328],[132.9993896484375,104.6198616027832],[132.64581298828125,104.72844314575195],[132.292236328125,104.8370246887207],[131.93889999389648,104.94612121582031],[131.58552932739258,105.05537796020508],[131.23228454589844,105.16493225097656],[130.87910842895508,105.27480697631836],[130.5259552001953,105.38478469848633],[130.1729736328125,105.49528884887695],[129.8199920654297,105.60579299926758],[129.46714782714844,105.71672058105469],[129.11434936523438,105.82780838012695],[128.7615966796875,105.93906784057617],[128.4089813232422,106.05071640014648],[128.05635452270508,106.162353515625],[127.70387649536133,106.27447128295898],[127.35143280029297,106.38665771484375],[126.99910354614258,106.49900436401367],[126.64690017700195,106.6116714477539],[126.29461669921875,106.72437286376953],[125.94242477416992,106.83748626708984],[125.59029006958008,106.95066833496094],[125.2382583618164,107.06403350830078],[124.8863525390625,107.17790222167969],[124.5344352722168,107.2917709350586],[124.18252944946289,107.4056396484375],[123.83062362670898,107.5195083618164],[123.47870635986328,107.6334114074707],[123.12700653076172,107.74792098999023],[122.77530670166016,107.86244201660156],[122.42364120483398,107.97710037231445],[122.07207870483398,108.09201049804688],[121.72050476074219,108.2069320678711],[121.36917114257812,108.32217407226562],[121.01779174804688,108.43765640258789],[120.66640090942383,108.55312728881836],[120.31502151489258,108.66860961914062],[119.96363067626953,108.78409194946289],[119.61225128173828,108.89965438842773],[119.26108932495117,109.01581192016602],[118.90992736816406,109.1319808959961],[118.55877685546875,109.24813842773438],[118.20761489868164,109.36430740356445],[117.85645294189453,109.48046493530273],[117.5053939819336,109.59688568115234],[117.15443801879883,109.71366119384766],[116.80348205566406,109.83043670654297],[116.4525260925293,109.94721221923828],[116.10165023803711,110.0639533996582],[115.75070571899414,110.18072891235352],[115.39980697631836,110.29782485961914],[115.04903411865234,110.4151496887207],[114.69826126098633,110.53246307373047],[114.34748840332031,110.64978790283203],[113.9967155456543,110.7671127319336],[113.64594268798828,110.88442611694336],[113.29528427124023,111.00200271606445],[112.94467163085938,111.11980819702148],[112.59405899047852,111.23761367797852],[112.24345779418945,111.35541915893555],[111.8928451538086,111.47322463989258],[111.54223251342773,111.59103012084961],[111.19169998168945,111.7089614868164],[110.84131622314453,111.82715606689453],[110.49085235595703,111.94538497924805],[110.14038848876953,112.06361389160156],[109.78991317749023,112.18184280395508],[109.43944931030273,112.3000717163086],[109.08897399902344,112.41830062866211],[108.73857879638672,112.53690719604492],[108.38822937011719,112.65550231933594],[108.03789138793945,112.77410888671875],[107.68754196166992,112.89270401000977],[107.33720397949219,113.01131057739258],[106.98686599731445,113.1299057006836],[106.6366195678711,113.24868392944336],[106.28643035888672,113.36773681640625],[105.93624114990234,113.48678970336914],[105.58614349365234,113.60580825805664],[105.23595428466797,113.72487258911133],[104.8857650756836,113.84392547607422],[104.53557586669922,113.96297836303711],[104.18538665771484,114.08203125],[103.83519744873047,114.20108413696289],[103.4850082397461,114.32013702392578],[103.13481903076172,114.43920135498047],[102.78462982177734,114.55825424194336],[102.43444061279297,114.67730712890625],[102.0842514038086,114.79636001586914],[101.73504638671875,114.91826248168945],[101.38902282714844,115.04890823364258],[101.04668426513672,115.18893814086914],[100.70856857299805,115.3388786315918],[100.37540817260742,115.49921035766602],[100.04761505126953,115.67053985595703],[99.72613906860352,115.85333633422852],[99.41170120239258,116.04817199707031],[99.1054458618164,116.25540161132812],[98.80826568603516,116.47552871704102],[98.5213851928711,116.70902252197266],[98.24606323242188,116.95591735839844],[97.98359298706055,117.21647644042969],[97.73529052734375,117.49059677124023],[97.50262069702148,117.77800369262695],[97.2868537902832,118.07831954956055],[97.08917999267578,118.390869140625],[96.91072082519531,118.71478271484375],[96.75238037109375,119.04899597167969],[96.61479949951172,119.39231872558594],[96.49849319458008,119.74320602416992],[96.40346145629883,120.10063934326172],[96.32979583740234,120.46306228637695],[96.27716445922852,120.82906723022461],[96.24522399902344,121.19754409790039],[96.23349380493164,121.56713104248047],[96.24129867553711,121.9368782043457],[96.26815795898438,122.30572128295898],[96.31353378295898,122.67275619506836],[96.37705993652344,123.03711318969727],[96.45863342285156,123.39784240722656],[96.55826568603516,123.7540168762207],[96.67407989501953,124.10527038574219],[96.79220581054688,124.45576858520508],[96.91033172607422,124.80627822875977],[97.02898406982422,125.15645599365234],[97.1476936340332,125.50675964355469],[97.26667785644531,125.85705184936523],[97.38595962524414,126.20716094970703],[97.50522994995117,126.55727005004883],[97.62502670288086,126.90719604492188],[97.74486923217773,127.25712203979492],[97.86494064331055,127.60696792602539],[97.98533248901367,127.95669937133789],[98.105712890625,128.3064422607422],[98.2265853881836,128.65593338012695],[98.34751510620117,129.0054817199707],[98.46868515014648,129.35498428344727],[98.59014129638672,129.70433807373047],[98.71160888671875,130.05370330810547],[98.83351135253906,130.40277099609375],[98.95550537109375,130.751953125],[99.07773971557617,131.10110092163086],[99.20026016235352,131.45009994506836],[99.32276916503906,131.79908752441406],[99.44575881958008,132.1479034423828],[99.56878280639648,132.49671936035156],[99.69202423095703,132.84544372558594],[99.8155517578125,133.19408798217773],[99.93907928466797,133.54272079467773],[100.06307601928711,133.89118194580078],[100.18710708618164,134.23964309692383],[100.31136703491211,134.5880012512207],[100.43587875366211,134.9362907409668],[100.56039047241211,135.2845802307129],[100.68535995483398,135.63260650634766],[100.81035232543945,135.980712890625],[100.93573379516602,136.32867050170898],[101.06143569946289,136.6765365600586],[101.18713760375977,137.0243911743164],[101.31282806396484,137.37224578857422],[101.43852996826172,137.72011184692383],[101.56467819213867,138.0677833557129],[101.69106674194336,138.41539764404297],[101.81756973266602,138.76303482055664],[101.94442749023438,139.11047744750977],[102.07127380371094,139.4579200744629],[102.19862365722656,139.80516815185547],[102.32614517211914,140.15235900878906],[102.45365524291992,140.49956130981445],[102.58114242553711,140.84667205810547],[102.70865249633789,141.19387435913086],[102.83694076538086,141.54069900512695],[102.9653205871582,141.88758087158203],[103.09370040893555,142.2344627380371],[103.22208023071289,142.5813446044922],[103.3505630493164,142.92818069458008],[103.47977828979492,143.27475357055664],[103.60899353027344,143.6213150024414],[103.73820877075195,143.96788787841797],[103.86742401123047,144.31444931030273],[103.9969367980957,144.6609649658203],[104.1269645690918,145.00722885131836],[104.25699234008789,145.3534927368164],[104.38703155517578,145.69975662231445],[104.51702499389648,146.04594039916992],[104.64753341674805,146.39202117919922],[104.77835083007812,146.73798751831055],[104.9091682434082,147.08395385742188],[105.03998565673828,147.4299201965332],[105.17080307006836,147.77588653564453],[105.30231857299805,148.12158966064453],[105.43390274047852,148.46725845336914],[105.56547546386719,148.81293869018555],[105.69705963134766,149.15861892700195],[105.82881546020508,149.5041961669922],[105.96113204956055,149.84959030151367],[106.09346008300781,150.19498443603516],[106.22577667236328,150.54037857055664],[106.35809326171875,150.88577270507812],[106.4908332824707,151.23091506958008],[106.62387084960938,151.57603454589844],[106.75690841674805,151.9211540222168],[106.88993453979492,152.26627349853516],[107.02301788330078,152.61139297485352],[107.15674209594727,152.95623779296875],[107.29047775268555,153.30109405517578],[107.42420196533203,153.64593887329102],[107.55793762207031,153.99079513549805],[107.6920166015625,154.33549118041992],[107.826416015625,154.68008422851562],[107.9608039855957,155.02467727661133],[108.0952033996582,155.36927032470703],[108.22964859008789,155.71385192871094],[108.36468887329102,156.0581932067871],[108.49969482421875,156.4024543762207],[108.63473510742188,156.74679565429688],[108.7697639465332,157.09113693237305],[108.90521621704102,157.43531799316406],[109.04087448120117,157.7794075012207],[109.17653274536133,158.12350845336914],[109.31220245361328,158.46759796142578],[109.4480209350586,158.81160736083984],[109.58428573608398,159.15546798706055],[109.72055053710938,159.49931716918945],[109.85681533813477,159.84317779541016],[109.99306869506836,160.18703842163086],[110.1298828125,160.53065872192383],[110.26673126220703,160.8742904663086],[110.40356826782227,161.21792221069336],[110.54037094116211,161.56146240234375],[110.67763137817383,161.90497970581055],[110.81502914428711,162.24839401245117],[110.95242691040039,162.591796875],[111.08981323242188,162.93521118164062],[111.22748565673828,163.27851104736328],[111.36542129516602,163.62169647216797],[111.50334548950195,163.96489334106445],[111.64128112792969,164.30809020996094],[111.77939987182617,164.65120697021484],[111.91783905029297,164.99419784545898],[112.05627822875977,165.33718872070312],[112.19470596313477,165.68017959594727],[112.33328247070312,166.02309036254883],[112.47220230102539,166.36587524414062],[112.61109924316406,166.70859146118164],[112.75001907348633,167.05137634277344],[112.88907623291016,167.39410400390625],[113.0284538269043,167.7367057800293],[113.16783142089844,168.07931900024414],[113.30722045898438,168.4219207763672],[113.44674682617188,168.76443099975586],[113.5865707397461,169.10686111450195],[113.72640609741211,169.44927978515625],[113.86623001098633,169.79170989990234],[114.00625991821289,170.13404846191406],[114.1464958190918,170.4762954711914],[114.2867317199707,170.81855392456055],[114.42696762084961,171.1608123779297],[114.5676155090332,171.50293350219727],[114.70838928222656,171.8448715209961],[114.84918594360352,172.1869010925293],[114.98999404907227,172.5289192199707],[115.13080215454102,172.8709487915039],[115.27159881591797,173.2129669189453],[115.41240692138672,173.55499649047852],[115.5534553527832,173.89694595336914],[115.69492721557617,174.23868942260742],[115.83639907836914,174.5804443359375],[115.9778823852539,174.92218780517578],[116.11935424804688,175.26393127441406],[116.26082611083984,175.60568618774414],[116.40229797363281,175.94742965698242],[116.54394149780273,176.28909301757812],[116.68597412109375,176.63061904907227],[116.82796096801758,176.97204208374023],[116.9699935913086,177.31356811523438],[117.11202621459961,177.65508270263672],[117.25405883789062,177.99659729003906],[117.39609146118164,178.3381118774414],[117.5383529663086,178.67950057983398],[117.6808090209961,179.02084350585938],[117.8232650756836,179.36217498779297],[117.96573257446289,179.70351791381836],[118.10818862915039,180.04486083984375],[118.25064468383789,180.38619232177734],[118.39314651489258,180.72747802734375],[118.5358772277832,181.06870651245117],[118.67861938476562,181.4099235534668],[118.82135009765625,181.75115203857422],[118.96404647827148,182.09228897094727],[119.1067886352539,182.4335174560547],[119.24953079223633,182.7747344970703],[119.39231872558594,183.11592864990234],[119.53510665893555,183.45713424682617],[119.67789459228516,183.7983283996582],[119.82069396972656,184.13953399658203],[119.96348190307617,184.48072814941406],[120.10626983642578,184.8219337463379],[120.24905776977539,185.16312789916992],[120.391845703125,185.50433349609375],[120.53463363647461,185.84552764892578],[120.67742156982422,186.1867332458496],[120.82009506225586,186.528076171875],[120.96245956420898,186.86945343017578],[121.10478973388672,187.2107391357422],[121.24715423583984,187.55211639404297],[121.38951873779297,187.89349365234375],[121.53159713745117,188.2349395751953],[121.67348098754883,188.57652282714844],[121.81520462036133,188.91811752319336],[121.95663070678711,189.25988388061523],[122.09796524047852,189.6017189025879],[122.23879623413086,189.9437255859375],[122.37954711914062,190.28582382202148],[122.51964569091797,190.6281394958496],[122.65951538085938,190.97048950195312],[122.79868698120117,191.31318283081055],[122.93741226196289,191.6561279296875],[123.07547378540039,191.999267578125],[123.2123794555664,192.34270477294922],[123.34875869750977,192.68653106689453],[123.48361587524414,193.0309066772461],[123.61699676513672,193.3759002685547],[123.74832916259766,193.72174072265625],[123.87697219848633,194.06851959228516],[124.00186157226562,194.4166030883789],[124.12117767333984,194.7667007446289],[124.2300910949707,195.1201171875],[124.31143569946289,195.48062896728516],[124.2462272644043,195.83802795410156],[124.16442489624023,196.19874572753906],[124.08263397216797,196.55946350097656],[124.0008316040039,196.92015838623047],[123.91902923583984,197.28087615966797],[123.83724975585938,197.6415023803711],[123.75544738769531,198.0022201538086],[123.67364501953125,198.3629379272461],[123.59185409545898,198.7236557006836],[123.51005172729492,199.0843505859375],[123.42824935913086,199.445068359375],[123.3464469909668,199.8057861328125],[123.26465606689453,200.16650390625],[123.18285369873047,200.5272216796875],[123.1010513305664,200.887939453125],[123.01924896240234,201.2486572265625],[122.93744659423828,201.609375],[122.85565567016602,201.9700698852539],[122.77385330200195,202.3307876586914],[122.69205093383789,202.6915054321289],[122.61024856567383,203.0522232055664],[122.52846908569336,203.41284942626953],[122.4466781616211,203.77356719970703],[122.36487579345703,204.13428497314453],[122.28307342529297,204.49497985839844],[122.2012710571289,204.85569763183594],[122.11946868896484,205.21641540527344],[122.03767776489258,205.57713317871094],[121.95587539672852,205.93785095214844],[121.87407302856445,206.29856872558594],[121.79227066040039,206.65928649902344],[121.71047973632812,207.01998138427734],[121.62867736816406,207.38069915771484],[121.546875,207.74141693115234],[121.46507263183594,208.10213470458984],[121.38327026367188,208.46285247802734],[121.3014907836914,208.82347869873047],[121.21969985961914,209.18419647216797],[121.13789749145508,209.54489135742188],[121.05609512329102,209.90560913085938],[120.97429275512695,210.26632690429688],[120.89250183105469,210.62704467773438],[120.81069946289062,210.98776245117188],[120.72889709472656,211.34848022460938],[120.6470947265625,211.70919799804688],[120.56529235839844,212.06989288330078],[120.48350143432617,212.43061065673828],[120.40169906616211,212.79132843017578],[120.31989669799805,213.15204620361328],[120.23809432983398,213.51276397705078],[120.15630340576172,213.87348175048828],[120.07452392578125,214.2341079711914],[119.99272155761719,214.5948028564453],[119.91091918945312,214.9555206298828],[119.82911682128906,215.3162384033203],[119.747314453125,215.6769561767578],[119.66552352905273,216.0376739501953],[119.58372116088867,216.3983917236328],[119.50191879272461,216.7591094970703],[119.42011642456055,217.11980438232422],[119.33832550048828,217.48052215576172],[119.25652313232422,217.84123992919922],[119.17472076416016,218.20195770263672],[119.0929183959961,218.56267547607422],[119.01112747192383,218.92339324951172],[118.92932510375977,219.28408813476562],[118.8475456237793,219.64471435546875],[118.76574325561523,220.00543212890625],[118.68394088745117,220.36614990234375],[118.60213851928711,220.72686767578125],[118.52034759521484,221.08758544921875],[118.43854522705078,221.44830322265625],[118.35674285888672,221.80902099609375],[118.27494049072266,222.16971588134766],[118.19314956665039,222.53043365478516],[118.11134719848633,222.89115142822266],[118.02954483032227,223.25186920166016],[117.9477424621582,223.61258697509766],[117.86594009399414,223.97330474853516],[117.78648376464844,224.33450317382812],[117.6826286315918,224.68929290771484],[117.53628158569336,225.0285415649414],[117.35173416137695,225.3489761352539],[117.13471984863281,225.6482162475586],[116.8908576965332,225.9261245727539],[116.62516021728516,226.18334197998047],[116.3419303894043,226.42119598388672],[116.04470443725586,226.64110565185547],[115.7361831665039,226.84506225585938],[115.41849517822266,227.03450775146484],[115.09331130981445,227.21074676513672],[114.76198196411133,227.37506103515625],[114.4255599975586,227.5286636352539],[114.08484649658203,227.67251586914062],[113.74051666259766,227.80748748779297],[113.39313125610352,227.9344711303711],[113.0431022644043,228.05390167236328],[112.69083023071289,228.16651153564453],[112.33660125732422,228.2728500366211],[111.98054122924805,228.3731918334961],[111.62313079833984,228.46810913085938],[111.26428985595703,228.5580596923828],[110.9044075012207,228.64327239990234],[110.54352951049805,228.72409057617188],[110.18163299560547,228.80062866210938],[109.81891250610352,228.87320709228516],[109.45551681518555,228.94212341308594],[109.09154891967773,229.00756072998047],[108.7269401550293,229.0697479248047],[108.36174774169922,229.12882232666016],[107.99614334106445,229.18492126464844],[107.63025283813477,229.23859405517578],[107.26424789428711,229.2919692993164],[106.89824295043945,229.34532165527344],[106.5322380065918,229.39867401123047],[106.16623306274414,229.4520492553711],[105.80023956298828,229.50540161132812],[105.43423461914062,229.55875396728516],[105.06822967529297,229.61212921142578],[104.70222473144531,229.6654815673828],[104.33621978759766,229.71883392333984],[103.97021484375,229.77218627929688],[103.60420989990234,229.8255615234375],[103.23820495605469,229.87891387939453],[102.87220001220703,229.93226623535156],[102.50619506835938,229.9856414794922],[102.1402587890625,230.0386962890625],[101.77418518066406,230.09156799316406],[101.40811157226562,230.14443969726562],[101.04202651977539,230.1973114013672],[100.67595291137695,230.25018310546875],[100.30987930297852,230.30303192138672],[99.94380569458008,230.35590362548828],[99.57773208618164,230.40877532958984],[99.2116584777832,230.4616470336914],[98.84558486938477,230.51451873779297],[98.47951126098633,230.56739044189453],[98.1134262084961,230.6202621459961],[97.74735260009766,230.67313385009766],[97.38127899169922,230.72598266601562],[97.01520538330078,230.7788543701172],[96.64922332763672,230.83172607421875],[96.28316116333008,230.8843002319336],[95.91703033447266,230.93675994873047],[95.55089378356934,230.98921966552734],[95.18476295471191,231.04167938232422],[94.8186264038086,231.0941390991211],[94.45249557495117,231.14659881591797],[94.08635902404785,231.19905853271484],[93.72022819519043,231.25151824951172],[93.35409164428711,231.3039779663086],[92.98796081542969,231.35643768310547],[92.62182426452637,231.40889739990234],[92.25569343566895,231.46135711669922],[91.88955688476562,231.5138168334961],[91.5234260559082,231.56627655029297],[91.15738105773926,231.61873626708984],[90.79124450683594,231.67119598388672],[90.42510223388672,231.72354125976562],[90.05891990661621,231.7756805419922],[89.6927375793457,231.82779693603516],[89.3265552520752,231.87991333007812],[88.96037292480469,231.9320297241211],[88.59419059753418,231.98414611816406],[88.22800827026367,232.03626251220703],[87.86182594299316,232.0884017944336],[87.49564361572266,232.14051818847656],[87.12946128845215,232.19263458251953],[86.76327896118164,232.2447509765625],[86.39709663391113,232.29686737060547],[86.03091430664062,232.34900665283203],[85.66482353210449,232.4011001586914],[85.29864120483398,232.45321655273438],[84.93245887756348,232.50533294677734],[84.56627655029297,232.5574722290039],[84.20003128051758,232.6094512939453],[83.83380889892578,232.66127014160156],[83.46758079528809,232.7131118774414],[83.10135841369629,232.76493072509766],[82.73513603210449,232.8167724609375],[82.3689079284668,232.86859130859375],[82.002685546875,232.92041015625],[81.6364631652832,232.97225189208984],[81.2702407836914,233.0240707397461],[80.90401268005371,233.07591247558594],[80.53779029846191,233.1277313232422],[80.17165946960449,233.17955017089844],[79.8054313659668,233.2313690185547],[79.439208984375,233.28321075439453],[79.0729866027832,233.33502960205078],[78.7067642211914,233.38684844970703],[78.34053611755371,233.43869018554688],[77.97428512573242,233.49039459228516],[77.60802268981934,233.54196166992188],[77.24176597595215,233.5935516357422],[76.87550354003906,233.6451187133789],[76.50924682617188,233.69670867919922],[76.14298439025879,233.74827575683594],[75.7767276763916,233.79984283447266],[75.41046524047852,233.85143280029297],[75.04420852661133,233.9029998779297],[74.67803764343262,233.9545669555664],[74.31178092956543,234.00613403320312],[73.94551849365234,234.05772399902344],[73.57926177978516,234.10929107666016],[73.21299934387207,234.16085815429688],[72.84674263000488,234.2124481201172],[72.4804801940918,234.2640151977539],[72.11422348022461,234.31558227539062],[71.74797821044922,234.36708068847656],[71.38168716430664,234.41841888427734],[71.01539611816406,234.46977996826172],[70.64910507202148,234.5211410522461],[70.2828140258789,234.57247924804688],[69.91652297973633,234.62384033203125],[69.55023193359375,234.67520141601562],[69.18403244018555,234.7265396118164],[68.81774139404297,234.77790069580078],[68.45145034790039,234.82923889160156],[68.08515930175781,234.88059997558594],[67.71886825561523,234.9319610595703],[67.35257720947266,234.9832992553711],[66.98628616333008,235.03466033935547],[66.6199951171875,235.08602142333984],[66.25370407104492,235.13735961914062],[65.88741302490234,235.188720703125],[65.52108764648438,235.239990234375],[65.1547679901123,235.29114532470703],[64.78844833374023,235.34232330322266],[64.42213439941406,235.3934783935547],[64.05581474304199,235.44463348388672],[63.6895866394043,235.49578857421875],[63.32326698303223,235.54694366455078],[62.956953048706055,235.5980987548828],[62.590633392333984,235.64927673339844],[62.22431945800781,235.70043182373047],[61.85799980163574,235.7515869140625],[61.49168014526367,235.80276489257812],[61.1253662109375,235.85391998291016],[60.75904655456543,235.9050750732422],[60.39272689819336,235.95623016357422],[60.02641296386719,236.00740814208984],[59.66009330749512,236.05856323242188],[59.29373359680176,236.10953521728516],[58.9273796081543,236.16043853759766],[58.561025619506836,236.21134185791016],[58.19476318359375,236.26224517822266],[57.82841491699219,236.31314849853516],[57.46206092834473,236.36407470703125],[57.095706939697266,236.41497802734375],[56.729352951049805,236.46588134765625],[56.36300468444824,236.51680755615234],[55.99665069580078,236.56771087646484],[55.63029670715332,236.61861419677734],[55.26394271850586,236.66954040527344],[54.8975944519043,236.72044372558594],[54.531240463256836,236.77134704589844],[54.164886474609375,236.82227325439453],[53.798532485961914,236.87317657470703],[53.43218421936035,236.92407989501953],[53.06583023071289,236.97500610351562],[52.699567794799805,237.02588653564453],[52.333213806152344,237.07681274414062],[51.96686553955078,237.12771606445312],[51.60051155090332,237.17861938476562],[51.23415756225586,237.22954559326172],[50.8678035736084,237.28044891357422],[50.501455307006836,237.33135223388672],[50.135101318359375,237.3822784423828],[49.768747329711914,237.4331817626953],[49.40239334106445,237.4840850830078],[49.03604507446289,237.5350112915039],[48.66969108581543,237.5859146118164],[48.30333709716797,237.6368179321289],[47.93698596954346,237.687744140625],[47.57059192657471,237.73837280273438],[47.204200744628906,237.78900146484375],[46.83789825439453,237.83960723876953],[46.47150707244873,237.8902359008789],[46.10511589050293,237.94086456298828],[45.73872184753418,237.99149322509766],[45.37233066558838,238.04212188720703],[45.00593948364258,238.0927505493164],[44.63954830169678,238.1433563232422],[44.27315711975098,238.19398498535156],[43.90676307678223,238.24461364746094],[43.540371894836426,238.2952423095703],[43.173980712890625,238.3458709716797],[42.807586669921875,238.39649963378906],[42.441195487976074,238.44712829589844],[42.07480430603027,238.4977569580078],[41.70841026306152,238.5483856201172],[41.3421106338501,238.59899139404297],[40.9757194519043,238.64962005615234],[40.60932540893555,238.70024871826172],[40.242934226989746,238.7508773803711],[39.876543045043945,238.80148315429688],[39.510151863098145,238.85211181640625],[39.143757820129395,238.90274047851562],[38.777366638183594,238.953369140625],[38.41097545623779,239.00399780273438],[38.04458141326904,239.05462646484375],[37.67819023132324,239.10525512695312],[37.311821937561035,239.15579223632812],[36.945396423339844,239.20616912841797],[36.57897090911865,239.2565689086914],[36.21254539489746,239.30694580078125],[35.846211433410645,239.3573226928711],[35.47978591918945,239.40769958496094],[35.11336040496826,239.45809936523438],[34.74693489074707,239.50847625732422],[34.38050937652588,239.55885314941406],[34.01408386230469,239.6092529296875],[33.647661209106445,239.65962982177734],[33.281235694885254,239.7100067138672],[32.91481018066406,239.76040649414062],[32.54838466644287,239.81078338623047],[32.18195915222168,239.8611831665039],[31.81553363800049,239.91156005859375],[31.449108123779297,239.9619369506836],[31.082682609558105,240.01233673095703],[30.716259956359863,240.06271362304688],[30.349923133850098,240.11309051513672],[29.983497619628906,240.16346740722656],[29.617074966430664,240.2138671875],[29.250649452209473,240.26424407958984],[28.88422393798828,240.3146209716797],[28.517807006835938,240.36497497558594],[28.151352882385254,240.41514587402344],[27.78489875793457,240.46529388427734],[27.418441772460938,240.51546478271484],[27.051987648010254,240.56563568115234],[26.68553066253662,240.61580657958984],[26.319076538085938,240.66595458984375],[25.952619552612305,240.71612548828125],[25.58616542816162,240.76629638671875],[25.219711303710938,240.81646728515625],[24.85334587097168,240.86661529541016],[24.486888885498047,240.91678619384766],[24.120434761047363,240.96693420410156],[23.753979206085205,241.01710510253906],[23.387523651123047,241.06727600097656],[23.021069526672363,241.11744689941406],[22.654613971710205,241.16759490966797],[22.288158416748047,241.21776580810547],[21.92170286178589,241.26793670654297],[21.554988384246826,241.31629943847656],[21.187932014465332,241.36186981201172],[20.820712566375732,241.40602111816406],[20.45344305038452,241.4498291015625],[20.086275100708008,241.49443817138672],[19.719295978546143,241.54055786132812],[19.352824687957764,241.58995056152344],[18.986886978149414,241.64373779296875],[18.62176752090454,241.70299530029297],[18.257916927337646,241.76909637451172],[17.895591259002686,241.84323120117188],[17.535245418548584,241.92688751220703],[17.177690505981445,242.02139282226562],[16.823538780212402,242.1280975341797],[16.473848819732666,242.24844360351562],[16.129699230194092,242.38378143310547],[15.79228162765503,242.5352554321289],[15.463065147399902,242.70382690429688],[15.143714904785156,242.89022827148438],[14.835702896118164,243.09491729736328],[14.540576934814453,243.3178253173828],[14.259939193725586,243.55840301513672],[13.994728088378906,243.81616973876953],[13.745821952819824,244.08975219726562],[13.513914585113525,244.37775421142578],[13.298991680145264,244.6787567138672],[13.101040363311768,244.9911117553711],[12.919514179229736,245.3133773803711],[12.753862380981445,245.64404296875],[12.603325366973877,245.98180389404297],[12.46702766418457,246.32563018798828],[12.344109535217285,246.67442321777344],[12.233659744262695,247.02745056152344],[12.134867191314697,247.38381958007812],[12.04693078994751,247.7431411743164],[11.96904444694519,248.10468292236328],[11.89526081085205,248.46702575683594],[11.821460008621216,248.82946014404297],[11.747658491134644,249.19189453125],[11.673856973648071,249.55432891845703],[11.599921703338623,249.9166717529297],[11.525307655334473,250.27894592285156],[11.450693607330322,250.64119720458984],[11.376078844070435,251.00347137451172],[11.301464796066284,251.3657455444336],[11.226431608200073,251.72799682617188],[11.151013612747192,252.0901107788086],[11.075595617294312,252.45220184326172],[11.00017762184143,252.81431579589844],[10.92475962638855,253.17640686035156],[10.848577737808228,253.53833770751953],[10.772390842437744,253.90019989013672],[10.69618535041809,254.2621307373047],[10.619979858398438,254.62406158447266],[10.543335199356079,254.98587799072266],[10.466360092163086,255.34764862060547],[10.38938570022583,255.70941925048828],[10.312410593032837,256.0712127685547],[10.235180139541626,256.4329605102539],[10.157456874847412,256.79457092285156],[10.079733610153198,257.1561813354492],[10.002009630203247,257.51781463623047],[9.92414116859436,257.87931060791016],[9.845693349838257,258.24078369140625],[9.76724624633789,258.60223388671875],[9.688799142837524,258.96370697021484],[9.610187530517578,259.32511138916016],[9.531047344207764,259.6864013671875],[9.451907873153687,260.04771423339844],[9.372767686843872,260.4090270996094],[9.293381452560425,260.77020263671875],[9.213581800460815,261.1313781738281],[9.133781433105469,261.4925308227539],[9.053981065750122,261.8536834716797],[8.973757266998291,262.2147674560547],[8.893338203430176,262.5758056640625],[8.812918424606323,262.9368209838867],[8.732450008392334,263.29783630371094],[8.651454448699951,263.6587371826172],[8.570459604263306,264.01963806152344],[8.48946475982666,264.3805389404297],[8.408165216445923,264.7412796020508],[8.32664680480957,265.10204315185547],[8.245128393173218,265.46282958984375],[8.163440465927124,265.82354736328125],[8.081263303756714,266.1841735839844],[7.999086856842041,266.5447998046875],[7.916909694671631,266.9054260253906],[7.834732532501221,267.26605224609375],[7.752556085586548,267.62670135498047],[7.670378923416138,267.9873275756836],[7.58762526512146,268.34779357910156],[7.504807949066162,268.7082824707031],[7.421990633010864,269.0687484741211],[7.339173316955566,269.42923736572266],[7.2563560009002686,269.7897262573242],[7.1735594272613525,270.1501235961914],[7.090446710586548,270.51061248779297],[7.007349729537964,270.87103271484375],[6.92425274848938,271.23145294189453],[6.841155767440796,271.5918502807617],[6.758058786392212,271.9522705078125],[6.67504620552063,272.3127136230469],[6.592122316360474,272.67317962646484],[6.509199142456055,273.0336456298828],[6.426275253295898,273.3940887451172],[6.343351364135742,273.75455474853516],[6.2607221603393555,274.1150436401367],[6.17853569984436,274.47566986083984],[6.096349239349365,274.83629608154297],[6.01416277885437,275.1969223022461],[5.9319963455200195,275.55745697021484],[5.850446105003357,275.9182662963867],[5.769243121147156,276.2790985107422],[5.688429236412048,276.63999938964844],[5.608140707015991,277.00106048583984],[5.528146147727966,277.36219024658203],[5.448994517326355,277.72350311279297],[5.370110750198364,278.0847930908203],[5.2923349142074585,278.44640350341797],[5.214768290519714,278.8081512451172],[5.138395428657532,279.17003631591797],[5.062991738319397,279.5320816040039],[4.988634824752808,279.8943786621094],[4.915424108505249,280.25699615478516],[4.84351658821106,280.6197967529297],[4.773023843765259,280.98280334472656],[4.704063892364502,281.34617614746094],[4.6368913650512695,281.7098693847656],[4.5717408657073975,282.0739517211914],[4.508642077445984,282.4384231567383],[4.447774887084961,282.80323791503906],[4.38952910900116,283.1685104370117],[4.334217309951782,283.53426361083984],[4.281797289848328,283.90040588378906],[4.232914566993713,284.26698303222656],[4.1877264976501465,284.6340637207031],[4.1463600397109985,285.00164794921875],[4.10957658290863,285.36962127685547],[4.077571392059326,285.7381896972656],[4.05075216293335,286.1070098876953],[4.029496550559998,286.4762649536133],[4.014194011688232,286.8457489013672],[4.005276203155518,287.2155303955078],[4.0031898021698,287.5853576660156],[4.0081411600112915,287.95520782470703],[4.020591974258423,288.3248977661133],[4.040722131729126,288.69419860839844],[4.068761229515076,289.06297302246094],[4.104843378067017,289.4310607910156],[4.149021506309509,289.79834747314453],[4.201226234436035,290.16448974609375],[4.261401414871216,290.5294189453125],[4.329273819923401,290.8930206298828],[4.404653906822205,291.25513458251953],[4.487130761146545,291.6156005859375],[4.576352119445801,291.9744644165039],[4.672009348869324,292.33174896240234],[4.7735302448272705,292.6874084472656],[4.88053035736084,293.04146575927734],[4.99282693862915,293.3938522338867],[5.109439730644226,293.74486541748047],[5.230420231819153,294.0944366455078],[5.355093598365784,294.44263458251953],[5.483323931694031,294.7896194458008],[5.614490747451782,295.13541412353516],[5.7486430406570435,295.48011016845703],[5.885068774223328,295.82391357421875],[6.023829460144043,296.16670989990234],[6.1645753383636475,296.5088195800781],[6.306955575942993,296.8502197265625],[6.45085072517395,297.1907730102539],[6.5955963134765625,297.53112030029297],[6.739480018615723,297.8718795776367],[6.88336443901062,298.2126159667969],[7.02724814414978,298.55335235595703],[7.170870065689087,298.89418029785156],[7.314393997192383,299.2350769042969],[7.457918643951416,299.5759735107422],[7.601442575454712,299.9168472290039],[7.744966506958008,300.2577438354492],[7.888491153717041,300.59864044189453],[8.032037258148193,300.93953704833984],[8.17558479309082,301.28041076660156],[8.319133758544922,301.6212844848633],[8.462681293487549,301.9621810913086],[8.60623025894165,302.3030548095703],[8.74974274635315,302.64385986328125],[8.893290996551514,302.98473358154297],[9.036839246749878,303.3256072998047],[9.180387496948242,303.66650390625],[9.323935747146606,304.0073776245117],[9.46748399734497,304.34825134277344],[9.611032247543335,304.68914794921875],[9.7545804977417,305.03002166748047],[9.898128747940063,305.3708953857422],[10.041676998138428,305.7117919921875],[10.185225248336792,306.0526657104492],[10.328773498535156,306.39353942871094],[10.47240686416626,306.73439025878906],[10.616281986236572,307.0751266479492],[10.760157108306885,307.41588592529297],[10.903996467590332,307.75653076171875],[11.047871589660645,308.0972900390625],[11.191746711730957,308.43802642822266],[11.33562183380127,308.7787628173828],[11.479496955871582,309.11949920654297],[11.623372077941895,309.4602584838867],[11.767247200012207,309.8009948730469],[11.91112232208252,310.14173126220703],[12.054997444152832,310.4824905395508],[12.198872566223145,310.82322692871094],[12.342747688293457,311.1639633178711],[12.48662281036377,311.50472259521484],[12.630497932434082,311.845458984375],[12.774373054504395,312.18619537353516],[12.918249607086182,312.5269546508789],[13.062088966369629,312.8675994873047],[13.205964088439941,313.20833587646484],[13.349839210510254,313.5490951538086],[13.493714332580566,313.88983154296875],[13.637589454650879,314.2305679321289],[13.781538963317871,314.57135009765625],[13.92581033706665,314.91192626953125],[14.070083141326904,315.25247955322266],[14.214354515075684,315.59305572509766],[14.358627319335938,315.93363189697266],[14.502898693084717,316.27420806884766],[14.64717149734497,316.61478424072266],[14.79144287109375,316.95536041259766],[14.935715675354004,317.29593658447266],[15.079988479614258,317.63651275634766],[15.224224090576172,317.9770202636719],[15.368496894836426,318.3175964355469],[15.512768268585205,318.6581497192383],[15.65711259841919,318.9986114501953],[15.80174446105957,319.33905029296875],[15.946376323699951,319.6794662475586],[16.091008186340332,320.01988220214844],[16.235641479492188,320.3603210449219],[16.38027334213257,320.7007369995117],[16.52490520477295,321.04115295410156],[16.66953706741333,321.381591796875],[16.81416893005371,321.72200775146484],[16.958802223205566,322.0624237060547],[17.103434085845947,322.40283966064453],[17.248065948486328,322.74327850341797],[17.392662048339844,323.08360290527344],[17.5372953414917,323.4240417480469],[17.682390689849854,323.76432037353516],[17.82747173309326,324.10455322265625],[17.972554206848145,324.44478607177734],[18.117635250091553,324.78501892089844],[18.26271629333496,325.12525177001953],[18.40779733657837,325.4654846191406],[18.552878379821777,325.8057174682617],[18.69796085357666,326.1459503173828],[18.84304189682007,326.4861831665039],[18.988122940063477,326.826416015625],[19.133203983306885,327.1666488647461],[19.278285026550293,327.5068817138672],[19.423367500305176,327.8471145629883],[19.56869602203369,328.18707275390625],[19.714346408843994,328.5270538330078],[19.85999822616577,328.8670349121094],[20.00565004348755,329.20701599121094],[20.151301860809326,329.5470199584961],[20.29695224761963,329.88700103759766],[20.442604064941406,330.2269821166992],[20.588255882263184,330.5669860839844],[20.73390769958496,330.90696716308594],[20.879558086395264,331.2469482421875],[21.02520990371704,331.58695220947266],[21.17086172103882,331.9269332885742],[21.316513538360596,332.2669143676758],[21.46232271194458,332.60684967041016],[21.608500957489014,332.9466247558594],[21.754643440246582,333.2862854003906],[21.90082311630249,333.62606048583984],[22.047001361846924,333.96581268310547],[22.193181037902832,334.3055877685547],[22.339359283447266,334.6453399658203],[22.485893726348877,334.98497772216797],[22.63249111175537,335.32454681396484],[22.779088497161865,335.6641387939453],[22.92568588256836,336.0037078857422],[23.072283267974854,336.34329986572266],[23.218880653381348,336.68286895751953],[23.365739822387695,337.0223693847656],[23.51282501220703,337.36173248291016],[23.659908771514893,337.7010955810547],[23.80699396133423,338.0404586791992],[23.954041957855225,338.37975311279297],[24.101125717163086,338.7191162109375],[24.24846839904785,339.05841064453125],[24.396122932434082,339.39752197265625],[24.54378032684326,339.73665618896484],[24.691434860229492,340.07576751708984],[24.839089393615723,340.41490173339844],[24.986743927001953,340.75401306152344],[25.13478183746338,341.0929412841797],[25.283111572265625,341.43175506591797],[25.43144130706787,341.77059173583984],[25.579771041870117,342.1094284057617],[25.728103637695312,342.4482421875],[25.876456260681152,342.78710174560547],[26.025601387023926,343.12557220458984],[26.17470645904541,343.46395111083984],[26.323851585388184,343.8024215698242],[26.472993850708008,344.1408920288086],[26.62213897705078,344.47936248779297],[26.772045135498047,344.81746673583984],[26.922188758850098,345.15550231933594],[27.07233238220215,345.49353790283203],[27.22247886657715,345.83155059814453],[27.3726224899292,346.1695861816406],[27.52357292175293,346.5072784423828],[27.674623489379883,346.8449020385742],[27.826077461242676,347.1823196411133],[27.977837562561035,347.5196228027344],[28.12990379333496,347.8567657470703],[28.28246784210205,348.1937255859375],[28.435275077819824,348.53043365478516],[28.58876895904541,348.86695861816406],[28.742640495300293,349.2033462524414],[28.897207260131836,349.53936767578125],[29.05239772796631,349.8750915527344],[29.208240509033203,350.2105407714844],[29.365230560302734,350.54539489746094],[29.5228328704834,350.88004302978516],[29.68195152282715,351.2138900756836],[29.842546463012695,351.5471420288086],[30.005264282226562,351.8792953491211],[30.17061424255371,352.21007537841797],[30.342121124267578,352.53783416748047],[30.52071762084961,352.86170196533203],[30.706795692443848,353.18133544921875],[30.900578498840332,353.49627685546875],[31.10255241394043,353.80611419677734],[31.31308364868164,354.1102523803711],[31.532429695129395,354.4079360961914],[31.761079788208008,354.6987075805664],[31.999194145202637,354.98167419433594],[32.247093200683594,355.2561264038086],[32.50503730773926,355.521240234375],[32.77319812774658,355.77598571777344],[33.05153560638428,356.01947021484375],[33.340118408203125,356.2508239746094],[33.638877868652344,356.46883392333984],[33.947402000427246,356.67272186279297],[34.265353202819824,356.8616409301758],[34.592119216918945,357.0346984863281],[34.92713928222656,357.19132232666016],[35.269500732421875,357.3309860229492],[35.618499755859375,357.4534149169922],[35.97319221496582,357.55833435058594],[36.33245658874512,357.64588165283203],[36.69553470611572,357.71630859375],[37.06150817871094,357.76998138427734],[37.42938995361328,357.8074493408203],[37.798627853393555,357.82930755615234],[38.16838073730469,357.83628845214844],[38.53816509246826,357.8291244506836],[38.90745735168457,357.8086166381836],[39.27585411071777,357.7755889892578],[39.64296627044678,357.73077392578125],[40.008562088012695,357.6749267578125],[40.372358322143555,357.6086883544922],[40.73440933227539,357.53306579589844],[41.09438610076904,357.4482421875],[41.452351570129395,357.355224609375],[41.8082914352417,357.2545166015625],[42.162031173706055,357.14664459228516],[42.51365661621094,357.0318832397461],[42.863139152526855,356.91082763671875],[43.21054744720459,356.783935546875],[43.555978775024414,356.65161895751953],[43.8993616104126,356.51419830322266],[44.240784645080566,356.37206268310547],[44.580373764038086,356.2254180908203],[44.91810607910156,356.0746307373047],[45.25408458709717,355.9199523925781],[45.588303565979004,355.76170349121094],[45.92093467712402,355.5999984741211],[46.25203514099121,355.4350891113281],[46.581542015075684,355.26722717285156],[46.90967273712158,355.0965270996094],[47.236473083496094,354.9231719970703],[47.561842918395996,354.7473907470703],[47.88599681854248,354.56922912597656],[48.20888328552246,354.3888244628906],[48.53066825866699,354.2064743041992],[48.85443305969238,354.0277633666992],[49.18252372741699,353.85697174072266],[49.51199913024902,353.6887893676758],[49.84225273132324,353.52223205566406],[50.172861099243164,353.35638427734375],[50.50370407104492,353.19129180908203],[50.834890365600586,353.026611328125],[51.1662654876709,352.8622741699219],[51.49785804748535,352.6984176635742],[51.829450607299805,352.53453826904297],[52.16142654418945,352.3714828491211],[52.49344253540039,352.2084732055664],[52.82545280456543,352.0454635620117],[53.15746307373047,351.88245391845703],[53.489479064941406,351.71942138671875],[53.82150077819824,351.55643463134766],[54.15388870239258,351.39418029785156],[54.486276626586914,351.23192596435547],[54.81865882873535,351.0696716308594],[55.15104675292969,350.9074172973633],[55.48334884643555,350.7452087402344],[55.81573677062988,350.5829544067383],[56.14811897277832,350.4207229614258],[56.4807243347168,350.25892639160156],[56.813364028930664,350.0971984863281],[57.14599800109863,349.9354476928711],[57.4786319732666,349.77371978759766],[57.81126594543457,349.6119689941406],[58.14389991760254,349.4502182006836],[58.47653388977051,349.28849029541016],[58.80916786193848,349.1267395019531],[59.1419677734375,348.9653778076172],[59.474853515625,348.8041534423828],[59.8077392578125,348.64295196533203],[60.140625,348.48172760009766],[60.4735107421875,348.3205032348633],[60.80631637573242,348.1593246459961],[61.13920211791992,347.9981002807617],[61.47208786010742,347.83687591552734],[61.80497360229492,347.67565155029297],[62.13785934448242,347.5144271850586],[62.47074508666992,347.3532028198242],[62.80363082885742,347.19197845458984],[63.13651657104492,347.03075408935547],[63.46940803527832,346.8695297241211],[63.80229377746582,346.7083053588867],[64.13517951965332,346.54708099365234],[64.46806526184082,346.38585662841797],[64.80095100402832,346.2246322631836],[65.13383674621582,346.0634307861328],[65.4668025970459,345.9023895263672],[65.79982566833496,345.7416458129883],[66.1329231262207,345.5808792114258],[66.46602630615234,345.4200897216797],[66.79912948608398,345.2593231201172],[67.13223266601562,345.0985336303711],[67.46533584594727,344.9377670288086],[67.79843330383301,344.7770004272461],[68.13153648376465,344.6162109375],[68.46463966369629,344.4554443359375],[68.79774284362793,344.2946548461914],[69.13084030151367,344.1338882446289],[69.46394348144531,343.9730987548828],[69.79704666137695,343.8123321533203],[70.1301498413086,343.6515655517578],[70.46325302124023,343.4907760620117],[70.7962703704834,343.3300323486328],[71.12937355041504,343.1692657470703],[71.46247673034668,343.0084762573242],[71.79557418823242,342.8477096557617],[72.12867736816406,342.6869430541992],[72.4617805480957,342.5261535644531],[72.79488372802734,342.3653869628906],[73.12810707092285,342.20484924316406],[73.46135330200195,342.0443801879883],[73.79459381103516,341.8838882446289],[74.12783432006836,341.72339630126953],[74.46108055114746,341.56292724609375],[74.79432106018066,341.4024353027344],[75.12756729125977,341.2419662475586],[75.46080780029297,341.0814743041992],[75.7939682006836,340.92102813720703],[76.1272144317627,340.76053619384766],[76.4604549407959,340.6000671386719],[76.793701171875,340.4395751953125],[77.1269416809082,340.2790832519531],[77.4601879119873,340.11861419677734],[77.79342842102051,339.95812225341797],[78.12667465209961,339.7976531982422],[78.45991516113281,339.6371612548828],[78.79316139221191,339.47666931152344],[79.12640190124512,339.31620025634766],[79.45964813232422,339.1557083129883],[79.79288864135742,338.9952163696289],[80.12613487243652,338.8347473144531],[80.45937538146973,338.67425537109375],[80.79253578186035,338.51380920410156],[81.12578201293945,338.3533172607422],[81.45918273925781,338.19305419921875],[81.79256057739258,338.0328598022461],[82.12594413757324,337.87266540527344],[82.4593276977539,337.7124938964844],[82.79271125793457,337.5522994995117],[83.12609481811523,337.39210510253906],[83.4594783782959,337.2319107055664],[83.79286193847656,337.07171630859375],[84.12623977661133,336.9115219116211],[84.45962905883789,336.75132751464844],[84.79300689697266,336.5911331176758],[85.12639045715332,336.4309387207031],[85.45977401733398,336.27074432373047],[85.79307174682617,336.110595703125],[86.12646102905273,335.95040130615234],[86.4598388671875,335.7902069091797],[86.79322242736816,335.63001251220703],[87.12660598754883,335.4698181152344],[87.45998954772949,335.3096237182617],[87.79337310791016,335.14942932128906],[88.12675666809082,334.9892349243164],[88.46014022827148,334.82904052734375],[88.79352378845215,334.6688461303711],[89.12690734863281,334.50865173339844],[89.46028518676758,334.3484573364258],[89.79366874694824,334.1882629394531],[90.1270523071289,334.02806854248047],[90.46043586730957,333.8678741455078],[90.79373931884766,333.70772552490234],[91.12711715698242,333.5475311279297],[91.46050071716309,333.38733673095703],[91.79388427734375,333.2271423339844],[92.12726783752441,333.0669479370117],[92.46065139770508,332.90675354003906],[92.79403495788574,332.7465591430664],[93.1274185180664,332.58636474609375],[93.46080207824707,332.4261932373047],[93.79418563842773,332.26599884033203],[94.1275634765625,332.1058044433594],[94.46094703674316,331.9456100463867],[94.79433059692383,331.78541564941406],[95.12771415710449,331.6252212524414],[95.46109771728516,331.46502685546875],[95.79439544677734,331.3048782348633],[96.1277847290039,331.1446838378906],[96.46116256713867,330.98448944091797],[96.79455184936523,330.8242950439453],[97.1279296875,330.66410064697266],[97.46130752563477,330.50390625],[97.79469680786133,330.34371185302734],[98.1280746459961,330.1835174560547],[98.46146392822266,330.02332305908203],[98.79484176635742,329.8631286621094],[99.12823104858398,329.7029342651367],[99.46158599853516,329.54280853271484],[99.79508972167969,329.3828659057617],[100.12859344482422,329.2229461669922],[100.46209716796875,329.06300354003906],[100.7955207824707,328.9031066894531],[101.12903594970703,328.7431640625],[101.46253967285156,328.5832214355469],[101.7960433959961,328.42327880859375],[102.12954711914062,328.2633361816406],[102.46305084228516,328.1033935546875],[102.79655456542969,327.9434509277344],[103.13005828857422,327.78350830078125],[103.46356201171875,327.6235656738281],[103.79706573486328,327.463623046875],[104.13056945800781,327.30370330810547],[104.46407318115234,327.14376068115234],[104.79757690429688,326.9838180541992],[105.1310806274414,326.8238754272461],[105.46458435058594,326.66393280029297],[105.79800796508789,326.50403594970703],[106.13151168823242,326.3440933227539],[106.46501541137695,326.1841506958008],[106.79851913452148,326.02420806884766],[107.13202285766602,325.86426544189453],[107.46552658081055,325.7043228149414],[107.79903030395508,325.5443801879883],[108.1325454711914,325.38446044921875],[108.46604919433594,325.2245178222656],[108.79955291748047,325.0645751953125],[109.133056640625,324.9046325683594],[109.46656036376953,324.74468994140625],[109.80006408691406,324.5847473144531],[110.1335678100586,324.4248046875],[110.46707153320312,324.2648620605469],[110.80049514770508,324.10496520996094],[111.13399887084961,323.9450225830078],[111.46750259399414,323.7850799560547],[111.80100631713867,323.62513732910156],[112.1345100402832,323.46521759033203],[112.46801376342773,323.3052749633789],[112.80151748657227,323.1453323364258],[113.1350212097168,322.98538970947266],[113.46852493286133,322.82544708251953],[113.80202865600586,322.6655044555664],[114.13553237915039,322.5055618286133],[114.46903610229492,322.34561920166016],[114.80255126953125,322.18567657470703],[115.13605499267578,322.0257339477539],[115.46955871582031,321.8658142089844],[115.80297088623047,321.70589447021484],[116.1364860534668,321.5459747314453],[116.46998977661133,321.3860321044922],[116.80349349975586,321.22608947753906],[117.13699722290039,321.06614685058594],[117.47050094604492,320.9062042236328],[117.80400466918945,320.7462615966797],[118.13759994506836,320.58641052246094],[118.47118377685547,320.42662811279297],[118.80477905273438,320.2668685913086],[119.13836288452148,320.1071090698242],[119.4719467163086,319.94734954833984],[119.8055419921875,319.78759002685547],[120.13912582397461,319.6278305053711],[120.47272109985352,319.4680480957031],[120.80622482299805,319.30833435058594],[121.13982009887695,319.14857482910156],[121.47340393066406,318.9888153076172],[121.80699920654297,318.8290557861328],[122.14058303833008,318.66927337646484],[122.47416687011719,318.50951385498047],[122.8077621459961,318.3497543334961],[123.141357421875,318.1899948120117],[123.47494125366211,318.03023529052734],[123.80852508544922,317.87047576904297],[124.14212036132812,317.710693359375],[124.47570419311523,317.5509338378906],[124.80929946899414,317.39117431640625],[125.14288330078125,317.2314147949219],[125.47647857666016,317.0716552734375],[125.80998229980469,316.9119186401367],[126.1435775756836,316.75215911865234],[126.4771614074707,316.59239959716797],[126.81074523925781,316.4326400756836],[127.14434051513672,316.2728805541992],[127.47792434692383,316.11312103271484],[127.81151962280273,315.9533386230469],[128.14510345458984,315.7935791015625],[128.47869873046875,315.6338195800781],[128.81228256225586,315.47406005859375],[129.14587783813477,315.3143005371094],[129.47946166992188,315.154541015625],[129.81305694580078,314.99475860595703],[130.1466407775879,314.83499908447266],[130.4802360534668,314.6752395629883],[130.81373977661133,314.5155258178711],[131.14732360839844,314.3557662963867],[131.48091888427734,314.19598388671875],[131.81450271606445,314.0362243652344],[132.14809799194336,313.87646484375],[132.48168182373047,313.7167053222656],[132.81527709960938,313.55694580078125],[133.14886093139648,313.3971862792969],[133.4824562072754,313.2374038696289],[133.8160400390625,313.07764434814453],[134.1496353149414,312.91788482666016],[134.48321914672852,312.7581253051758],[134.81681442260742,312.5983657836914],[135.15045547485352,312.4388122558594],[135.4841537475586,312.27928161621094],[135.8177719116211,312.1197738647461],[136.15147018432617,311.96024322509766],[136.48516845703125,311.8007125854492],[136.81886672973633,311.6411819458008],[137.1525650024414,311.48165130615234],[137.48626327514648,311.3220977783203],[137.81996154785156,311.1625671386719],[138.15365982055664,311.00303649902344],[138.48735809326172,310.843505859375],[138.8210563659668,310.68397521972656],[139.15475463867188,310.5244445800781],[139.48845291137695,310.3649139404297],[139.82215118408203,310.20536041259766],[140.1558609008789,310.0458297729492],[140.4895477294922,309.8862991333008],[140.8231658935547,309.72681427001953],[141.15686416625977,309.5672836303711],[141.49056243896484,309.40773010253906],[141.82427215576172,309.2481994628906],[142.1579704284668,309.0886688232422],[142.49166870117188,308.92913818359375],[142.82536697387695,308.7696075439453],[143.15906524658203,308.6100769042969],[143.4927635192871,308.45054626464844],[143.8264617919922,308.2909927368164],[144.16016006469727,308.13146209716797],[144.49385833740234,307.97193145751953],[144.82755661010742,307.8124008178711],[145.1612548828125,307.65287017822266],[145.49495315551758,307.4933395385742],[145.82865142822266,307.3338088989258],[146.16226959228516,307.17430114746094],[146.49596786499023,307.0147705078125],[146.8296661376953,306.85523986816406],[147.1633644104004,306.6957092285156],[147.49706268310547,306.5361785888672],[147.83076095581055,306.37664794921875],[148.16445922851562,306.2170944213867],[148.4981689453125,306.0575637817383],[148.83186721801758,305.89803314208984],[149.16556549072266,305.7385025024414],[149.49926376342773,305.57897186279297],[149.8329620361328,305.41944122314453],[150.1666603088379,305.2599105834961],[150.50035858154297,305.10035705566406],[150.83405685424805,304.9408264160156],[151.16767501831055,304.7813415527344],[151.50137329101562,304.62181091308594],[151.8350715637207,304.4622802734375],[152.16876983642578,304.30272674560547],[152.50246810913086,304.14319610595703],[152.83616638183594,303.9836654663086],[153.16986465454102,303.82413482666016],[153.5035629272461,303.6646041870117],[153.83726119995117,303.5050735473633],[154.17095947265625,303.34554290771484],[154.50466918945312,303.1859893798828],[154.8383674621582,303.0264587402344],[155.17206573486328,302.86692810058594],[155.50576400756836,302.7073974609375],[155.83949661254883,302.54784393310547],[156.17297744750977,302.3880615234375],[156.5056915283203,302.2265167236328],[156.837158203125,302.0624771118164],[157.16719436645508,301.8954620361328],[157.49518203735352,301.72460174560547],[157.82123565673828,301.54996490478516],[158.14484024047852,301.3707275390625],[158.46562957763672,301.18675231933594],[158.7835807800293,300.9976501464844],[159.0981330871582,300.8031921386719],[159.4091033935547,300.6028289794922],[159.71604537963867,300.3965606689453],[160.01869583129883,300.1839065551758],[160.3165740966797,299.96472930908203],[160.6091423034668,299.73836517333984],[160.8958854675293,299.5049057006836],[161.17648315429688,299.26405334472656],[161.45013427734375,299.01514434814453],[161.7161865234375,298.75831604003906],[161.97423934936523,298.49327087402344],[162.22311401367188,298.21971130371094],[162.4622039794922,297.9375915527344],[162.6907081604004,297.6467742919922],[162.90769958496094,297.3471908569336],[163.1121482849121,297.03907012939453],[163.3033561706543,296.7224349975586],[163.48036193847656,296.39769744873047],[163.64222717285156,296.06517791748047],[163.7881851196289,295.72540283203125],[163.91762924194336,295.37896728515625],[164.0299072265625,295.02669525146484],[164.1247100830078,294.66922760009766],[164.20172882080078,294.30750274658203],[164.26090621948242,293.94239044189453],[164.30229949951172,293.5748519897461],[164.32604598999023,293.20582580566406],[164.3327751159668,292.8360900878906],[164.32281875610352,292.4663314819336],[164.29698944091797,292.09737396240234],[164.25571060180664,291.7298583984375],[164.19992065429688,291.36424255371094],[164.13034057617188,291.0010070800781],[164.04774856567383,290.6404724121094],[163.95294570922852,290.2830047607422],[163.84667587280273,289.9287643432617],[163.72949981689453,289.5780487060547],[163.60232162475586,289.23069763183594],[163.46564483642578,288.88707733154297],[163.32024765014648,288.5470275878906],[163.1664047241211,288.2106170654297],[163.00584411621094,287.87745666503906],[162.8441390991211,287.5447998046875],[162.68242263793945,287.21216583251953],[162.5207061767578,286.87950897216797],[162.35900115966797,286.5468521118164],[162.19751358032227,286.21410369873047],[162.0362319946289,285.88124084472656],[161.87493896484375,285.54840087890625],[161.7136573791504,285.21553802490234],[161.55237579345703,284.88267517089844],[161.39156341552734,284.5496520996094],[161.23087692260742,284.21651458740234],[161.0701904296875,283.8833770751953],[160.90950393676758,283.5502166748047],[160.74881744384766,283.21707916259766],[160.58813095092773,282.8839416503906],[160.4274444580078,282.55078125],[160.2667579650879,282.21764373779297],[160.10607147216797,281.88450622558594],[159.94585418701172,281.55113983154297],[159.785888671875,281.21765899658203],[159.62591171264648,280.8841552734375],[159.46594619750977,280.55067443847656],[159.30596923828125,280.2171936035156],[159.14600372314453,279.8836898803711],[158.9860725402832,279.55027770996094],[158.82610702514648,279.216796875],[158.66624450683594,278.88329315185547],[158.50686264038086,278.5495147705078],[158.34748077392578,278.21573638916016],[158.1881103515625,277.8819808959961],[158.02872848510742,277.54820251464844],[157.86934661865234,277.2144241333008],[157.70996475219727,276.8806457519531],[157.55059432983398,276.54686737060547],[157.39130401611328,276.21297454833984],[157.23246002197266,275.87894439697266],[157.07360458374023,275.54491424560547],[156.9147605895996,275.2108840942383],[156.7559051513672,274.8768539428711],[156.59709548950195,274.5429153442383],[156.43825149536133,274.2089080810547],[156.2793960571289,273.8748779296875],[156.12055206298828,273.5408477783203],[155.96169662475586,273.2068176269531],[155.80285263061523,272.87278747558594],[155.6439971923828,272.53878021240234],[155.4851531982422,272.20475006103516],[155.32629776000977,271.87071990966797],[155.16745376586914,271.5366897583008],[155.0086784362793,271.20263671875],[154.84989166259766,270.8685836791992],[154.69110488891602,270.53453063964844],[154.53232955932617,270.20047760009766],[154.37354278564453,269.8664016723633],[154.21480178833008,269.5324401855469],[154.0557632446289,269.19854736328125],[153.89659881591797,268.8646774291992],[153.73744583129883,268.5307846069336],[153.5782814025879,268.19691467285156],[153.41912841796875,267.86304473876953],[153.2599639892578,267.5291519165039],[153.100341796875,267.1955337524414],[152.9406394958496,266.8619155883789],[152.78087997436523,266.5283432006836],[152.62067413330078,266.19495391845703],[152.46046829223633,265.86158752441406],[152.29994201660156,265.52835845947266],[152.1390838623047,265.1952896118164],[151.9782257080078,264.86224365234375],[151.81664657592773,264.5295867919922],[151.65498733520508,264.19690704345703],[151.49284744262695,263.8644790649414],[151.33022689819336,263.5322799682617],[151.16741180419922,263.2001724243164],[151.00365829467773,262.86852264404297],[150.83990478515625,262.53687286376953],[150.67486953735352,262.2058639526367],[150.509765625,261.8749008178711],[150.34372329711914,261.54434967041016],[150.1768455505371,261.2143020629883],[150.00905227661133,260.8846664428711],[149.8402976989746,260.5554885864258],[149.67050170898438,260.2268829345703],[149.49958419799805,259.89894104003906],[149.32740783691406,259.57164001464844],[149.1536750793457,259.2450942993164],[148.97842025756836,258.91937255859375],[148.80149459838867,258.59461212158203],[148.6227264404297,258.27081298828125],[148.44198989868164,257.94811248779297],[148.25876998901367,257.6267395019531],[148.07308959960938,257.3068542480469],[147.88482284545898,256.9884796142578],[147.6939582824707,256.6717300415039],[147.50513076782227,256.35367584228516],[147.32088088989258,256.0330352783203],[147.14075088500977,255.70996856689453],[146.9644317626953,255.38479614257812],[146.7923240661621,255.05740356445312],[146.6238670349121,254.728271484375],[146.45901489257812,254.39712524414062],[146.29777908325195,254.0642852783203],[146.13987350463867,253.72984313964844],[145.98544692993164,253.3937530517578],[145.83411026000977,253.05626678466797],[145.68609237670898,252.71731567382812],[145.54107284545898,252.37701416015625],[145.39912033081055,252.0354766845703],[145.2601547241211,251.69268035888672],[145.12395858764648,251.3488540649414],[144.99081802368164,251.00376892089844],[144.8602409362793,250.65772247314453],[144.73251342773438,250.31055450439453],[144.60746383666992,249.9624481201172],[144.4849090576172,249.61356353759766],[144.36518096923828,249.2636489868164],[144.2479019165039,248.9128646850586],[144.1329803466797,248.5613250732422],[144.02077102661133,248.20889282226562],[143.91093063354492,247.85565948486328],[143.8033790588379,247.50176239013672],[143.69829940795898,247.14713287353516],[143.5956687927246,246.7917938232422],[143.49524688720703,246.4358367919922],[143.39701080322266,246.07921600341797],[143.30126953125,245.72195434570312],[143.20777130126953,245.36412048339844],[143.11641311645508,245.0057373046875],[143.02718353271484,244.64671325683594],[142.94033432006836,244.28732299804688],[142.85567092895508,243.9272689819336],[142.77310180664062,243.56673431396484],[142.6926155090332,243.20571899414062],[142.6142120361328,242.84424591064453],[142.5381202697754,242.48224639892578],[142.4641342163086,242.11992645263672],[142.39216232299805,241.7571029663086],[142.32222747802734,241.39389038085938],[142.25432968139648,241.03026580810547],[142.18857192993164,240.66634368896484],[142.1249656677246,240.30198669433594],[142.06336212158203,239.93721771240234],[142.0037612915039,239.5722427368164],[141.94616317749023,239.20690155029297],[141.89055633544922,238.84123992919922],[141.83696365356445,238.47530364990234],[141.7855339050293,238.10904693603516],[141.7361183166504,237.74251556396484],[141.68867111206055,237.3756866455078],[141.64321517944336,237.00865173339844],[141.59973907470703,236.64134216308594],[141.55821990966797,236.2737808227539],[141.51869201660156,235.90599060058594],[141.4811553955078,235.5380630493164],[141.4457015991211,235.16983795166016],[141.41227340698242,234.80156707763672],[141.3808250427246,234.43297576904297],[141.35134506225586,234.06429290771484],[141.32385635375977,233.69544982910156],[141.29833602905273,233.3264923095703],[141.27480697631836,232.9574203491211],[141.25324630737305,232.58816528320312],[141.2336883544922,232.21884155273438],[141.2161102294922,231.84940338134766],[141.20052337646484,231.47987365722656],[141.18704223632812,231.1102294921875],[141.17557525634766,230.74047088623047],[141.16612243652344,230.37078094482422],[141.15867233276367,230.0010223388672],[141.15321350097656,229.63117218017578],[141.1497802734375,229.2612762451172],[141.1483612060547,228.89144897460938],[141.14895629882812,228.5215301513672],[141.1515884399414,228.1516571044922],[141.15624618530273,227.78180694580078],[141.1629524230957,227.41211700439453],[141.17169570922852,227.0423583984375],[141.18248748779297,226.67269134521484],[141.19532775878906,226.302978515625],[141.2102394104004,225.93340301513672],[141.22722244262695,225.5639419555664],[141.24627685546875,225.19459533691406],[141.26745986938477,224.8253402709961],[141.2907600402832,224.4561309814453],[141.31615447998047,224.08712768554688],[141.34365463256836,223.7182846069336],[141.37324905395508,223.34960174560547],[141.40496063232422,222.98117065429688],[141.43880081176758,222.61283111572266],[141.47475814819336,222.24469757080078],[141.51285552978516,221.87686157226562],[141.55310440063477,221.50918579101562],[141.5955047607422,221.14173889160156],[141.64005661010742,220.7746124267578],[141.68679428100586,220.4076919555664],[141.7357063293457,220.04104614257812],[141.78679275512695,219.67472076416016],[141.8400650024414,219.3087387084961],[141.89555740356445,218.94300842285156],[141.9532470703125,218.5777130126953],[142.01314544677734,218.21271514892578],[142.07529830932617,217.84808349609375],[142.1396598815918,217.48388671875],[142.2062759399414,217.12003326416016],[142.2751350402832,216.75666046142578],[142.34624862670898,216.39376831054688],[142.41965103149414,216.03124237060547],[142.49531936645508,215.66917419433594],[142.5732650756836,215.30760955810547],[142.65351104736328,214.94657135009766],[142.73604583740234,214.5860137939453],[142.82089233398438,214.2260513305664],[142.90808486938477,213.86654663085938],[142.99757766723633,213.50772857666016],[143.08941650390625,213.1494369506836],[143.18357849121094,212.79174041748047],[143.27991485595703,212.4345932006836],[143.37879180908203,212.0782012939453],[143.4800262451172,211.72247314453125],[143.5836524963379,211.3674087524414],[143.68961334228516,211.01316833496094],[143.79801177978516,210.65947723388672],[143.9087677001953,210.30661010742188],[144.02191543579102,209.95449829101562],[144.13751220703125,209.60309600830078],[144.25546646118164,209.2526092529297],[144.37586975097656,208.9028778076172],[144.49871063232422,208.55392456054688],[144.62395477294922,208.2059326171875],[144.75164794921875,207.8587646484375],[144.88175582885742,207.51258087158203],[145.01432418823242,207.16728973388672],[145.14933013916016,206.82293701171875],[145.2868309020996,206.47952270507812],[145.4267578125,206.13713836669922],[145.56911087036133,205.7958984375],[145.71398162841797,205.45555114746094],[145.86132431030273,205.11627960205078],[146.01113891601562,204.77808380126953],[146.16340255737305,204.44100952148438],[146.318115234375,204.1051025390625],[146.47535705566406,203.7703628540039],[146.63508224487305,203.4367218017578],[146.79730224609375,203.1042709350586],[146.96198272705078,202.77310180664062],[147.12913513183594,202.44316864013672],[147.29877090454102,202.11451721191406],[147.4709129333496,201.78710174560547],[147.64550399780273,201.4610366821289],[147.82256698608398,201.13632202148438],[148.00205612182617,200.81302642822266],[148.18408584594727,200.49103546142578],[148.3685646057129,200.17044067382812],[148.55552673339844,199.85128784179688],[148.74488067626953,199.53362274169922],[148.93675231933594,199.2173309326172],[149.1310043334961,198.9026870727539],[149.32778549194336,198.58948516845703],[149.52701568603516,198.27783966064453],[149.7286605834961,197.9677734375],[149.93274307250977,197.65930938720703],[150.13925170898438,197.35242462158203],[150.34812927246094,197.04721069335938],[150.55943298339844,196.74359893798828],[150.7731170654297,196.44168090820312],[150.9891242980957,196.1415252685547],[151.20748901367188,195.84308624267578],[151.42829132080078,195.5463409423828],[151.65147399902344,195.25140380859375],[151.87702560424805,194.95818328857422],[152.10483169555664,194.66683959960938],[152.33501815795898,194.37725830078125],[152.56741333007812,194.089599609375],[152.80216598510742,193.80370330810547],[153.03909301757812,193.5197296142578],[153.27841186523438,193.23765563964844],[153.51992797851562,192.95757293701172],[153.76364135742188,192.67941284179688],[154.0095977783203,192.4031524658203],[154.25771713256836,192.1288604736328],[154.50796508789062,191.85659408569336],[154.76045608520508,191.58623886108398],[155.01509857177734,191.31802368164062],[155.27183532714844,191.05182266235352],[155.53075790405273,190.78759002685547],[155.7916145324707,190.52548599243164],[156.0545883178711,190.26538467407227],[156.3197021484375,190.0074119567871],[156.58680725097656,189.75160217285156],[156.85592651367188,189.49782943725586],[157.12696838378906,189.24617385864258],[157.3999900817871,188.99661254882812],[157.675048828125,188.74930572509766],[157.95199584960938,188.5041389465332],[158.23078536987305,188.26112365722656],[158.51134872436523,188.02030563354492],[158.79390335083008,187.7816505432129],[159.0783576965332,187.54518127441406],[159.36458587646484,187.31087493896484],[159.65250778198242,187.07876586914062],[159.9422721862793,186.8488998413086],[160.2337875366211,186.62129974365234],[160.5270652770996,186.39579391479492],[160.8218879699707,186.17254257202148],[161.1185646057129,185.95159149169922],[161.41684341430664,185.73283767700195],[161.71665573120117,185.51629257202148],[162.01816177368164,185.3019905090332],[162.32122421264648,185.0900115966797],[162.6258316040039,184.8801612854004],[162.93182373046875,184.67263412475586],[163.23955535888672,184.46735000610352],[163.5486602783203,184.26425170898438],[163.85918426513672,184.06338500976562],[164.1712532043457,183.86485290527344],[164.48467254638672,183.66848373413086],[164.79954528808594,183.4742774963379],[165.11579132080078,183.28244018554688],[165.43329620361328,183.09273147583008],[165.75211715698242,182.90532302856445],[166.0722770690918,182.72014617919922],[166.39365005493164,182.5370750427246],[166.7163848876953,182.35637283325195],[167.04034423828125,182.17774200439453],[167.36543655395508,182.0013656616211],[167.6916732788086,181.82731246948242],[168.01904296875,181.6552619934082],[168.34772872924805,181.48555755615234],[168.67739868164062,181.31791305541992],[169.00824737548828,181.1524772644043],[169.34014892578125,180.98920440673828],[169.67305755615234,180.82806015014648],[170.00707626342773,180.66914749145508],[170.34198760986328,180.51224899291992],[170.67796325683594,180.35767364501953],[171.01484298706055,180.20502090454102],[171.35284423828125,180.05464553833008],[171.69156646728516,179.9062385559082],[172.03138732910156,179.76004028320312],[172.37195205688477,179.6158447265625],[172.71323776245117,179.47352600097656],[173.05511856079102,179.33222579956055],[173.39731979370117,179.19195556640625],[173.7400131225586,179.05279541015625],[174.08332443237305,178.91513442993164],[174.42708206176758,178.77850341796875],[174.77113723754883,178.64294815063477],[175.11577606201172,178.50868606567383],[175.46097564697266,178.3758201599121],[175.80662155151367,178.2440528869629],[176.15264511108398,178.11340713500977],[176.49919509887695,177.98414611816406],[176.8462371826172,177.85633850097656],[177.19378280639648,177.72965240478516],[177.54168319702148,177.60417938232422],[177.89000701904297,177.4800567626953],[178.23898315429688,177.35749053955078],[178.58841705322266,177.23612594604492],[178.93826293945312,177.11600875854492],[179.2884635925293,176.99716186523438],[179.6392936706543,176.88002014160156],[179.99062728881836,176.7641944885254],[180.34224700927734,176.64970779418945],[180.69445037841797,176.53650283813477],[181.0470428466797,176.42476272583008],[181.40016174316406,176.31472778320312],[181.75364685058594,176.2060775756836],[182.10764694213867,176.0987892150879],[182.4620590209961,175.9929084777832],[182.81689453125,175.8885269165039],[183.17217636108398,175.7859649658203],[183.52789306640625,175.68485641479492],[183.88413619995117,175.58517837524414],[184.2407569885254,175.48701095581055],[184.5977554321289,175.39034271240234],[184.9552459716797,175.29541397094727],[185.31317138671875,175.20220184326172],[185.6715316772461,175.11054611206055],[186.03023529052734,175.02046966552734],[186.3893280029297,174.9319839477539],[186.7488899230957,174.84508895874023],[187.10882949829102,174.7599334716797],[187.46918106079102,174.67667770385742],[187.8299331665039,174.5950584411621],[188.1910514831543,174.51514434814453],[188.5525131225586,174.4369239807129],[188.91437530517578,174.36040878295898],[189.27660369873047,174.2856216430664],[189.63917541503906,174.21260833740234],[190.00217056274414,174.14159774780273],[190.36554336547852,174.07239532470703],[190.72917938232422,174.00500106811523],[191.0932502746582,173.93940353393555],[191.45750427246094,173.87565994262695],[191.82218170166016,173.81377029418945],[192.1871795654297,173.75373458862305],[192.55245208740234,173.69559860229492],[192.91797637939453,173.63937377929688],[193.28384399414062,173.58515167236328],[193.65005493164062,173.53298950195312],[194.01647186279297,173.48277282714844],[194.38314056396484,173.43451309204102],[194.75012969970703,173.38824462890625],[195.11730194091797,173.34396743774414],[195.48479461669922,173.30170440673828],[195.85240173339844,173.26148986816406],[196.22032928466797,173.22332382202148],[196.58841705322266,173.18720626831055],[196.95673370361328,173.15317153930664],[197.32523345947266,173.12124252319336],[197.6938705444336,173.0914192199707],[198.06273651123047,173.06371307373047],[198.4317169189453,173.03815841674805],[198.80081176757812,173.01474380493164],[199.17011260986328,172.99349212646484],[199.53945922851562,172.97443771362305],[199.90885162353516,172.95756912231445],[200.27842712402344,172.94294357299805],[200.6481170654297,172.93054962158203],[201.01785278320312,172.92035293579102],[201.38763427734375,172.9123992919922],[201.75750732421875,172.90670013427734],[202.12733459472656,172.9032440185547],[202.49720764160156,172.9020767211914],[202.86708068847656,172.9031639099121],[203.23690795898438,172.90655136108398],[203.6067352294922,172.91223907470703],[203.9765625,172.92023849487305],[204.34625244140625,172.93058395385742],[204.71587371826172,172.94326400756836],[205.08544921875,172.95830154418945],[205.45481872558594,172.97565078735352],[205.82416534423828,172.99536895751953],[206.19339752197266,173.0174446105957],[206.5624008178711,173.04187774658203],[206.93133544921875,173.0686912536621],[207.30013275146484,173.09787368774414],[207.66856384277344,173.12942504882812],[208.03685760498047,173.16335678100586],[208.40499114990234,173.19968032836914],[208.7728042602539,173.23837280273438],[209.14043426513672,173.27946853637695],[209.5077667236328,173.32296752929688],[209.874755859375,173.36884689331055],[210.24140167236328,173.41710662841797],[210.60791015625,173.46776962280273],[210.97389221191406,173.52081298828125],[211.33953094482422,173.57636260986328],[211.70487213134766,173.63436126708984],[212.06970977783203,173.69474029541016],[212.4342269897461,173.75751113891602],[212.79837799072266,173.82267379760742],[213.16207122802734,173.89020538330078],[213.52505493164062,173.9600715637207],[213.8877182006836,174.03232955932617],[214.25003814697266,174.1069793701172],[214.61185455322266,174.18397521972656],[214.97300720214844,174.26340866088867],[215.33377075195312,174.3453369140625],[215.6938018798828,174.4295654296875],[216.05355834960938,174.51617431640625],[216.41244506835938,174.6050262451172],[216.77096557617188,174.69624710083008],[217.12877655029297,174.78976821899414],[217.4861068725586,174.88558959960938],[217.84263610839844,174.98375701904297],[218.19861602783203,175.0843849182129],[218.5539321899414,175.187255859375],[218.90853881835938,175.2923583984375],[219.26245880126953,175.3997039794922],[219.61566925048828,175.50925827026367],[219.96819305419922,175.62104415893555],[220.3201446533203,175.73517608642578],[220.67122650146484,175.8515853881836],[221.02159881591797,175.9701805114746],[221.37107849121094,176.09089279174805],[221.71991729736328,176.2137794494629],[222.06802368164062,176.33879470825195],[222.41546630859375,176.46593856811523],[222.76183319091797,176.5953712463379],[223.10751342773438,176.72690963745117],[223.45252990722656,176.86055374145508],[223.79649353027344,176.99614334106445],[224.1397705078125,177.13378143310547],[224.48224639892578,177.27347946166992],[224.8238067626953,177.41539764404297],[225.16454315185547,177.55928421020508],[225.50440979003906,177.70510482788086],[225.8434295654297,177.85284805297852],[226.1817626953125,178.00258255004883],[226.51892852783203,178.15422821044922],[226.85545349121094,178.30799102783203],[227.19094848632812,178.46350479125977],[227.5257797241211,178.62096405029297],[227.85960388183594,178.7801628112793],[228.19255828857422,178.94121551513672],[228.52459716796875,179.1042709350586],[228.85565185546875,179.2690086364746],[229.18599700927734,179.43557739257812],[229.515380859375,179.60381698608398],[229.8438491821289,179.77375030517578],[230.17135620117188,179.94557189941406],[230.49803924560547,180.1190643310547],[230.8238983154297,180.29421615600586],[231.148681640625,180.47083282470703],[231.4728240966797,180.6492805480957],[231.79586791992188,180.82938766479492],[232.1179962158203,181.01099395751953],[232.43930053710938,181.1941680908203],[232.75980377197266,181.37887573242188],[233.079345703125,181.5651512145996],[233.3979263305664,181.75297164916992],[233.71570587158203,181.94226837158203],[234.03243255615234,182.1328468322754],[234.34851837158203,182.32495880126953],[234.66373443603516,182.51867294311523],[234.97794342041016,182.7136573791504],[235.29141998291016,182.91003799438477],[235.6039810180664,183.1076889038086],[235.91585540771484,183.30680465698242],[236.2265853881836,183.5071563720703],[236.5367202758789,183.70888137817383],[236.84596252441406,183.91179656982422],[237.15442657470703,184.11591339111328],[237.46190643310547,184.32134628295898],[237.7686767578125,184.52799224853516],[238.07464599609375,184.73573684692383],[238.37999725341797,184.94474029541016],[238.68431854248047,185.1548080444336],[238.9878387451172,185.36602020263672],[239.29083251953125,185.57842254638672],[239.59288787841797,185.79168319702148],[239.8941879272461,186.00614547729492],[240.1948699951172,186.22171783447266],[240.4947509765625,186.43822860717773],[240.79373931884766,186.65595245361328],[241.0923843383789,186.87422561645508],[241.39002227783203,187.09381484985352],[241.68701934814453,187.31414794921875],[241.98355865478516,187.5352020263672],[242.27922821044922,187.75765228271484],[242.57430267333984,187.98056030273438],[242.86878204345703,188.20438385009766],[243.16241455078125,188.42914581298828],[243.4556121826172,188.65442276000977],[243.7481231689453,188.88079833984375],[244.0400390625,189.10786056518555],[244.33163452148438,189.3354835510254],[244.622314453125,189.56419372558594],[244.9126739501953,189.79344177246094],[245.20248413085938,190.0232391357422],[245.49151611328125,190.2538719177246],[245.7803192138672,190.48504257202148],[246.06855010986328,190.71685409545898],[246.35620880126953,190.9493637084961],[246.6434555053711,191.18219375610352],[246.9302215576172,191.41579055786133],[247.21666717529297,191.65000534057617],[247.50265502929688,191.88448333740234],[247.78811645507812,192.11968231201172],[248.07321166992188,192.355224609375],[248.35810089111328,192.59117889404297],[248.64244079589844,192.82772827148438],[248.92648315429688,193.0645523071289],[249.21031951904297,193.30169677734375],[249.4936752319336,193.53939056396484],[249.77682495117188,193.77747344970703],[250.05958557128906,194.01592254638672],[250.34232330322266,194.2543716430664],[250.6248550415039,194.4931869506836],[250.90695190429688,194.73241424560547],[251.18902587890625,194.97164154052734],[251.4708709716797,195.21107482910156],[251.7524642944336,195.45089721679688],[252.03392028808594,195.69060516357422],[252.3153533935547,195.9305419921875],[252.59664916992188,196.17070770263672],[252.87792205810547,196.41087341308594],[253.1591033935547,196.65108489990234],[253.44023895263672,196.89141082763672],[253.72139739990234,197.1317367553711],[254.00255584716797,197.37206268310547],[254.2837142944336,197.61241149902344],[254.56484985351562,197.8527374267578],[254.84600830078125,198.0930633544922],[255.12716674804688,198.33341217041016],[255.4083023071289,198.57373809814453],[255.68946075439453,198.8140640258789],[255.97027587890625,199.05480194091797],[256.2510681152344,199.29556274414062],[256.5318603515625,199.5363006591797],[256.8126754760742,199.77706146240234],[257.0932846069336,200.01807403564453],[257.3737106323242,200.25924682617188],[257.65413665771484,200.5004425048828],[257.9345397949219,200.74163818359375],[258.2148971557617,200.98306274414062],[258.4947967529297,201.224853515625],[258.77469635009766,201.46664428710938],[259.0545959472656,201.70843505859375],[259.33424377441406,201.9503402709961],[259.6134796142578,202.19286346435547],[259.89273834228516,202.43540954589844],[260.1719741821289,202.6779556274414],[260.45082092285156,202.92084503173828],[260.72925567626953,203.1643295288086],[261.0076904296875,203.4077911376953],[261.28612518310547,203.65127563476562],[261.5639877319336,203.89537811279297],[261.84169006347656,204.13970947265625],[262.1187057495117,204.3845672607422],[262.39574432373047,204.62976837158203],[262.67227935791016,204.87540435791016],[262.94840240478516,205.12142944335938],[263.2242736816406,205.3678207397461],[263.4994354248047,205.61492156982422],[263.7743453979492,205.86234283447266],[264.0486831665039,206.1104278564453],[264.3225402832031,206.35929107666016],[264.5958480834961,206.6084976196289],[264.86840057373047,206.85855102539062],[265.14024353027344,207.10929107666016],[265.41158294677734,207.3606719970703],[265.6820297241211,207.6129913330078],[265.9515380859375,207.86622619628906],[266.2203140258789,208.1202392578125],[266.4884262084961,208.37523651123047],[266.7550964355469,208.63153839111328],[267.02073669433594,208.88877868652344],[267.28546142578125,209.14720916748047],[267.5490417480469,209.4067153930664],[267.81101989746094,209.66766357421875],[268.07173919677734,209.93016815185547],[268.3309020996094,210.19397735595703],[268.5882568359375,210.45941162109375],[268.84400939941406,210.7265167236328],[269.0979995727539,210.9953842163086],[269.3499526977539,211.26617431640625],[269.5998001098633,211.53902435302734],[269.8472671508789,211.81372833251953],[270.09251403808594,212.09078979492188],[270.3350372314453,212.36995697021484],[270.5748596191406,212.65143585205078],[270.8118896484375,212.935546875],[271.0456237792969,213.22201538085938],[271.2762908935547,213.51132202148438],[271.5033874511719,213.8031463623047],[271.7269592285156,214.0979232788086],[271.94666290283203,214.39540100097656],[272.1624984741211,214.69585418701172],[272.3741912841797,214.9991226196289],[272.5816955566406,215.3052749633789],[272.78480529785156,215.61424255371094],[272.9834518432617,215.92630004882812],[273.1775665283203,216.24124145507812],[273.3670120239258,216.55872344970703],[273.55208587646484,216.87915802001953],[273.7324447631836,217.20197296142578],[273.9081115722656,217.5274429321289],[274.07933807373047,217.85536193847656],[274.2461471557617,218.18543243408203],[274.40869903564453,218.5177459716797],[274.5671081542969,218.8520050048828],[274.72135162353516,219.18807220458984],[274.8717498779297,219.5258560180664],[275.0185089111328,219.86515045166016],[275.1635513305664,220.20540618896484],[275.30802154541016,220.54598236083984],[275.4517135620117,220.88678741455078],[275.5945129394531,221.2280502319336],[275.73685455322266,221.56947326660156],[275.87818908691406,221.91128540039062],[276.0189743041992,222.25330352783203],[276.1592788696289,222.59555053710938],[276.29862213134766,222.93800354003906],[276.43750762939453,223.2809600830078],[276.5757064819336,223.62403106689453],[276.71390533447266,223.96712493896484],[276.8514862060547,224.3104019165039],[276.98858642578125,224.6539306640625],[277.1256637573242,224.9974594116211],[277.2624206542969,225.34119415283203],[277.3989944458008,225.68492889404297],[277.5355682373047,226.02854919433594],[277.6723937988281,226.3721694946289],[277.80924224853516,226.71581268310547],[277.9467315673828,227.0592041015625],[278.08467864990234,227.4023895263672],[278.2229232788086,227.74539184570312],[278.3624496459961,228.0879364013672],[278.50316619873047,228.43002319335938],[278.6455078125,228.77142333984375],[278.7897033691406,229.11209106445312],[278.93607330322266,229.4517059326172],[279.0850296020508,229.79013061523438],[279.2372589111328,230.12720489501953],[279.3933334350586,230.46247100830078],[279.5540313720703,230.795654296875],[279.7199935913086,231.12625122070312],[279.89222717285156,231.45357513427734],[280.0719909667969,231.77680206298828],[280.2605209350586,232.09487915039062],[280.45923614501953,232.40677642822266],[280.67010498046875,232.7105712890625],[280.89500427246094,233.00418090820312],[281.13597106933594,233.28492736816406],[281.39447021484375,233.54912567138672],[281.67237854003906,233.7931365966797],[281.97013092041016,234.01238250732422],[282.2870635986328,234.20262908935547],[282.62125396728516,234.36094665527344],[282.9694061279297,234.4855728149414],[283.3275375366211,234.57696533203125],[283.69244384765625,234.6372299194336],[284.0607604980469,234.66925048828125],[284.4304962158203,234.6768035888672],[284.80016326904297,234.6632308959961],[285.16859436035156,234.63178253173828],[285.53556060791016,234.58502197265625],[285.9005584716797,234.52537536621094],[286.26354217529297,234.4548568725586],[286.62476348876953,234.37520599365234],[286.9840393066406,234.28754425048828],[287.34173583984375,234.1929473876953],[287.69803619384766,234.09404754638672],[288.0564422607422,234.00272369384766],[288.4148712158203,233.9113998413086],[288.77330017089844,233.82005310058594],[289.13170623779297,233.72872924804688],[289.4901351928711,233.6374053955078],[289.8485412597656,233.54608154296875],[290.20697021484375,233.4547576904297],[290.5653991699219,233.36343383789062],[290.9238052368164,233.27208709716797],[291.28223419189453,233.1807632446289],[291.64066314697266,233.08943939208984],[291.9990692138672,232.99811553955078],[292.3574981689453,232.90676879882812],[292.71590423583984,232.81544494628906],[293.07433319091797,232.72412109375],[293.4327621459961,232.63279724121094],[293.7911682128906,232.54147338867188],[294.14959716796875,232.4501495361328],[294.5080261230469,232.35880279541016],[294.8664321899414,232.2674789428711],[295.22486114501953,232.17615509033203],[295.58326721191406,232.08483123779297],[295.9416961669922,231.9934844970703],[296.3001251220703,231.90216064453125],[296.65855407714844,231.8108367919922],[297.01696014404297,231.71951293945312],[297.3753662109375,231.62818908691406],[297.7337951660156,231.536865234375],[298.09222412109375,231.44554138183594],[298.4504699707031,231.35424041748047],[298.80889892578125,231.2629165649414],[299.1673049926758,231.17159271240234],[299.5257110595703,231.08026885986328],[299.88414001464844,230.98892211914062],[300.24256896972656,230.89759826660156],[300.6009979248047,230.8062744140625],[300.9594039916992,230.71495056152344],[301.31781005859375,230.62362670898438],[301.6762390136719,230.53227996826172],[302.03466796875,230.44095611572266],[302.3930969238281,230.3496322631836],[302.75152587890625,230.25830841064453],[303.1099319458008,230.16698455810547],[303.4683380126953,230.0756378173828],[303.82676696777344,229.98431396484375],[304.18519592285156,229.8929901123047],[304.5436248779297,229.80166625976562],[304.9020309448242,229.71034240722656],[305.26043701171875,229.6190185546875],[305.6188659667969,229.52767181396484],[305.977294921875,229.43634796142578],[306.3357238769531,229.34502410888672],[306.69412994384766,229.25370025634766],[307.0525588989258,229.162353515625],[307.4109649658203,229.07102966308594],[307.76939392089844,228.97970581054688],[308.12782287597656,228.8883819580078],[308.4862518310547,228.79705810546875],[308.8446578979492,228.7057342529297],[309.20306396484375,228.61438751220703],[309.5613098144531,228.52310943603516],[309.91973876953125,228.4317855834961],[310.2781677246094,228.34046173095703],[310.6365966796875,228.24911499023438],[310.99500274658203,228.1577911376953],[311.35340881347656,228.06646728515625],[311.7118377685547,227.9751434326172],[312.0702667236328,227.88381958007812],[312.42869567871094,227.79249572753906],[312.78710174560547,227.7011489868164],[313.1455078125,227.60982513427734],[313.5039367675781,227.51850128173828],[313.86236572265625,227.42717742919922],[314.2207946777344,227.33585357666016],[314.5792007446289,227.2445068359375],[314.93762969970703,227.15318298339844],[315.29603576660156,227.06185913085938],[315.6544647216797,226.9705352783203],[316.0128936767578,226.87921142578125],[316.37132263183594,226.7878875732422],[316.72972869873047,226.69654083251953],[317.088134765625,226.60521697998047],[317.4465637207031,226.5138931274414],[317.80499267578125,226.42256927490234],[318.1634216308594,226.3312225341797],[318.5218276977539,226.23989868164062],[318.88025665283203,226.14857482910156],[319.23866271972656,226.0572509765625],[319.5970916748047,225.96592712402344],[319.9555206298828,225.87460327148438],[320.3137664794922,225.7833023071289],[320.6721725463867,225.69197845458984],[321.03060150146484,225.60065460205078],[321.3890075683594,225.50933074951172],[321.7474365234375,225.41798400878906],[322.1058654785156,225.32666015625],[322.46429443359375,225.23533630371094],[322.8227005004883,225.14401245117188],[323.1811065673828,225.0526885986328],[323.53953552246094,224.96136474609375],[323.89796447753906,224.8700180053711],[324.2563934326172,224.77869415283203],[324.6147994995117,224.68737030029297],[324.97320556640625,224.5960464477539],[325.3316345214844,224.50472259521484],[325.6900634765625,224.4133758544922],[326.0484924316406,224.32205200195312],[326.40689849853516,224.23072814941406],[326.7653274536133,224.139404296875],[327.1237335205078,224.04808044433594],[327.48216247558594,223.95673370361328],[327.84059143066406,223.86540985107422],[328.1990203857422,223.77408599853516],[328.5574264526367,223.6827621459961],[328.91583251953125,223.59143829345703],[329.2742614746094,223.50009155273438],[329.6326904296875,223.4087677001953],[329.9911193847656,223.31744384765625],[330.34952545166016,223.2261199951172],[330.7079315185547,223.13479614257812],[331.06617736816406,223.04351806640625],[331.4246063232422,222.9521713256836],[331.7830352783203,222.86084747314453],[332.14146423339844,222.76952362060547],[332.49987030029297,222.6781997680664],[332.8582992553711,222.58685302734375],[333.2167053222656,222.4955291748047],[333.57513427734375,222.40420532226562],[333.9335632324219,222.31288146972656],[334.2919921875,222.2215576171875],[334.65039825439453,222.13023376464844],[335.00880432128906,222.03888702392578],[335.3672332763672,221.94756317138672],[335.7256622314453,221.85623931884766],[336.08409118652344,221.7649154663086],[336.44249725341797,221.67356872558594],[336.8009033203125,221.58224487304688],[337.1593322753906,221.4909210205078],[337.51776123046875,221.39959716796875],[337.8761901855469,221.3082733154297],[338.2345962524414,221.21694946289062],[338.59302520751953,221.12560272216797],[338.95143127441406,221.0342788696289],[339.3098602294922,220.94295501708984],[339.6682891845703,220.85163116455078],[340.02671813964844,220.76030731201172],[340.38512420654297,220.66896057128906],[340.7435302734375,220.57763671875],[341.1019592285156,220.48631286621094],[341.46038818359375,220.39498901367188],[341.8186340332031,220.3037109375],[342.17706298828125,220.21236419677734],[342.5354690551758,220.12104034423828],[342.8938751220703,220.02971649169922],[343.25230407714844,219.93839263916016],[343.61073303222656,219.8470687866211],[343.9691619873047,219.75572204589844],[344.3275680541992,219.66439819335938],[344.68597412109375,219.5730743408203],[345.0444030761719,219.48175048828125],[345.40283203125,219.3904266357422],[345.7612609863281,219.29910278320312],[346.11968994140625,219.20775604248047],[346.4780960083008,219.1164321899414],[346.8365020751953,219.02510833740234],[347.19493103027344,218.93378448486328],[347.55335998535156,218.84243774414062],[347.9117889404297,218.75111389160156],[348.2701950073242,218.6597900390625],[348.62860107421875,218.56846618652344],[348.9870300292969,218.47714233398438],[349.345458984375,218.3858184814453],[349.7038879394531,218.29447174072266],[350.06229400634766,218.2031478881836],[350.4207229614258,218.11182403564453],[350.7791290283203,218.02050018310547],[351.13755798339844,217.9291534423828],[351.49598693847656,217.83782958984375],[351.8544158935547,217.7465057373047],[352.2128219604492,217.65518188476562],[352.5710678100586,217.56390380859375],[352.9294738769531,217.4725799560547],[353.28790283203125,217.38123321533203],[353.6463317871094,217.28990936279297],[354.0047607421875,217.1985855102539],[354.36316680908203,217.10726165771484],[354.72157287597656,217.01593780517578],[355.0800018310547,216.92459106445312],[355.4384307861328,216.83326721191406],[355.79685974121094,216.741943359375],[356.15526580810547,216.65061950683594],[356.513671875,216.55929565429688],[356.8721008300781,216.46794891357422],[357.23052978515625,216.37662506103516],[357.5889587402344,216.2853012084961],[357.9473648071289,216.19397735595703],[358.30579376220703,216.10265350341797],[358.66419982910156,216.0113067626953],[359.0226287841797,215.91998291015625],[359.3810577392578,215.8286590576172],[359.73948669433594,215.73733520507812],[360.09789276123047,215.64601135253906],[360.456298828125,215.5546875],[360.8147277832031,215.46334075927734],[361.17315673828125,215.37201690673828],[361.5315856933594,215.28069305419922],[361.8899917602539,215.18936920166016],[362.24842071533203,215.0980224609375],[362.60682678222656,215.00669860839844],[362.9652557373047,214.91537475585938],[363.32350158691406,214.8240966796875],[363.6819305419922,214.73277282714844],[364.0403366088867,214.64144897460938],[364.39876556396484,214.55010223388672],[364.7571716308594,214.45877838134766],[365.1156005859375,214.3674545288086],[365.4740295410156,214.27613067626953],[365.83245849609375,214.18478393554688],[366.1908645629883,214.0934600830078],[366.5492706298828,214.00213623046875],[366.90769958496094,213.9108123779297],[367.26612854003906,213.81948852539062],[367.6245574951172,213.72816467285156],[367.9829635620117,213.6368179321289],[368.34136962890625,213.54549407958984],[368.6997985839844,213.45417022705078],[369.0582275390625,213.36284637451172],[369.4166564941406,213.27152252197266],[369.77506256103516,213.18017578125],[370.1334915161133,213.08885192871094],[370.4918975830078,212.99752807617188],[370.85032653808594,212.9062042236328],[371.20875549316406,212.81488037109375],[371.5671844482422,212.7235565185547],[371.9255905151367,212.63220977783203],[372.28399658203125,212.54088592529297],[372.6424255371094,212.4495620727539],[373.0008544921875,212.35823822021484],[373.3592834472656,212.2668914794922],[373.71768951416016,212.17556762695312],[374.07593536376953,212.08428955078125],[374.43434143066406,211.9929656982422],[374.7927703857422,211.90164184570312],[375.1511993408203,211.81031799316406],[375.50962829589844,211.7189712524414],[375.86803436279297,211.62764739990234],[376.2264633178711,211.53632354736328],[376.5848693847656,211.44499969482422],[376.94329833984375,211.35365295410156],[377.3017272949219,211.2623291015625],[377.66015625,211.17100524902344],[378.01856231689453,211.07968139648438],[378.37696838378906,210.9883575439453],[378.7353973388672,210.89703369140625],[379.0938262939453,210.8056869506836],[379.45225524902344,210.71436309814453],[379.81066131591797,210.62303924560547],[380.1690673828125,210.5317153930664],[380.5274963378906,210.44039154052734],[380.88592529296875,210.3490447998047],[381.2443542480469,210.25772094726562],[381.6027603149414,210.16639709472656],[381.96118927001953,210.0750732421875],[382.31959533691406,209.98374938964844],[382.6780242919922,209.89240264892578],[383.0364532470703,209.80107879638672],[383.39488220214844,209.70975494384766],[383.75328826904297,209.6184310913086],[384.1116943359375,209.52710723876953],[384.4701232910156,209.43576049804688],[384.828369140625,209.344482421875],[385.1867980957031,209.25315856933594],[385.54522705078125,209.16183471679688],[385.9036560058594,209.0705108642578],[386.2620391845703,208.97918701171875],[386.62046813964844,208.8878402709961],[386.97889709472656,208.79651641845703],[387.3373260498047,208.70519256591797],[387.6957092285156,208.6138687133789],[388.05413818359375,208.52252197265625],[388.4125671386719,208.4311981201172],[388.77099609375,208.33987426757812],[389.1294250488281,208.24855041503906],[389.48785400390625,208.1572265625],[389.8462829589844,208.06590270996094],[390.2046661376953,207.97455596923828],[390.56309509277344,207.88323211669922],[390.92152404785156,207.79190826416016],[391.2799530029297,207.7005844116211],[391.6383361816406,207.60923767089844],[391.99676513671875,207.51791381835938],[392.3551940917969,207.4265899658203],[392.713623046875,207.33526611328125],[393.0720520019531,207.2439422607422],[393.43048095703125,207.15261840820312],[393.7888641357422,207.06127166748047],[394.1472930908203,206.9699478149414],[394.50572204589844,206.87862396240234],[394.86415100097656,206.78730010986328],[395.2225799560547,206.69597625732422],[395.58082580566406,206.60467529296875],[395.939208984375,206.5133514404297],[396.2976379394531,206.42202758789062],[396.65606689453125,206.33070373535156],[397.0144958496094,206.2393798828125],[397.3729248046875,206.14803314208984],[397.7313537597656,206.05670928955078],[398.08973693847656,205.96538543701172],[398.4481658935547,205.87406158447266],[398.8065948486328,205.7827377319336],[399.16502380371094,205.69139099121094],[399.5234069824219,205.60006713867188],[399.8818359375,205.5087432861328],[400.2402648925781,205.41741943359375],[400.59869384765625,205.3260955810547],[400.9571228027344,205.23474884033203],[401.3155517578125,205.14342498779297],[401.67393493652344,205.0521011352539],[402.03236389160156,204.96077728271484],[402.3907928466797,204.86945343017578],[402.7492218017578,204.77810668945312],[403.10765075683594,204.68678283691406],[403.4660339355469,204.595458984375],[403.824462890625,204.50413513183594],[404.1828918457031,204.41281127929688],[404.54132080078125,204.3214874267578],[404.8997497558594,204.23014068603516],[405.2581787109375,204.1388168334961],[405.61656188964844,204.04749298095703],[405.97499084472656,203.95616912841797],[406.3334197998047,203.8648452758789],[406.69166564941406,203.77354431152344],[407.0500946044922,203.68222045898438],[407.4085235595703,203.5908966064453],[407.76690673828125,203.49957275390625],[408.1253356933594,203.4082489013672],[408.4837646484375,203.31690216064453],[408.8421936035156,203.22557830810547],[409.20062255859375,203.1342544555664],[409.5590515136719,203.04293060302734],[409.9174346923828,202.95160675048828],[410.27586364746094,202.86026000976562],[410.63429260253906,202.76893615722656],[410.9927215576172,202.6776123046875],[411.3511047363281,202.58628845214844],[411.70953369140625,202.49496459960938],[412.0679626464844,202.40361785888672],[412.4263916015625,202.31229400634766],[412.7848205566406,202.2209701538086],[413.14324951171875,202.12964630126953],[413.5016326904297,202.03832244873047],[413.8600616455078,201.9469757080078],[414.21849060058594,201.85565185546875],[414.57691955566406,201.7643280029297],[414.9353485107422,201.67300415039062],[415.2937316894531,201.58168029785156],[415.65216064453125,201.4903564453125],[416.0105895996094,201.39900970458984],[416.3690185546875,201.30768585205078],[416.7274475097656,201.21636199951172],[417.08587646484375,201.12503814697266],[417.4441223144531,201.0337371826172],[417.80250549316406,200.94241333007812],[418.1609344482422,200.85108947753906],[418.5193634033203,200.759765625],[418.87779235839844,200.66844177246094],[419.23622131347656,200.57711791992188],[419.5946044921875,200.48577117919922],[419.9530334472656,200.39444732666016],[420.31146240234375,200.3031234741211],[420.6698913574219,200.21179962158203],[421.0283203125,200.12047576904297],[421.3867492675781,200.0291290283203],[421.74513244628906,199.93780517578125],[422.1035614013672,199.8464813232422],[422.4619903564453,199.75515747070312],[422.82041931152344,199.66383361816406],[423.1788024902344,199.5724868774414],[423.5372314453125,199.48116302490234],[423.8956604003906,199.38983917236328],[424.25408935546875,199.29851531982422],[424.6125183105469,199.20719146728516],[424.970947265625,199.1158447265625],[425.32933044433594,199.02452087402344],[425.68775939941406,198.93319702148438],[426.0461883544922,198.8418731689453],[426.4046173095703,198.75054931640625],[426.76304626464844,198.6592025756836],[427.1214294433594,198.56787872314453],[427.4798583984375,198.47655487060547],[427.8382873535156,198.3852310180664],[428.196533203125,198.29395294189453],[428.5549621582031,198.20260620117188],[428.91339111328125,198.1112823486328],[429.2718200683594,198.01995849609375],[429.6302032470703,197.9286346435547],[429.98863220214844,197.83731079101562],[430.34706115722656,197.74598693847656],[430.7054901123047,197.6546401977539],[431.0639190673828,197.56331634521484],[431.42230224609375,197.47199249267578],[431.7807312011719,197.38066864013672],[432.13916015625,197.28932189941406],[432.4975891113281,197.197998046875],[432.85601806640625,197.10667419433594],[433.2144470214844,197.01535034179688],[433.5728302001953,196.9240264892578],[433.93125915527344,196.83270263671875],[434.28968811035156,196.7413558959961],[434.6481170654297,196.65003204345703],[435.0065002441406,196.55870819091797],[435.36492919921875,196.4673843383789],[435.7233581542969,196.37606048583984],[436.081787109375,196.2847137451172],[436.4402160644531,196.19338989257812],[436.79864501953125,196.10206604003906],[437.1570281982422,196.0107421875],[437.5154571533203,195.91941833496094],[437.87388610839844,195.82807159423828],[438.23231506347656,195.73674774169922],[438.5907440185547,195.64542388916016],[438.94898986816406,195.55414581298828],[439.307373046875,195.46282196044922],[439.6658020019531,195.37147521972656],[440.02423095703125,195.2801513671875],[440.3826599121094,195.18882751464844],[440.7410888671875,195.09750366210938],[441.0995178222656,195.0061798095703],[441.45790100097656,194.91483306884766],[441.8163299560547,194.8235092163086],[442.1747589111328,194.73218536376953],[442.53318786621094,194.64086151123047],[442.89161682128906,194.5495376586914],[443.25,194.45819091796875],[443.6084289550781,194.3668670654297],[443.96685791015625,194.27554321289062],[444.3252868652344,194.18421936035156],[444.6837158203125,194.0928955078125],[445.04209899902344,194.00157165527344],[445.40052795410156,193.91022491455078],[445.7589569091797,193.81890106201172],[446.1173858642578,193.72757720947266],[446.47581481933594,193.6362533569336],[446.8341979980469,193.54492950439453],[447.192626953125,193.45358276367188],[447.5510559082031,193.3622589111328],[447.90948486328125,193.27093505859375],[448.2679138183594,193.1796112060547],[448.6263427734375,193.08828735351562],[448.98472595214844,192.99694061279297],[449.34315490722656,192.9056167602539],[449.70140075683594,192.81433868408203],[450.05982971191406,192.72301483154297],[450.4182586669922,192.6316909790039],[450.7766876220703,192.54034423828125],[451.13507080078125,192.4490203857422],[451.4934997558594,192.35769653320312],[451.8519287109375,192.26637268066406],[452.2103576660156,192.175048828125],[452.56878662109375,192.08370208740234],[452.9272155761719,191.99237823486328],[453.2855987548828,191.90105438232422],[453.64402770996094,191.80973052978516],[454.00245666503906,191.7183952331543],[454.3608856201172,191.62707138061523],[454.7193145751953,191.53573608398438],[455.07769775390625,191.4444122314453],[455.4361267089844,191.35308837890625],[455.7945556640625,191.2617530822754],[456.1529846191406,191.17042922973633],[456.51141357421875,191.07909393310547],[456.8697967529297,190.9877700805664],[457.2282257080078,190.89644622802734],[457.58665466308594,190.80511093139648],[457.94508361816406,190.71378707885742],[458.3035125732422,190.62246322631836],[458.6618957519531,190.5311279296875],[459.02032470703125,190.43980407714844],[459.3787536621094,190.34846878051758],[459.7371826171875,190.25714492797852],[460.0956115722656,190.16582107543945],[460.453857421875,190.07453155517578],[460.8122863769531,189.98320770263672],[461.17066955566406,189.89187240600586],[461.5290985107422,189.8005485534668],[461.8875274658203,189.70922470092773],[462.24595642089844,189.61788940429688],[462.60438537597656,189.5265655517578],[462.9627685546875,189.43524169921875],[463.3211975097656,189.3439064025879],[463.67962646484375,189.25258255004883],[464.0380554199219,189.16124725341797],[464.396484375,189.0699234008789],[464.75486755371094,188.97859954833984],[465.11329650878906,188.88726425170898],[465.4717254638672,188.79594039916992],[465.8301544189453,188.70460510253906],[466.18858337402344,188.61328125],[466.54701232910156,188.52195739746094],[466.9053955078125,188.43062210083008],[467.2638244628906,188.33929824829102],[467.62225341796875,188.24796295166016],[467.9806823730469,188.1566390991211],[468.339111328125,188.06531524658203],[468.69749450683594,187.97397994995117],[469.05592346191406,187.8826560974121],[469.4143524169922,187.79132080078125],[469.7727813720703,187.6999969482422],[470.13121032714844,187.60867309570312],[470.4895935058594,187.51733779907227],[470.8480224609375,187.4260139465332],[471.2062683105469,187.33472442626953],[471.564697265625,187.24340057373047],[471.9231262207031,187.1520767211914],[472.28155517578125,187.06074142456055],[472.6399841308594,186.96941757202148],[472.9983673095703,186.87809371948242],[473.35679626464844,186.78675842285156],[473.71522521972656,186.6954345703125],[474.0736541748047,186.60409927368164],[474.4320831298828,186.51277542114258],[474.79046630859375,186.42145156860352],[475.1488952636719,186.33011627197266],[475.50732421875,186.2387924194336],[475.8657531738281,186.14745712280273],[476.22418212890625,186.05613327026367],[476.5825653076172,185.9648094177246],[476.9409942626953,185.87347412109375],[477.29942321777344,185.7821502685547],[477.65785217285156,185.69082641601562],[478.0162811279297,185.59949111938477],[478.3747100830078,185.5081672668457],[478.73309326171875,185.41683197021484],[479.0915222167969,185.32550811767578],[479.449951171875,185.23418426513672],[479.8083801269531,185.14284896850586],[480.16680908203125,185.0515251159668],[480.5251922607422,184.96018981933594],[480.8836212158203,184.86886596679688],[481.24205017089844,184.7775421142578],[481.60047912597656,184.68620681762695],[481.95872497558594,184.59492874145508],[482.31715393066406,184.50359344482422],[482.675537109375,184.41226959228516],[483.0339660644531,184.3209457397461],[483.39239501953125,184.22961044311523],[483.7508239746094,184.13828659057617],[484.1092529296875,184.0469512939453],[484.46763610839844,183.95562744140625],[484.82606506347656,183.8643035888672],[485.1844940185547,183.77296829223633],[485.5429229736328,183.68164443969727],[485.90135192871094,183.5903205871582],[486.25978088378906,183.49898529052734],[486.6181640625,183.40766143798828],[486.9765930175781,183.31632614135742]], bounds=3000, full_zoom=0.25, max_episode_steps=2000 ) Singapore = RaceTrack( name='Singapore', xy=[[616.8169116210938,240.72240234375002],[616.7828979492188,240.29294677734376],[616.748818359375,239.86349121093753],[616.7148046875001,239.43403564453126],[616.6807250976562,239.004580078125],[616.6467114257813,238.57512451171877],[616.6126318359376,238.1456689453125],[616.5786181640625,237.71622985839846],[616.5446044921875,237.2867742919922],[616.5105249023438,236.85733520507813],[616.4765112304688,236.4278796386719],[616.442431640625,235.99842407226564],[616.4084179687501,235.5689685058594],[616.3743383789063,235.13951293945314],[616.3403247070313,234.71005737304688],[616.3062451171876,234.28060180664065],[616.2722314453125,233.85114624023439],[616.2382177734376,233.42170715332034],[616.2041381835938,232.99225158691408],[616.1701245117188,232.5628125],[616.136044921875,232.13334045410159],[616.1020312500001,231.7039013671875],[616.0679516601563,231.27444580078125],[616.0339379882813,230.84499023437502],[615.9999243164062,230.41553466796876],[615.9658447265625,229.98607910156252],[615.9318310546876,229.55662353515626],[615.8977514648437,229.12716796875],[615.8637377929688,228.69771240234377],[615.8296582031251,228.2682733154297],[615.79564453125,227.83881774902346],[615.761630859375,227.4093786621094],[615.7275512695313,226.97992309570313],[615.6935375976562,226.5504675292969],[615.6594580078125,226.12101196289063],[615.6254443359376,225.6915563964844],[615.5913647460937,225.26210083007814],[615.5573510742188,224.83264526367188],[615.5233374023438,224.40318969726565],[615.4892578125,223.97375061035157],[615.455244140625,223.54429504394534],[615.4211645507813,223.1148229980469],[615.3871508789063,222.685400390625],[615.3530712890625,222.25592834472658],[615.3190576171876,221.8264892578125],[615.2850439453125,221.39703369140628],[615.2509643554688,220.96757812500002],[615.2169506835938,220.53812255859376],[615.18287109375,220.10866699218752],[615.148857421875,219.67921142578126],[615.1147778320313,219.24975585937503],[615.0807641601563,218.82030029296877],[615.0467504882813,218.3908612060547],[615.0126708984376,217.96140563964846],[614.9786572265625,217.5319665527344],[614.9445776367188,217.10251098632813],[614.9105639648438,216.6730554199219],[614.876484375,216.24359985351563],[614.8424707031251,215.8141442871094],[614.80845703125,215.38468872070314],[614.7743774414063,214.95523315429688],[614.7403637695313,214.52577758789064],[614.7062841796875,214.09633850097657],[614.6722705078125,213.66688293457034],[614.6381909179688,213.23742736816408],[614.6041772460937,212.80797180175782],[614.5701635742188,212.37853271484377],[614.5360839843751,211.9490771484375],[614.5020703125,211.51962158203128],[614.4679907226563,211.09016601562502],[614.4339770507813,210.66071044921875],[614.3998974609375,210.23125488281252],[614.3658837890625,209.80181579589845],[614.3318041992188,209.37234375000003],[614.2977905273438,208.94290466308595],[614.2637768554688,208.5134490966797],[614.2296972656251,208.08399353027346],[614.19568359375,207.6545544433594],[614.1616040039063,207.22509887695313],[614.1275903320313,206.7956433105469],[614.0935107421875,206.36618774414063],[614.0594970703125,205.9367321777344],[614.0254833984376,205.50727661132814],[613.9914038085938,205.07782104492188],[613.9573901367188,204.64838195800783],[613.9233105468751,204.21892639160157],[613.889296875,203.78947082519534],[613.8552172851563,203.36001525878908],[613.8212036132813,202.930576171875],[613.7871899414063,202.50112060546877],[613.7531103515626,202.0716650390625],[613.7190966796876,201.64220947265628],[613.6850170898438,201.21275390625001],[613.6510034179688,200.78329833984375],[613.6169238281251,200.35384277343752],[613.58291015625,199.92440368652345],[613.5488964843751,199.49494812011721],[613.5148168945312,199.06549255371095],[613.4808032226563,198.6360369873047],[613.4467236328126,198.20659790039065],[613.4127099609375,197.7771423339844],[613.3786303710938,197.34768676757812],[613.3446166992188,196.9182312011719],[613.3106030273437,196.48877563476563],[613.2765234375,196.0593200683594],[613.2425097656251,195.62986450195314],[613.2084301757812,195.20042541503906],[613.1744165039063,194.77096984863283],[613.1403369140626,194.34151428222657],[613.1063232421875,193.91205871582034],[613.0723095703125,193.48261962890626],[613.0382299804688,193.0531640625],[613.0042163085938,192.62370849609377],[612.97013671875,192.1942529296875],[612.9361230468751,191.76479736328128],[612.9020434570313,191.335341796875],[612.8680297851563,190.90588623046875],[612.8340161132813,190.4764471435547],[612.7999365234375,190.04699157714845],[612.7659228515626,189.6175360107422],[612.7318432617188,189.18808044433595],[612.6978295898438,188.75864135742188],[612.66375,188.32918579101565],[612.6297363281251,187.89973022460939],[612.59572265625,187.47027465820312],[612.5616430664063,187.0408190917969],[612.5276293945313,186.61136352539063],[612.4935498046875,186.1819079589844],[612.4595361328126,185.75245239257814],[612.4254565429688,185.32301330566406],[612.3914428710938,184.89355773925783],[612.3573632812501,184.46410217285157],[612.323349609375,184.03464660644534],[612.2893359375,183.60520751953126],[612.2552563476563,183.175751953125],[612.2212426757812,182.74629638671877],[612.1871630859375,182.3168408203125],[612.1531494140626,181.88738525390627],[612.1190698242187,181.4579296875],[612.0850561523438,181.02847412109375],[612.0510424804688,180.5990350341797],[612.016962890625,180.16957946777345],[611.98294921875,179.7401239013672],[611.9488696289063,179.31066833496095],[611.9148559570312,178.88122924804688],[611.8807763671875,178.45177368164065],[611.8467626953126,178.02231811523438],[611.8127490234375,177.59286254882812],[611.7786694335938,177.1634069824219],[611.7446557617188,176.73395141601563],[611.710576171875,176.3044958496094],[611.6765625,175.87505676269532],[611.6424829101563,175.44560119628906],[611.6084692382813,175.01614562988283],[611.5744555664063,174.58669006347657],[611.5403759765626,174.15725097656252],[611.5063623046875,173.72779541015626],[611.4722827148438,173.29833984375],[611.4382690429688,172.86888427734377],[611.404189453125,172.4394287109375],[611.37017578125,172.00997314453127],[611.3361621093751,171.5805340576172],[611.3020825195313,171.15106201171875],[611.2680688476563,170.7216229248047],[611.2339892578126,170.29216735839844],[611.1999755859375,169.8627117919922],[611.1658959960938,169.43327270507814],[611.1318823242187,169.00381713867188],[611.0978686523438,168.57436157226564],[611.0637890625001,168.14490600585938],[611.029775390625,167.71545043945315],[610.9956958007813,167.2859948730469],[610.9616821289063,166.85653930664063],[610.9276025390625,166.42710021972658],[610.8935888671875,165.99764465332032],[610.8595751953126,165.56818908691406],[610.8254956054687,165.13873352050783],[610.7914819335938,164.70927795410157],[610.7574023437501,164.27982238769533],[610.723388671875,163.85038330078126],[610.6893090820313,163.420927734375],[610.6552954101563,162.99147216796877],[610.6212158203125,162.5620166015625],[610.5872021484375,162.13257751464846],[610.5531884765626,161.7031219482422],[610.5191088867188,161.27366638183594],[610.4850952148438,160.8442108154297],[610.4510156250001,160.41475524902344],[610.417001953125,159.9852996826172],[610.3829223632813,159.55586059570314],[610.3489086914063,159.12640502929688],[610.3148950195313,158.69694946289064],[610.2808154296876,158.26749389648438],[610.2468017578126,157.83803833007815],[610.2127221679688,157.4085827636719],[610.1787084960938,156.97914367675781],[610.1446289062501,156.54968811035158],[610.110615234375,156.12023254394532],[610.0766015625001,155.69077697753906],[610.0425219726563,155.26133789062501],[610.0085083007813,154.83186584472656],[609.9744287109376,154.40242675781252],[609.9404150390625,153.97297119140626],[609.9063354492188,153.543515625],[609.8723217773438,153.11406005859376],[609.8383081054687,152.6846209716797],[609.804228515625,152.25516540527346],[609.7702148437501,151.8257098388672],[609.7361352539062,151.39625427246094],[609.7021215820313,150.9667987060547],[609.6680419921876,150.53734313964844],[609.6340283203125,150.1079040527344],[609.6000146484375,149.67844848632814],[609.5659350585938,149.24899291992188],[609.5319213867188,148.81953735351564],[609.497841796875,148.39008178710938],[609.4638281250001,147.96062622070315],[609.4297485351562,147.5311706542969],[609.3957348632813,147.1017315673828],[609.3617211914063,146.67227600097658],[609.3276416015625,146.24282043457032],[609.2936279296875,145.81336486816406],[609.2595483398438,145.38392578125],[609.2255346679688,144.95445373535156],[609.191455078125,144.52501464843752],[609.1574414062501,144.09555908203126],[609.123427734375,143.666103515625],[609.0893481445313,143.23664794921876],[609.0553344726563,142.8072088623047],[609.0212548828125,142.37775329589846],[608.9872412109376,141.9482977294922],[608.9531616210938,141.51884216308594],[608.9191479492188,141.0893865966797],[608.8851342773438,140.65993103027344],[608.8510546875001,140.2304919433594],[608.817041015625,139.80103637695314],[608.7829614257813,139.37158081054687],[608.747431640625,138.94225708007812],[608.709462890625,138.51313110351563],[608.671494140625,138.08400512695314],[608.6334594726563,137.65488739013674],[608.5954907226563,137.22576965332033],[608.5575219726563,136.7966436767578],[608.5195532226563,136.3675259399414],[608.4815844726563,135.93840820312502],[608.4435498046876,135.50927398681642],[608.4055810546876,135.08015625000002],[608.3676123046876,134.6510302734375],[608.3296435546876,134.2219125366211],[608.2916088867188,133.7927947998047],[608.2536401367188,133.3636688232422],[608.2156713867188,132.93455108642578],[608.1777026367188,132.50543334960938],[608.1397338867188,132.07629913330078],[608.10169921875,131.64718139648437],[608.06373046875,131.21805541992188],[608.02576171875,130.78893768310547],[607.98779296875,130.35981994628906],[607.9497583007812,129.93069396972658],[607.9117895507812,129.50157623291017],[607.8738208007813,129.07244201660157],[607.8358520507813,128.64332427978516],[607.7978833007813,128.21420654296875],[607.7598486328126,127.78508056640626],[607.7218798828126,127.35596282958986],[607.6839111328126,126.92684509277345],[607.6459423828126,126.49771911621094],[607.6079077148438,126.06860137939454],[607.5699389648438,125.63946716308594],[607.5319702148438,125.21034942626954],[607.4940014648438,124.78123168945314],[607.455966796875,124.35210571289063],[607.417998046875,123.92298797607423],[607.380029296875,123.49387023925782],[607.342060546875,123.06474426269531],[607.304091796875,122.63561828613283],[607.2660571289063,122.20649230957032],[607.2280883789062,121.77737457275391],[607.1901196289062,121.3482568359375],[607.1521508789062,120.919130859375],[607.1141162109376,120.49001312255861],[607.0761474609376,120.0608953857422],[607.0381787109376,119.6317694091797],[607.0002099609376,119.2026434326172],[606.9622412109376,118.77351745605469],[606.9242065429688,118.34439971923828],[606.8862377929688,117.91528198242189],[606.8482690429688,117.48615600585939],[606.8103002929688,117.05703826904298],[606.772265625,116.62792053222657],[606.734296875,116.19878631591797],[606.696328125,115.76966857910158],[606.658359375,115.34054260253907],[606.620390625,114.91142486572267],[606.5823559570313,114.48230712890626],[606.5443872070313,114.05318115234375],[606.5064184570313,113.62406341552735],[606.4684497070313,113.19494567871095],[606.4304150390625,112.76581146240235],[606.3924462890625,112.33669372558595],[606.3544775390625,111.90756774902344],[606.3165087890626,111.47845001220703],[606.2785400390626,111.04933227539063],[606.2405053710938,110.62020629882814],[606.2025366210938,110.19108856201173],[606.1645678710938,109.76195434570313],[606.1265991210938,109.33283660888672],[606.0885644531251,108.90371887207031],[606.050595703125,108.47459289550783],[606.012626953125,108.04547515869142],[605.974658203125,107.61635742187501],[605.9366235351563,107.1872314453125],[605.8986547851563,106.7581137084961],[605.8606860351563,106.3289794921875],[605.8227172851563,105.8998617553711],[605.7847485351563,105.4707440185547],[605.7467138671875,105.0416180419922],[605.7087451171875,104.61250030517579],[605.6707763671875,104.18337432861328],[605.6328076171875,103.75425659179689],[605.5947729492187,103.32513885498048],[605.5568041992188,102.89600463867188],[605.5188354492188,102.46689514160157],[605.4808666992188,102.03776916503907],[605.4426342773438,101.60866790771485],[605.4043359375,101.17958312988281],[605.366103515625,100.7504736328125],[605.3278051757812,100.32138885498047],[605.2895727539063,99.89228759765626],[605.2512744140626,99.46319458007814],[605.2130419921875,99.03409332275392],[605.1747436523438,98.60500854492189],[605.1365112304688,98.17589904785157],[605.0982128906251,97.74679779052735],[605.05998046875,97.31771301269532],[605.0216821289063,96.88860351562501],[604.9834497070312,96.45951873779298],[604.9451513671876,96.03041748046876],[604.9069189453126,95.60132446289063],[604.8686206054688,95.17222320556641],[604.8303881835938,94.74312194824219],[604.7920898437501,94.31402893066407],[604.7538574218751,93.88492767333985],[604.7155590820313,93.45584289550781],[604.6773266601563,93.0267333984375],[604.6390283203125,92.59764862060547],[604.6007958984376,92.16854736328126],[604.5624975585938,91.73943786621095],[604.52419921875,91.31035308837892],[604.485966796875,90.8812518310547],[604.4476684570313,90.45215881347657],[604.4094360351563,90.02305755615235],[604.3711376953125,89.59397277832032],[604.3329052734375,89.16486328125],[604.2946069335937,88.73576202392579],[604.2563745117188,88.30667724609376],[604.218076171875,87.87756774902344],[604.17984375,87.44848297119141],[604.1415454101563,87.01938171386719],[604.1033129882813,86.59028869628906],[604.0650146484376,86.16118743896484],[604.0267822265625,85.73210266113281],[603.9884838867188,85.3029931640625],[603.9502514648437,84.8738919067383],[603.9119531250001,84.44480712890626],[603.8737207031251,84.01569763183595],[603.8354223632813,83.58661285400392],[603.7971899414063,83.1575115966797],[603.7588916015626,82.72841857910157],[603.7206591796876,82.29931732177735],[603.6823608398438,81.87021606445313],[603.6441284179688,81.441123046875],[603.605830078125,81.01202178955079],[603.5675976562501,80.58293701171876],[603.5292993164063,80.15382751464844],[603.4910668945313,79.72474273681641],[603.4527685546875,79.29564147949219],[603.4145361328125,78.86653198242188],[603.3762377929688,78.43744720458984],[603.3380053710938,78.00834594726562],[603.29970703125,77.5792529296875],[603.261474609375,77.1501516723633],[603.2231762695313,76.72106689453126],[603.1848779296876,76.29195739746095],[603.1466455078125,75.86287261962892],[603.1083471679688,75.4337713623047],[603.0701147460937,75.00466186523438],[603.0318164062501,74.57557708740235],[602.993583984375,74.14647583007813],[602.9552856445313,73.7173828125],[602.9170532226562,73.28828155517579],[602.8787548828126,72.85919677734375],[602.8405224609376,72.43008728027344],[602.8022241210938,72.00098602294922],[602.7639916992188,71.57190124511719],[602.725693359375,71.14279174804688],[602.6874609375001,70.71370697021484],[602.6491625976563,70.28460571289062],[602.6109301757813,69.8555126953125],[602.5726318359375,69.42641143798829],[602.5343994140626,68.99731018066407],[602.4961010742188,68.56822128295899],[602.4578686523438,68.13911590576173],[602.419306640625,67.71003936767579],[602.3807446289063,67.28096282958985],[602.3421826171875,66.8519027709961],[602.3036206054688,66.42282623291015],[602.26505859375,65.99374969482422],[602.2264965820312,65.56468963623047],[602.1879345703126,65.13561309814453],[602.1493725585938,64.70655303955078],[602.1108105468751,64.27747650146485],[602.0722485351563,63.8484164428711],[602.0336865234375,63.419335784912114],[601.9951245117188,62.990275726318366],[601.9565625,62.56119918823243],[601.9179345703126,62.132122650146485],[601.8793725585938,61.70306259155274],[601.840810546875,61.2739860534668],[601.8022485351563,60.844921875000004],[601.7636865234375,60.41584533691407],[601.7251245117188,59.98678527832032],[601.6865625,59.55770874023438],[601.6480004882812,59.12863220214844],[601.6094384765626,58.69957214355469],[601.5708764648438,58.27049560546875],[601.5323144531251,57.841435546875005],[601.4937524414063,57.41235900878907],[601.4551904296875,56.98329483032227],[601.4165625,56.554218292236335],[601.3780004882813,56.12514175415039],[601.3394384765626,55.69608169555664],[601.3008764648438,55.267005157470706],[601.262314453125,54.83794509887696],[601.2237524414063,54.40886856079102],[601.1851904296875,53.97980850219727],[601.1466284179688,53.55072784423828],[601.10806640625,53.121651306152344],[601.0695043945312,52.692591247558596],[601.0309423828126,52.26351470947266],[600.9923803710938,51.83445465087891],[600.9538183593751,51.405378112792974],[600.9151904296875,50.976318054199226],[600.8763647460938,50.54727035522461],[600.8374731445313,50.11823913574219],[600.7985815429688,49.68919555664063],[600.7596899414062,49.26014785766602],[600.7207983398438,48.831116638183595],[600.6819067382813,48.40206893920899],[600.64294921875,47.97303771972656],[600.6040576171876,47.543990020751956],[600.5651660156251,47.11495880126954],[600.5262744140625,46.68591522216797],[600.4873828125001,46.256867523193364],[600.4484912109375,45.82783630371094],[600.409599609375,45.39878860473633],[600.3707080078126,44.96975738525391],[600.33181640625,44.5407096862793],[600.2928588867188,44.111678466796874],[600.2539672851562,43.682634887695315],[600.2150756835938,43.25358718872071],[600.1761840820313,42.82455596923828],[600.1372924804688,42.395508270263676],[600.0984008789063,41.96647705078125],[600.0595092773438,41.537429351806644],[600.0206176757813,41.10839813232422],[599.9817260742188,40.67935455322266],[599.9427685546875,40.25030685424805],[599.9038769531251,39.82127563476563],[599.8649853515625,39.39222793579102],[599.82609375,38.963196716308595],[599.7872021484376,38.53414901733399],[599.748310546875,38.10512191772461],[599.7094189453126,37.67607421875],[599.67052734375,37.24704299926758],[599.6315698242188,36.81799530029297],[599.5926782226563,36.388947601318364],[599.5537866210938,35.95991638183594],[599.5148950195313,35.53086868286133],[599.4760034179687,35.101841583251954],[599.4285424804688,34.67371673583985],[599.3535278320313,34.249635543823246],[599.2476635742188,33.8321420288086],[599.1083789062501,33.42464332580567],[598.9345532226563,33.0306413269043],[598.7257910156251,32.65399429321289],[598.482685546875,32.29857490539551],[598.20767578125,31.967178497314457],[597.9040576171875,31.661786727905277],[597.5755883789063,31.383186492919926],[597.2263549804688,31.131134719848635],[596.8601806640626,30.904430465698244],[596.4802954101563,30.701341323852542],[596.089599609375,30.52006484985352],[595.6902685546876,30.35847106933594],[595.2842138671875,30.214706039428712],[594.8728857421876,30.086800460815432],[594.4573388671876,29.973091964721682],[594.0386279296876,29.872066497802738],[593.6172143554688,29.78249221801758],[593.1938891601563,29.702867431640627],[592.768916015625,29.63219924926758],[592.3427563476563,29.569494781494143],[591.9155419921875,29.51385383605957],[591.4876025390626,29.464466857910157],[591.05900390625,29.421006317138673],[590.6298779296875,29.382477264404297],[590.20048828125,29.348263778686526],[589.7707690429688,29.317953872680665],[589.3407861328126,29.29153518676758],[588.9106713867188,29.267458648681643],[588.4803588867188,29.24609916687012],[588.04998046875,29.227195129394534],[587.6195361328125,29.2099658203125],[587.1890258789062,29.194122848510744],[586.7585156250001,29.179472579956055],[586.3278735351563,29.166029434204102],[585.8972973632813,29.152588348388672],[585.4667211914062,29.139458312988282],[585.0360791015626,29.126486892700196],[584.6055029296875,29.113383636474612],[584.1749267578125,29.09910209655762],[583.7443505859376,29.084820556640626],[583.3138403320313,29.069447250366213],[582.8833959960938,29.052619628906253],[582.4529516601563,29.03427589416504],[582.022705078125,29.013645629882813],[581.5924584960937,28.990994567871095],[581.1624096679687,28.96644630432129],[580.7324267578125,28.938900833129885],[580.3027734375,28.908193359375],[579.8733178710938,28.87426208496094],[579.4441259765625,28.836717681884767],[579.0153955078125,28.79509460449219],[578.5869946289063,28.749436111450198],[578.1591870117188,28.69867309570313],[577.73197265625,28.643155746459964],[577.3055493164063,28.582062149047854],[576.8799829101563,28.514984436035157],[576.4554711914063,28.441897888183597],[576.0322119140625,28.361537704467775],[575.61046875,28.274011001586917],[575.1903076171875,28.17895317077637],[574.7721899414063,28.075095291137696],[574.3564453125,27.962367324829103],[573.9434033203125,27.839939117431644],[573.5335253906251,27.70731010437012],[573.1274047851563,27.563707809448243],[572.7255029296875,27.408619308471682],[572.3286108398438,27.241125869750977],[571.9369262695313,27.061732177734378],[571.549130859375,26.874284133911136],[571.1650927734376,26.67903305053711],[570.7848779296876,26.47646713256836],[570.4088818359376,26.266250610351562],[570.0369067382812,26.04895202636719],[569.6693481445313,25.824291229248047],[569.3061401367188,25.592706985473633],[568.9473486328126,25.354168395996094],[568.5932373046876,25.108873214721683],[568.2436743164063,24.857111892700196],[567.898857421875,24.598861770629885],[567.5587866210938,24.334421539306643],[567.2233959960938,24.064046630859377],[566.8928833007812,23.78778030395508],[566.5671166992188,23.505890350341797],[566.2460302734376,23.21864456176758],[565.9298217773438,22.9261376953125],[565.6182275390626,22.62863136291504],[565.3113134765625,22.326360397338867],[565.0089477539063,22.019466934204104],[564.7111962890625,21.708156967163088],[564.417861328125,21.392661209106446],[564.1288769531251,21.07318771362305],[563.8443090820313,20.749724121093752],[563.5636303710938,20.422911071777346],[563.2871704101562,20.092567291259765],[563.0146655273438,19.758925552368165],[562.745654296875,19.422439041137697],[562.4807299804688,19.082724609375003],[562.2190356445312,18.740499114990236],[561.9608349609375,18.395700759887696],[561.7059301757813,18.048418121337892],[561.4537939453126,17.699108505249026],[561.2049536132813,17.347448501586914],[560.9586181640625,16.99401695251465],[560.7149194335938,16.638770599365234],[560.4736596679688,16.281860847473144],[560.2345751953126,15.923507080078126],[559.997666015625,15.563688697814943],[559.7628002929688,15.202547836303712],[559.5291210937501,14.840613899230958],[559.2970239257813,14.477704582214356],[559.0663769531251,14.113838424682617],[558.8368505859376,13.749325447082521],[558.6080493164063,13.38427688598633],[558.3793139648437,13.019228324890138],[558.151171875,12.653779106140137],[557.9232275390625,12.288227920532227],[557.6952172851563,11.9227498626709],[557.4666796875,11.557522087097169],[557.2373510742187,11.192846374511719],[557.0070336914063,10.828775253295898],[556.7755297851563,10.465472488403321],[556.542509765625,10.103142013549805],[556.30705078125,9.742362670898439],[556.0696142578125,9.382925376892091],[555.8293432617188,9.025360565185547],[555.5856445312501,8.67011215209961],[555.3384521484376,8.317310943603516],[555.0872387695313,7.9673251533508305],[554.8311474609376,7.620918502807617],[554.56998046875,7.278305740356446],[554.3032763671876,6.940023994445801],[554.0303759765625,6.60671802520752],[553.7503564453125,6.279337463378907],[553.4627563476563,5.958613586425781],[553.166982421875,5.645464611053467],[552.8622106933594,5.340983848571778],[552.5479138183595,5.046375331878663],[552.2234326171875,4.763061447143555],[551.888173828125,4.492588691711426],[551.5417419433594,4.236578235626221],[551.1838403320313,3.996896896362305],[550.8144030761719,3.7753888320922853],[550.4336938476563,3.573926525115967],[550.0421740722657,3.394295167922974],[549.640634765625,3.2385145282745365],[549.2302954101563,3.107618436813355],[548.8125732421876,3.0025493144989017],[548.3890832519531,2.9238587093353274],[547.961572265625,2.8716151142120365],[547.5316882324219,2.844107751846314],[547.1009802246094,2.8386705493927002],[546.670634765625,2.8566445255279542],[546.2420361328126,2.899456701278687],[545.8168981933594,2.9686685085296634],[545.3970666503907,3.0648575019836426],[544.9845190429688,3.1885036468505863],[544.5812658691407,3.3399053764343263],[544.1891857910157,3.5181367492675784],[543.8098608398437,3.7221296882629398],[543.4445764160157,3.950375032424927],[543.0942883300781,4.201034803390503],[542.7596887207031,4.472255573272705],[542.4407446289063,4.761750812530518],[542.1372583007812,5.06746187210083],[541.8491638183594,5.387686729431152],[541.5755053710938,5.720386047363282],[541.3159863281251,6.064140014648438],[541.0695190429688,6.417454662322998],[540.8353454589844,6.7790615844726565],[540.6129052734375,7.147956047058106],[540.4013745117188,7.52320541381836],[540.1999291992188,7.903969745635987],[540.0078442382813,8.289605827331544],[539.8245922851563,8.679468383789063],[539.6494482421875,9.07304500579834],[539.4818847656251,9.469903106689454],[539.32130859375,9.86962760925293],[539.1672253417969,10.271943511962892],[539.0190747070313,10.676470756530762],[538.8767248535156,11.083037338256837],[538.7396813964845,11.49146095275879],[538.6074169921875,11.901445999145508],[538.4795690917969,12.312833862304688],[538.3562036132813,12.725596733093262],[538.2366613769532,13.139460639953613],[538.1206457519531,13.554357604980469],[538.0082556152344,13.970232009887697],[537.8988317871094,14.386912879943848],[537.7923742675781,14.8043363571167],[537.6889489746094,15.222541580200197],[537.58740234375,15.641201019287111],[537.4887561035157,16.060561866760256],[537.3921203613281,16.480374870300295],[537.2972973632812,16.900561752319337],[537.2041223144531,17.321188430786133],[537.1127600097657,17.742196197509767],[537.0230456542969,18.16354591369629],[536.93455078125,18.58515724182129],[536.8471765136719,19.006993103027344],[536.7609558105469,19.42908027648926],[536.6758227539062,19.851402282714844],[536.5916455078126,20.273889083862304],[536.5080944824219,20.69648712158203],[536.4245764160156,21.11911605834961],[536.3422778320313,21.541981887817386],[536.2601770019531,21.96489303588867],[536.1780761718751,22.387806243896485],[536.0959753417969,22.8106844329834],[536.0138745117188,23.23359558105469],[535.931707763672,23.65650054931641],[535.8494091796875,24.079376678466797],[535.7671435546876,24.50225280761719],[535.6840539550782,24.924935302734376],[535.6005688476563,25.347576599121094],[535.5170837402344,25.770219955444336],[535.4322802734375,26.19258728027344],[535.34671875,26.614781570434573],[535.2603332519532,27.036837844848634],[535.1728601074219,27.458669586181642],[535.0839038085937,27.880204696655277],[534.9950134277344,28.3017212677002],[534.9064526367188,28.72332229614258],[534.8204296875,29.145452728271486],[534.7359228515626,29.567879791259767],[534.6528332519532,29.99057876586914],[534.5721496582032,30.413765945434573],[534.4931469726563,30.837218856811525],[534.4155615234375,31.26098487854004],[534.3402502441406,31.685156707763674],[534.2667517089844,32.10965400695801],[534.194736328125,32.53435317993164],[534.1247973632812,32.95944786071777],[534.0569018554688,33.38486183166504],[533.9904235839845,33.81051681518555],[533.9259228515625,34.236468429565434],[533.8636303710938,34.66272079467774],[533.8028210449219,35.08921005249024],[533.7437915039063,35.5159506225586],[533.6872338867188,35.94300842285156],[533.6321923828125,36.370259857177736],[533.5786669921876,36.797729644775394],[533.5278771972656,37.22553726196289],[533.4786364746094,37.653513793945315],[533.4309448242188,38.081651000976564],[533.3858569335938,38.51006011962891],[533.342548828125,38.938704071044924],[533.3008557128907,39.36746337890625],[533.2614697265625,39.796465759277346],[533.2243249511719,40.22566589355469],[533.1887951660157,40.6549772644043],[533.1552429199219,41.08447402954102],[533.1243603515626,41.514172668457036],[533.0951916503907,41.943970184326176],[533.0677697753906,42.373858337402346],[533.0431494140626,42.80396484375],[533.0205065917969,43.23417846679688],[532.999676513672,43.66447036743164],[532.9811865234375,44.094877624511724],[532.9648718261719,44.52536727905274],[532.9509960937501,44.95595169067383],[532.9392626953126,45.386597900390626],[532.9300012207032,45.8172770690918],[532.9228820800781,46.24801391601563],[532.9183337402344,46.67876724243165],[532.9160266113281,47.109594726562506],[532.9163232421876,47.540376892089846],[532.9189270019532,47.97120025634766],[532.9241345214845,48.401924743652344],[532.9318139648437,48.83266159057617],[532.9420971679688,49.26334075927735],[532.9550170898438,49.69395401000977],[532.9705407714844,50.1244889831543],[532.9888330078126,50.55485504150391],[533.0098937988282,50.98515518188477],[533.0337231445313,51.41530700683594],[533.0604858398438,51.845273437500005],[533.0900500488282,52.27503387451172],[533.1227124023438,52.70460067749024],[533.1582092285157,53.13391616821289],[533.1970349121094,53.5629721069336],[533.2387609863282,53.991747894287116],[533.2839477539063,54.4201611328125],[533.3322326660157,54.84824890136719],[533.3839453125,55.27594528198242],[533.4391186523438,55.70320907592774],[533.4975549316407,56.129970245361335],[533.5599462890625,56.556261749267584],[533.6258312988282,56.98197647094727],[533.6954406738282,57.40712677001954],[533.7690380859375,57.831609649658205],[533.8464916992187,58.25535095214844],[533.9279333496094,58.67839187622071],[534.0137585449219,59.10056762695313],[534.1036706542969,59.52184936523438],[534.1978674316407,59.94226181030274],[534.2968103027345,60.361495971679695],[534.4003344726563,60.779683685302736],[534.5085058593751,61.19666427612305],[534.621522216797,61.61238830566407],[534.7398120117188,62.02659622192383],[534.8632434082032,62.4393539428711],[534.9919812011719,62.85046783447266],[535.1261901855469,63.25982666015626],[535.26603515625,63.66730682373047],[535.4117797851563,64.07264877319336],[535.5626989746094,64.47617385864258],[535.7140795898438,64.8795053100586],[535.8654602050782,65.28283264160157],[536.0168737792969,65.68616409301758],[536.1679907226563,66.08953262329102],[536.3177233886719,66.49348617553711],[536.4674560546875,66.89743972778321],[536.6171887207032,67.30138916015625],[536.7668884277344,67.70530975341798],[536.9151708984375,68.10980300903321],[537.0632556152344,68.51436218261719],[537.2113403320313,68.91891723632813],[537.3593920898438,69.32347229003906],[537.5063562011719,69.72839813232423],[537.6527929687501,70.13354644775391],[537.7992297363281,70.5386947631836],[537.9456994628906,70.94385131835938],[538.0912463378907,71.34929626464844],[538.2361010742188,71.75502960205078],[538.3809228515626,72.16076293945314],[538.5257446289063,72.56649627685547],[538.6698742675782,72.97247680664063],[538.8130480957032,73.37875396728516],[538.9562878417969,73.78506408691406],[539.0994946289063,74.19136596679688],[539.242108154297,74.59789031982423],[539.3836999511719,75.0047525024414],[539.5253247070312,75.41158996582031],[539.6669165039062,75.8184521484375],[539.8079479980469,76.22552032470703],[539.9479577636719,76.6329345703125],[540.0880004882813,77.0403158569336],[540.2280102539063,77.44773010253907],[540.3673608398437,77.85537506103516],[540.5058215332032,78.26333312988282],[540.6442822265625,78.67128295898438],[540.7827099609375,79.07919982910157],[540.9203466796876,79.4874462890625],[541.0572253417969,79.89592346191407],[541.1941369628906,80.30440063476563],[541.3310156250001,80.7128530883789],[541.466806640625,81.12166809082032],[541.6021691894532,81.53066436767578],[541.7374987792969,81.93966064453126],[541.8728283691406,82.34865692138672],[542.0067736816407,82.75809814453126],[542.1405871582032,83.16759704589845],[542.2744006347657,83.57709594726563],[542.4079504394532,83.98665252685548],[542.54021484375,84.39664581298828],[542.6724792480469,84.80661437988282],[542.8047766113282,85.21660766601563],[542.9363159179688,85.62686462402344],[543.0670971679688,86.0373440551758],[543.1978454589844,86.44779876708985],[543.32859375,86.85827819824219],[543.458056640625,87.26916137695314],[543.5873217773437,87.68011871337892],[543.7165869140625,88.0910760498047],[543.8454235839844,88.50210754394531],[543.9732055664062,88.91352630615235],[544.1009875488281,89.32495330810548],[544.2287365722657,89.73637207031251],[544.3553649902344,90.14815338134767],[544.4816638183594,90.56000061035157],[544.6079296875,90.97188079833985],[544.7337670898438,91.38391754150392],[544.8586157226563,91.79624267578126],[544.9834313964844,92.20854309082031],[545.1082470703126,92.62086822509767],[545.2317443847656,93.03358062744141],[545.3551098632813,93.44634246826172],[545.4785083007813,93.85910430908204],[545.6010168457032,94.27208038330079],[545.7229321289063,94.68527893066407],[545.8448474121094,95.09846923828125],[545.9663671875,95.51179138183595],[546.0868652343751,95.92536895751954],[546.2073632812501,96.3389794921875],[546.3277624511719,96.75261474609376],[546.4468432617188,97.16663726806641],[546.5658911132813,97.58065979003906],[546.6849719238281,97.99464935302736],[546.8027673339844,98.40904266357423],[546.9204309082031,98.82346893310547],[547.0380944824219,99.23789520263672],[547.1546374511719,99.65265106201173],[547.270916748047,100.0674398803711],[547.3871630859376,100.48226165771484],[547.5023876953126,100.89738006591797],[547.6172497558595,101.31258911132814],[547.7321118164062,101.72776519775391],[547.8459191894532,102.14327087402344],[547.9594299316407,102.55885070800782],[548.0729406738282,102.97443878173829],[548.1852319335937,103.39033996582032],[548.2973583984375,103.80625762939454],[548.4094848632812,104.22222473144532],[548.5202600097657,104.63854614257814],[548.63103515625,105.05486755371095],[548.741513671875,105.47124664306641],[548.8509375,105.88792236328126],[548.960361328125,106.3045980834961],[549.0691259765625,106.72142211914063],[549.1772314453125,107.13844390869141],[549.2853369140626,107.55543273925782],[549.3923547363281,107.97274291992188],[549.4991418457032,108.39010253906251],[549.6055993652344,108.80756927490235],[549.7110681152344,109.22526672363281],[549.8165039062501,109.64293121337892],[549.9210498046875,110.0608676147461],[550.0252001953126,110.47889465332032],[550.1290209960938,110.8969793701172],[550.2319189453125,111.31529479980469],[550.334783935547,111.73363494873048],[550.4365283203125,112.15227172851563],[550.5381079101563,112.57093322753907],[550.6390283203125,112.9897430419922],[550.7393225097657,113.40867645263673],[550.839287109375,113.82773345947267],[550.9383618164063,114.24700469970703],[551.0372717285156,114.66625946044923],[551.1350610351562,115.0857861328125],[551.2328833007813,115.50534576416017],[551.329453125,115.92521026611328],[551.4260229492188,116.34505828857422],[551.52140625,116.76516174316407],[551.6167236328125,117.18526519775392],[551.7108544921875,117.60564056396485],[551.8048864746094,118.02604888916017],[551.8977648925782,118.44672912597657],[551.9903796386719,118.86746704101563],[552.0820715332031,119.28836975097657],[552.1731701660157,119.70942901611329],[552.2636425781251,120.1306283569336],[552.353192138672,120.55204193115235],[552.4422802734375,120.97349670410156],[552.5304125976563,121.3951904296875],[552.6177539062501,121.81704895019531],[552.7044689941407,122.23903930664063],[552.7902612304688,122.6612109375],[552.8746362304688,123.08363800048829],[552.9587475585938,123.5061557006836],[553.0420678710938,123.92884643554689],[553.1239379882813,124.35180084228516],[553.205478515625,124.77478820800782],[553.2851074218751,125.1981463623047],[553.3641430664063,125.62164459228516],[553.4416625976563,126.04542297363282],[553.5176000976563,126.46948150634766],[553.5918237304688,126.8938201904297],[553.6635424804688,127.3185955810547],[553.677978515625,127.74888336181641],[553.6881298828125,128.17957489013673],[553.6972924804688,128.61027465820314],[553.7062573242188,129.04095794677735],[553.7148266601563,129.47167419433595],[553.7226708984375,129.90240692138673],[553.7305151367187,130.3331478881836],[553.7382934570313,130.76384765625002],[553.7449511718751,131.194596862793],[553.7515429687501,131.62535430908204],[553.7581347656251,132.056103515625],[553.7647265625001,132.48686096191406],[553.77,132.91761840820314],[553.7752075195312,133.34839233398438],[553.7803491210938,133.77916625976565],[553.785556640625,134.20994018554688],[553.7902368164063,134.64071411132812],[553.7937963867188,135.0714715576172],[553.797421875,135.50226196289063],[553.8010473632813,135.93305236816408],[553.8046728515625,136.3638427734375],[553.80796875,136.79460845947267],[553.8102758789063,137.2254071044922],[553.8126489257813,137.65620574951174],[553.8144287109376,138.08701263427736],[553.8157470703126,138.5178112792969],[553.8170654296875,138.94858520507813],[553.8176586914063,139.37939208984375],[553.8179223632812,139.8101989746094],[553.8181860351563,140.241005859375],[553.8175268554688,140.67177978515625],[553.816669921875,141.1025866699219],[553.8158789062501,141.5333935546875],[553.8138354492188,141.9642169189453],[553.8117919921875,142.39500732421877],[553.8097485351562,142.82578125],[553.8063208007812,143.25657165527343],[553.8028930664063,143.6873620605469],[553.7994653320313,144.11815246582032],[553.7945874023438,144.54892639160158],[553.7897094726563,144.97968383789063],[553.7848974609375,145.41045776367187],[553.7784375,145.84119873046876],[553.7720434570313,146.2719561767578],[553.7655834960938,146.7026806640625],[553.7574096679688,147.13342163085937],[553.7492358398438,147.56414611816408],[553.74099609375,147.99487060546875],[553.7309765625,148.42557861328126],[553.7208911132813,148.85622070312502],[553.7107397460937,149.2869122314453],[553.6990063476563,149.71755432128907],[553.6867456054688,150.14819641113283],[553.6738256835938,150.57878906250002],[553.65978515625,151.00934875488284],[553.6449536132812,151.43990844726562],[553.6294628906251,151.87041870117187],[553.6127856445313,152.30089599609377],[553.5950537109376,152.7313073730469],[553.57646484375,153.1617352294922],[553.5568872070313,153.59209716796877],[553.5356616210938,154.0223602294922],[553.5133813476563,154.45260681152345],[553.4899145507812,154.8827380371094],[553.4650634765626,155.31281982421876],[553.4383007812501,155.742802734375],[553.410087890625,156.17267028808595],[553.3801611328125,156.6023895263672],[553.3485205078125,157.0320428466797],[553.3145727539063,157.46149841308593],[553.2780541992188,157.89075622558596],[553.2391625976563,158.3197998046875],[553.1962500000001,158.74839843750001],[553.1402197265626,159.17551391601563],[553.0701489257813,159.6005859375],[552.9857080078125,160.0230047607422],[552.8863366699219,160.44216064453127],[552.7718701171875,160.8574108886719],[552.64201171875,161.2681951904297],[552.4965966796875,161.67367309570312],[552.3355590820313,162.0732019042969],[552.1589318847657,162.46608947753907],[551.9669458007813,162.85170959472657],[551.7598315429688,163.22940307617188],[551.5378527832031,163.59857666015625],[551.3013720703125,163.95867004394532],[551.0512133789063,164.30930419921876],[550.7875744628907,164.64998474121094],[550.5113781738281,164.9805633544922],[550.2231518554688,165.30069396972658],[549.9236865234375,165.6103436279297],[549.6136743164063,165.90942993164063],[549.2937744140626,166.19796936035158],[548.9647778320312,166.47606079101564],[548.6272119140625,166.74368774414063],[548.2819995117188,167.00129516601564],[547.9297009277344,167.24922912597657],[547.5707446289063,167.4874072265625],[547.2057238769531,167.71614257812502],[546.8352648925782,167.93601196289063],[546.4598620605469,168.1472625732422],[546.07974609375,168.35005920410157],[545.6955432128907,168.54483032226562],[545.3075170898438,168.73205383300783],[544.9161950683595,168.91207580566407],[544.5215771484376,169.0848797607422],[544.1241577148438,169.25124023437502],[543.7242663574219,169.4114208984375],[543.322001953125,169.5655700683594],[542.9176611328126,169.71419860839845],[542.511474609375,169.85773498535158],[542.1035412597656,169.9961462402344],[541.694091796875,170.1301739501953],[541.2834228515626,170.2601971435547],[540.8716003417969,170.38666076660158],[540.4587561035156,170.50968017578126],[540.044989013672,170.62970031738283],[539.6304968261719,170.74710021972658],[539.2157080078125,170.86333007812502],[538.8003259277344,170.9775329589844],[538.3849438476562,171.09175231933594],[537.9696276855469,171.20621887207034],[537.5545422363282,171.3216082763672],[537.1403137207031,171.43976623535158],[536.7272387695313,171.5621923828125],[536.3162731933594,171.6914245605469],[535.9027368164063,171.8095330810547],[535.4744018554688,171.8534509277344],[535.0439575195313,171.87088623046876],[534.61318359375,171.87566528320315],[534.1823767089844,171.87258361816407],[533.7516687011719,171.8639978027344],[533.3210595703125,171.85140747070312],[532.8905822753907,171.83515869140626],[532.4601708984376,171.81688293457032],[532.0298583984376,171.79656372070315],[531.5996447753906,171.77385498046877],[531.1695629882813,171.7498114013672],[530.7394812011719,171.7246307373047],[530.3094982910156,171.69798339843751],[529.8795812988282,171.67019897460938],[529.4497631835937,171.64177185058594],[529.0199780273438,171.61202636718753],[528.5902587890625,171.5817205810547],[528.1605725097656,171.5506402587891],[527.7309521484375,171.51876892089845],[527.3013647460938,171.4865185546875],[526.8718432617188,171.45334533691408],[526.4423217773438,171.42000732421877],[526.0128662109375,171.38572998046877],[525.5834765625,171.35138671875],[525.154119873047,171.31618652343752],[524.7247631835938,171.28095336914063],[524.2954724121095,171.244599609375],[523.8662145996094,171.20814697265627],[523.4369897460938,171.1716943359375],[523.0077319335937,171.13524169921877],[522.5785400390625,171.09791564941406],[522.1494140625,171.0600457763672],[521.7202551269531,171.02217590332032],[521.291162109375,170.98430603027344],[520.8620031738282,170.94638671875],[520.4329760742188,170.90728088378907],[520.0039489746094,170.86817504882814],[519.5749548339844,170.8290692138672],[519.145927734375,170.78996337890626],[518.71693359375,170.75065979003907],[518.2880053710937,170.71048278808595],[517.8590771484376,170.67030578613281],[517.4301818847656,170.6301452636719],[517.0012536621094,170.58996826171875],[516.5723254394532,170.5497088623047],[516.1434960937501,170.5085925292969],[515.7146997070313,170.46749267578127],[515.2858374023438,170.42637634277344],[514.8570080566407,170.38526000976563],[514.4281787109376,170.34414367675782],[513.9993823242188,170.30241760253907],[513.5706518554688,170.2604608154297],[513.1418884277344,170.21850402832033],[512.713125,170.17656372070314],[512.2843615722657,170.13460693359377],[511.85563110351563,170.09255126953127],[511.4269665527344,170.04985290527344],[510.99830200195316,170.00715454101564],[510.5696044921875,169.96443969726565],[510.1409069824219,169.92174133300782],[509.71227539062505,169.87904296875],[509.2836108398438,169.83613037109376],[508.8549792480469,169.79275634765625],[508.42634765625,169.74938232421877],[507.9977490234375,169.70600830078126],[507.56915039062505,169.66263427734376],[507.14055175781255,169.61926025390625],[506.71195312500004,169.57572143554688],[506.2833874511719,169.53173767089845],[505.85485473632815,169.48775390625002],[505.4262890625,169.44377014160156],[504.99775634765626,169.39980285644532],[504.56919067382813,169.3558190917969],[504.14065795898443,169.31181884765627],[503.71219116210943,169.26729125976564],[503.28369140625006,169.22274719238283],[502.8551916503907,169.1782196044922],[502.4266918945313,169.13367553710938],[501.9981921386719,169.08914794921876],[501.5697253417969,169.04462036132813],[501.1412585449219,168.99979614257813],[500.7127917480469,168.9547576904297],[500.2843579101563,168.90970275878908],[499.85595703125006,168.86468078613282],[499.42749023437506,168.8196258544922],[498.99905639648443,168.77458740234377],[498.57058959960943,168.72954895019532],[498.1422546386719,168.68388427734376],[497.71388671875,168.63817016601564],[497.28551879882815,168.59245605468752],[496.8571508789063,168.5467419433594],[496.4287829589844,168.50102783203127],[496.00041503906255,168.45531372070315],[495.5720471191407,168.40959960937502],[495.1436791992188,168.3638854980469],[494.7153112792969,168.31815490722659],[494.286943359375,168.27244079589846],[493.8586083984375,168.22672668457034],[493.4302075195313,168.18101257324219],[493.0018395996094,168.13529846191406],[492.57347167968754,168.08950195312502],[492.1452026367188,168.04299682617187],[491.71693359375,167.99650817871094],[491.2886315917969,167.95000305175782],[490.86036254882816,167.9034979248047],[490.43206054687505,167.85699279785158],[490.00379150390626,167.81048767089845],[489.5755224609375,167.76399902343752],[489.1472204589844,167.7174938964844],[488.71895141601567,167.67098876953125],[488.29064941406256,167.62448364257813],[487.86238037109376,167.577978515625],[487.434111328125,167.53147338867188],[487.0058093261719,167.48498474121095],[486.5775073242188,167.43847961425783],[486.1492712402344,167.39156250000002],[485.7211010742188,167.3443817138672],[485.2928649902344,167.2972009277344],[484.8646618652344,167.25002014160157],[484.4364587402344,167.20283935546877],[484.0082556152344,167.15565856933594],[483.5800524902344,167.10847778320314],[483.15181640625,167.06129699707031],[482.72361328125004,167.01411621093752],[482.29541015625006,166.9669354248047],[481.86720703125,166.91977111816408],[481.43900390625004,166.87259033203125],[481.0107678222657,166.82540954589845],[480.58256469726564,166.77822875976562],[480.15439453125003,166.73104797363283],[479.72622436523443,166.68353759765625],[479.29805419921877,166.63578002929688],[478.86991699218754,166.58800598144532],[478.4417468261719,166.54023193359376],[478.01364257812503,166.4924743652344],[477.5855053710938,166.44470031738283],[477.15733520507814,166.39692626953126],[476.7291979980469,166.3491687011719],[476.3010278320313,166.30139465332033],[475.8729235839844,166.25362060546877],[475.4447863769532,166.2058630371094],[475.0166162109375,166.15808898925783],[474.5884790039063,166.11031494140627],[474.16034179687506,166.0625573730469],[473.7322045898438,166.0147833251953],[473.30406738281255,165.96700927734375],[472.87593017578126,165.9187243652344],[472.4478588867188,165.87043945312502],[472.01978759765626,165.82215454101564],[471.5916833496094,165.77386962890625],[471.1636120605469,165.72558471679687],[470.73550781250003,165.67729980468752],[470.3074035644532,165.62901489257814],[469.87936523437503,165.58072998046876],[469.4512609863282,165.53244506835938],[469.02318969726565,165.4841436767578],[468.5950854492188,165.43585876464846],[468.16701416015627,165.38757385253908],[467.7389428710938,165.3392889404297],[467.3108386230469,165.29100402832032],[466.88273437500004,165.24271911621094],[466.4546630859375,165.19443420410158],[466.02669067382817,165.14568786621095],[465.59865234375,165.09694152832031],[465.1706140136719,165.0481951904297],[464.74257568359377,164.99944885253908],[464.31457031250005,164.95070251464844],[463.8864990234375,164.90195617675784],[463.4584606933594,164.8532098388672],[463.0304223632813,164.80446350097657],[462.6023840332032,164.75571716308596],[462.1743786621094,164.70697082519533],[461.74634033203125,164.6582080078125],[461.31830200195316,164.6094616699219],[460.890263671875,164.56071533203126],[460.4622253417969,164.51196899414063],[460.03421997070313,164.46322265625003],[459.60618164062504,164.4144763183594],[459.1781433105469,164.36546630859377],[458.75017089843755,164.31630798339845],[458.32219848632815,164.26714965820312],[457.8942260742188,164.21797485351564],[457.46622070312503,164.16881652832032],[457.03821533203126,164.119658203125],[456.6102429199219,164.0704998779297],[456.1822705078125,164.02134155273438],[455.7542980957032,163.97216674804687],[455.3262927246094,163.92300842285158],[454.8982873535156,163.87385009765626],[454.47034790039066,163.82469177246094],[454.0423425292969,163.77553344726564],[453.61433715820317,163.72637512207032],[453.1863647460938,163.6772003173828],[452.75835937500005,163.62804199218752],[452.33041992187503,163.5788836669922],[451.90244750976564,163.52934631347657],[451.4745080566407,163.47982543945312],[451.04656860351565,163.43028808593752],[450.61859619140625,163.3807507324219],[450.19068969726567,163.33121337890626],[449.76275024414065,163.2816925048828],[449.3348107910156,163.2321551513672],[448.9068383789063,163.18261779785158],[448.47893188476564,163.13308044433595],[448.0509924316407,163.0835595703125],[447.6230200195313,163.0340222167969],[447.19508056640626,162.98448486328127],[446.7671411132813,162.93494750976564],[446.3392016601563,162.8854266357422],[445.91126220703126,162.83588928222656],[445.4833227539063,162.78635192871096],[445.0553833007813,162.73676513671876],[444.627509765625,162.68689819335938],[444.1996032714844,162.63703125],[443.7716967773438,162.58714782714844],[443.34379028320313,162.53728088378907],[442.91585083007817,162.4873974609375],[442.4879772949219,162.43753051757812],[442.0600378417969,162.38766357421875],[441.6321643066407,162.33779663085937],[441.2042907714844,162.2879296875],[440.7763513183594,162.23804626464846],[440.3484777832032,162.18817932128908],[439.92053833007816,162.13829589843752],[439.4926647949219,162.08842895507814],[439.0647583007813,162.03856201171877],[438.6368188476563,161.9886785888672],[438.2089453125,161.93881164550783],[437.7809729003907,161.88884582519532],[437.35316528320317,161.83853393554688],[436.9253247070313,161.78820556640625],[436.497451171875,161.73787719726565],[436.0696105957032,161.68754882812502],[435.64180297851567,161.63723693847658],[435.213896484375,161.58689208984376],[434.7860888671875,161.53658020019532],[434.35818237304693,161.4862518310547],[433.9303747558594,161.4359234619141],[433.50253417968753,161.38559509277346],[433.07466064453126,161.33526672363283],[432.64682006835943,161.2849383544922],[432.21894653320317,161.23460998535157],[431.7911059570313,161.18429809570313],[431.36329833984377,161.1339697265625],[430.9353918457032,161.0836413574219],[430.50758422851567,161.03331298828127],[430.079677734375,160.98298461914064],[429.6518701171875,160.93265625],[429.2240295410156,160.88234436035157],[428.7961560058594,160.83201599121094],[428.3683154296875,160.78168762207034],[427.94044189453126,160.7313592529297],[427.51260131835943,160.68103088378908],[427.08476074218754,160.63070251464845],[426.6568872070313,160.58037414550782],[426.2290466308594,160.53006225585938],[425.8012390136719,160.47973388671875],[425.3733325195313,160.42940551757815],[424.9455249023438,160.37907714843752],[424.51761840820313,160.3287487792969],[424.0898107910157,160.27842041015626],[423.6619702148438,160.22810852050782],[423.2340966796875,160.17769775390627],[422.80635498046877,160.12684204101564],[422.3785144042969,160.0759698486328],[421.9507397460938,160.0251141357422],[421.52299804687505,159.97425842285156],[421.09515747070316,159.92340270996095],[420.6674157714844,159.87254699707032],[420.2395751953125,159.8216912841797],[419.8118005371094,159.77083557128907],[419.3840588378907,159.71997985839846],[418.9562182617188,159.66910766601563],[418.52847656250003,159.618251953125],[418.10063598632814,159.5673962402344],[417.672861328125,159.51654052734375],[417.24511962890625,159.46568481445314],[416.8172790527344,159.4148291015625],[416.38953735351566,159.3639733886719],[415.96176269531253,159.31311767578126],[415.53392211914064,159.26224548339846],[415.1061804199219,159.21138977050782],[414.67833984375005,159.16053405761718],[414.2505981445313,159.10967834472658],[413.82282348632816,159.05882263183594],[413.3949829101563,159.00796691894533],[412.9672412109375,158.9571112060547],[412.5394006347656,158.9062390136719],[412.1116589355469,158.85538330078126],[411.6838842773438,158.80452758789065],[411.2560437011719,158.753671875],[410.82830200195315,158.70281616210937],[410.40046142578126,158.65194396972657],[409.9727197265625,158.60108825683594],[409.5449450683594,158.55024902343752],[409.11710449218754,158.4993768310547],[408.6894616699219,158.44830688476563],[408.2616870117188,158.39697326660158],[407.8339782714844,158.3456396484375],[407.40626953125,158.29432250976564],[406.9784948730469,158.24298889160158],[406.5507861328125,158.1916717529297],[406.1231103515625,158.14033813476564],[405.6953356933594,158.08900451660156],[405.26762695312505,158.0376873779297],[404.8398522949219,157.98635375976565],[404.41214355468753,157.93502014160157],[403.98443481445315,157.8837030029297],[403.55666015625,157.83236938476563],[403.12895141601564,157.78105224609376],[402.7011767578125,157.72971862792969],[402.2734680175781,157.67838500976563],[401.8457922363282,157.62706787109377],[401.41801757812505,157.5757342529297],[400.99030883789067,157.52440063476564],[400.56253417968753,157.47306701660156],[400.13482543945315,157.4217498779297],[399.7071166992188,157.37041625976565],[399.27934204101564,157.31909912109376],[398.85163330078126,157.2677655029297],[398.4238586425781,157.21643188476563],[397.9961499023438,157.16511474609376],[397.5684741210938,157.11378112792968],[397.14069946289067,157.06244750976563],[396.7129907226563,157.01113037109377],[396.2852819824219,156.9597967529297],[395.8575073242188,156.90846313476564],[395.4297985839844,156.85714599609375],[395.00202392578126,156.8058123779297],[394.57434814453126,156.75414916992187],[394.14670532226563,156.70240356445314],[393.71899658203125,156.6506414794922],[393.29132080078125,156.59887939453125],[392.8636120605469,156.54711730957033],[392.4359692382813,156.4953717041016],[392.0082934570313,156.44362609863282],[391.5805847167969,156.3918640136719],[391.1529418945313,156.34010192871094],[390.72520019531254,156.28833984375],[390.2975573730469,156.23659423828127],[389.8699145507813,156.1848486328125],[389.44217285156253,156.13308654785158],[389.0145300292969,156.08132446289065],[388.5868212890625,156.0295623779297],[388.1591455078125,155.97781677246095],[387.7315026855469,155.9260711669922],[387.3037939453125,155.87430908203126],[386.8761181640625,155.82254699707033],[386.44840942382814,155.77078491210938],[386.0207666015625,155.71903930664064],[385.5930908203125,155.6672772216797],[385.16538208007813,155.61553161621094],[384.7377392578125,155.56376953125002],[384.3100634765625,155.51202392578125],[383.8823547363281,155.46026184082032],[383.4547119140625,155.4084997558594],[383.0269702148438,155.35673767089844],[382.5993273925782,155.3049920654297],[382.17168457031255,155.25324645996093],[381.74397583007817,155.201484375],[381.31633300781255,155.14945861816406],[380.88865722656254,155.09728454589845],[380.4610803222657,155.04512695312502],[380.0334704589844,154.99296936035157],[379.6057946777344,154.94081176757814],[379.1781848144532,154.88865417480469],[378.7505090332032,154.83648010253907],[378.3228991699219,154.78432250976564],[377.895322265625,154.7321649169922],[377.46764648437505,154.68000732421876],[377.04003662109375,154.6278497314453],[376.6123608398438,154.5756756591797],[376.1847509765625,154.52351806640627],[375.75714111328125,154.4713604736328],[375.3294982910156,154.4192028808594],[374.9018884277344,154.36704528808596],[374.47427856445313,154.3148876953125],[374.0466027832031,154.2627136230469],[373.6189929199219,154.21055603027344],[373.1913171386719,154.1583984375],[372.763740234375,154.10624084472659],[372.33613037109376,154.05408325195313],[371.90845458984376,154.00190917968752],[371.4808447265625,153.94975158691406],[371.0531689453125,153.89759399414064],[370.62555908203126,153.8454364013672],[370.1979821777344,153.79327880859375],[369.7703063964844,153.74110473632814],[369.34269653320314,153.68894714355469],[368.91502075195314,153.6364929199219],[368.48747680664064,153.58392333984375],[368.0598999023438,153.53135375976564],[367.6322900390625,153.47878417968752],[367.20474609375003,153.42621459960938],[366.7771032714844,153.37364501953127],[366.3495593261719,153.3210919189453],[365.9220153808594,153.2685223388672],[365.4943725585938,153.2159527587891],[365.0668286132813,153.16338317871094],[364.63928466796875,153.11083007812502],[364.2116418457031,153.0582440185547],[363.78409790039063,153.00569091796876],[363.3564880371094,152.95312133789062],[362.9289111328125,152.9005517578125],[362.5013671875,152.8479821777344],[362.0737573242188,152.79541259765625],[361.6461804199219,152.74285949707033],[361.21857055664066,152.6902734375],[360.79102661132816,152.63772033691407],[360.3634497070313,152.58515075683596],[359.93583984375005,152.53258117675782],[359.5082958984375,152.4800115966797],[359.08065307617187,152.42744201660156],[358.6531091308594,152.37488891601564],[358.2255651855469,152.32231933593752],[357.7983178710938,152.2667999267578],[357.3734765625,152.19590515136719],[356.9512719726563,152.11031066894532],[356.5317370605469,152.01227416992188],[356.11493774414066,151.90365783691408],[355.70057739257817,151.7856317138672],[355.2886560058594,151.65962951660157],[354.8790747070313,151.52629394531252],[354.47150390625,151.38659729003908],[354.0660095214844,151.24121520996096],[353.66239379882813,151.0904608154297],[353.2606237792969,150.93520751953125],[352.8605017089844,150.77557067871095],[352.4618298339844,150.61222595214844],[352.0648718261719,150.44490966796877],[351.66919921875,150.27446228027344],[351.27484497070316,150.1010321044922],[350.8819079589844,149.92445434570314],[350.49012451171876,149.74528930664064],[350.0994616699219,149.56370178222656],[349.7098864746094,149.37982360839845],[349.32146484375005,149.19348999023438],[348.9340649414063,149.00517883300782],[348.5475219726563,148.81489013671876],[348.16196777343754,148.62278869628906],[347.7771716308594,148.42894042968751],[347.3933312988282,148.2334442138672],[347.0102490234375,148.03639892578127],[346.6279248046875,147.83777160644533],[346.2464904785156,147.63767761230469],[345.8656823730469,147.43624877929688],[345.4855004882813,147.2334851074219],[345.1061096191406,147.0295184326172],[344.72724609375,146.82431579589846],[344.34910766601564,146.6180419921875],[343.97149658203125,146.41063110351564],[343.59451171875,146.20218200683595],[343.21808715820316,145.99272766113282],[342.8421240234375,145.78228454589845],[342.46678710937505,145.57095153808595],[342.0919116210938,145.35869567871094],[341.7174975585938,145.1454675292969],[341.34364379882817,144.93144836425782],[340.97018554687503,144.71662170410158],[340.59745239257813,144.50077331542968],[340.2248840332031,144.2845623779297],[339.85267822265627,144.0674285888672],[339.48103271484376,143.84960266113282],[339.1096179199219,143.63134826660158],[338.73886230468753,143.41202270507813],[338.36810668945316,143.1926971435547],[337.9981091308594,142.97188842773437],[337.6282104492188,142.75112915039062],[337.2588720703125,142.52947998046875],[336.8897314453125,142.30731994628908],[336.52085449218754,142.08483032226565],[336.15250488281254,141.86138488769532],[335.7841882324219,141.63797241210938],[335.4165307617188,141.41347229003907],[335.04890625,141.18880737304687],[334.6816442871094,140.96366455078126],[334.3147448730469,140.73782958984376],[333.94787841796875,140.51204406738282],[333.58167114257816,140.2851708984375],[333.21543090820313,140.05824829101564],[332.84958618164063,139.83089721679687],[332.4839721679688,139.6029364013672],[332.11845703125005,139.37500854492188],[331.7535021972657,139.14615783691409],[331.38851440429687,138.91719177246094],[331.0238232421875,138.68794555664064],[330.6594287109375,138.45804016113283],[330.2951330566406,138.22817596435547],[329.9311999511719,137.99766082763674],[329.56739868164067,137.7668655395508],[329.20366333007814,137.5360290527344],[328.8403894042969,137.3043768310547],[328.4771813964844,137.07275756835938],[328.1142041015625,136.8408416748047],[327.75145751953124,136.60837371826173],[327.3887768554688,136.37593872070315],[327.02642578125,136.1429928588867],[326.66420654296877,135.90975036621094],[326.30198730468754,135.67654907226563],[325.94019653320316,135.44262268066407],[325.5785046386719,135.20867980957033],[325.21681274414067,134.97460510253907],[324.8555163574219,134.73993713378908],[324.49425292968755,134.50530212402344],[324.1330554199219,134.27037872314455],[323.7722204589844,134.0350762939453],[323.4114184570313,133.79976562500002],[323.0507482910156,133.56410888671877],[322.69034179687503,133.3281719970703],[322.32986938476563,133.0922021484375],[321.9697265625,132.85588623046877],[321.6097155761719,132.6193395996094],[321.249638671875,132.38276824951174],[320.8898913574219,132.1457766723633],[320.5302099609375,131.90862854003908],[320.1705615234375,131.67151336669923],[319.8112426757813,131.43395324707032],[319.45189086914064,131.19625305175782],[319.09263793945314,130.95859405517578],[318.7336157226563,130.72045715332033],[318.37462646484374,130.48224609375],[318.015703125,130.24407623291017],[317.6571423339844,130.00518127441407],[317.2986804199219,129.76628631591797],[316.9402185058594,129.52738311767578],[316.5816906738281,129.28844696044922],[316.2232287597656,129.04954376220704],[315.8647338867188,128.81060760498048],[315.50683227539065,128.57092163085937],[315.1489636230469,128.33113677978517],[314.7910290527344,128.09131896972656],[314.43316040039065,127.85153411865235],[314.0752587890625,127.61170806884766],[313.7173901367188,127.37192321777344],[313.35994995117187,127.13152862548829],[313.0025427246094,126.8909115600586],[312.64520141601565,126.65033569335938],[312.28782714843754,126.40972686767579],[311.93048583984375,126.16915100097657],[311.57314453125,125.92857513427735],[311.2160009765625,125.68752960205079],[310.85912109375005,125.44623687744142],[310.5022741699219,125.20495239257814],[310.14536132812503,124.96363494873047],[309.7885144042969,124.7223504638672],[309.4316015625,124.48102478027344],[309.0748864746094,124.23959197998047],[308.7184680175781,123.99768127441408],[308.36198364257814,123.7557293701172],[308.00553222656254,123.51381866455078],[307.6490478515625,123.27186676025391],[307.2926293945313,123.02994781494141],[306.9361779785157,122.78803710937501],[306.57999023437503,122.54556610107423],[306.2239343261719,122.30309509277345],[305.8678454589844,122.06059112548829],[305.51178955078126,121.8181201171875],[305.1557336425781,121.57565734863282],[304.7996118164063,121.33315338134767],[304.443720703125,121.09048461914064],[304.08796142578126,120.84750274658204],[303.7322351074219,120.60455383300783],[303.37650878906254,120.3616049194336],[303.02071655273437,120.11861480712892],[302.664990234375,119.8756658935547],[302.30926391601565,119.63271697998047],[301.9537353515625,119.38934783935548],[301.59827270507816,119.14597869873047],[301.2427770996094,118.9025765991211],[300.8873474121094,118.6592074584961],[300.5319177246094,118.4158465576172],[300.1764221191406,118.17243621826172],[299.8210583496094,117.92891052246094],[299.4658923339844,117.68500579833986],[299.11079223632817,117.44114227294922],[298.7556921386719,117.1972705078125],[298.4005590820313,116.9533740234375],[298.04545898437505,116.70950225830079],[297.69029296875004,116.4655975341797],[297.3351928710938,116.22173400878907],[296.98009277343755,115.97787048339845],[296.6249597167969,115.73396575927735],[296.2698596191406,115.49010223388673],[295.9146936035157,115.24619750976564],[295.55959350585937,115.00233398437501],[295.2044934082031,114.75846221923828],[294.8496240234375,114.51412902832033],[294.49485351562504,114.26979583740236],[294.1400830078125,114.02546264648439],[293.7852465820313,113.78109649658204],[293.43044311523437,113.53677154541016],[293.07560668945314,113.29239715576172],[292.72083618164066,113.04807220458986],[292.36606567382813,112.80373901367189],[292.0112292480469,112.55937286376954],[291.65645874023437,112.31503967285157],[291.30162231445314,112.07067352294922],[290.9468188476563,111.82634857177734],[290.59204833984376,111.58201538085939],[290.2372778320313,111.33757507324219],[289.88267211914064,111.0930029296875],[289.5280004882813,110.84838958740235],[289.17339477539065,110.60381744384766],[288.8187561035156,110.35924530029298],[288.46411743164066,110.11464019775391],[288.10947875976564,109.87006805419922],[287.7548071289063,109.62545471191407],[287.40020141601565,109.38088256835938],[287.045595703125,109.13631042480469],[286.69092407226566,108.89170532226564],[286.336318359375,108.64713317871094],[285.98171264648437,108.40256103515625],[285.627041015625,108.1579476928711],[285.2724353027344,107.91336730957032],[284.9177966308594,107.66873748779298],[284.56319091796877,107.424140625],[284.2086181640625,107.17954376220703],[283.85394653320316,106.9349057006836],[283.4993408203125,106.69030883789063],[283.14470214843755,106.4456707763672],[282.7900964355469,106.20107391357422],[282.43552368164063,105.95647705078126],[282.0808520507813,105.71184722900391],[281.726279296875,105.46724212646485],[281.3716076660156,105.2226123046875],[281.0170349121094,104.97801544189454],[280.66242919921876,104.73341857910157],[280.30769165039067,104.48891235351563],[279.9529870605469,104.24449676513673],[279.5982165527344,104.00003997802735],[279.24347900390626,103.75562438964845],[278.88877441406254,103.51120056152344],[278.53400390625,103.26675201416016],[278.1792993164063,103.02232818603517],[277.8244958496094,102.77787139892578],[277.46979125976566,102.53345581054688],[277.1150866699219,102.28904022216797],[276.760283203125,102.0445834350586],[276.40557861328125,101.8001596069336],[276.0508575439453,101.55574401855469],[275.69608703613284,101.31128723144532],[275.34118469238285,101.0671517944336],[274.9861505126953,100.82308227539063],[274.6311657714844,100.57905395507814],[274.27618103027345,100.33502563476563],[273.9211303710938,100.09095611572266],[273.56614562988284,99.84692779541017],[273.21111145019535,99.6028582763672],[272.8561267089844,99.3588217163086],[272.50114196777344,99.1147933959961],[272.1460913085938,98.87072387695314],[271.7911065673828,98.62669555664063],[271.43607238769533,98.38262603759766],[271.0810876464844,98.13859771728517],[270.7261029052735,97.89456939697266],[270.3708215332031,97.6507553100586],[270.015556640625,97.40714721679689],[269.66022583007816,97.1634896850586],[269.3049444580078,96.91988159179688],[268.94967956542973,96.67626525878907],[268.59434875488284,96.43261596679689],[268.2390838623047,96.18900787353516],[267.8836541748047,95.94563049316407],[267.5280926513672,95.70232727050782],[267.1725805664063,95.45906524658204],[266.8170025634766,95.21576202392579],[266.46149047851566,94.97250000000001],[266.1059783935547,94.72923797607423],[265.7504168701172,94.48593475341798],[265.39473999023437,94.24294464111328],[265.0388983154297,94.00004516601562],[264.6831060791016,93.75718688964844],[264.32731384277344,93.51432861328125],[263.9714721679688,93.2714373779297],[263.61567993164067,93.02857086181642],[263.25983825683596,92.78567962646486],[262.9038482666016,92.54310974121094],[262.5477593994141,92.30071289062501],[262.1916046142578,92.05826660156251],[261.83549926757814,91.81586975097657],[261.4793444824219,91.57342346191408],[261.1232391357422,91.33102661132813],[260.7671502685547,91.0886215209961],[260.41074829101564,90.84649658203125],[260.05429687500003,90.60461059570314],[259.6978454589844,90.36272460937501],[259.3413446044922,90.12079742431641],[258.9848931884766,89.8789114379883],[258.6283923339844,89.6369842529297],[258.2719409179688,89.39509826660156],[257.9152423095703,89.15359954833986],[257.55834594726565,88.91224914550781],[257.2015155029297,88.67093170166017],[256.844619140625,88.42958129882813],[256.4877886962891,88.18826385498048],[256.130941772461,87.94694641113281],[255.77404541015628,87.70559600830079],[255.4168853759766,87.4647152709961],[255.0595770263672,87.22399932861329],[254.7023016357422,86.98330810546875],[254.34504272460939,86.74262512207032],[253.98771789550784,86.50190093994141],[253.63045898437503,86.26121795654298],[253.27315063476564,86.02049377441406],[252.9155456542969,85.7803793334961],[252.55780883789063,85.54038848876954],[252.20002258300784,85.3003646850586],[251.84228576660158,85.06037384033203],[251.4845654296875,84.82039123535156],[251.1267791748047,84.58035919189453],[250.76904235839845,84.34037658691406],[250.4107781982422,84.10102020263672],[250.05254699707032,83.86178741455079],[249.69429931640627,83.62255462646485],[249.33601867675782,83.38328887939454],[248.97777099609377,83.1440560913086],[248.61947387695315,82.9047903442383],[248.26124267578126,82.66560699462892],[247.90245117187501,82.42719818115235],[247.5436102294922,82.18875640869142],[247.18481872558596,81.95034759521485],[246.82597778320314,81.7119058227539],[246.4671862792969,81.47350524902345],[246.10839477539065,81.23509643554688],[245.74943847656252,80.99680297851563],[245.3902185058594,80.75906158447266],[245.03093261718752,80.52128723144531],[244.6716961669922,80.28354583740234],[244.31224548339844,80.04622467041015],[243.9526629638672,79.80891998291015],[243.59311340332033,79.57164825439453],[243.23341552734377,79.33459075927735],[242.87350341796878,79.09777221679688],[242.51364074707033,78.86098663330078],[242.15369567871096,78.62422576904298],[241.79350341796876,78.3879510498047],[241.43331115722657,78.15167633056642],[241.07305297851565,77.91536865234376],[240.71258056640627,77.67948120117188],[240.3519763183594,77.44369262695314],[239.99143798828126,77.20794525146485],[239.63078430175784,76.97245330810547],[239.26983398437503,76.73720855712891],[238.90893310546878,76.50201324462891],[238.54788391113283,76.26680145263673],[238.18662048339846,76.0321664428711],[237.82535705566409,75.79753143310548],[237.46404418945315,75.56285522460938],[237.1024676513672,75.32870635986329],[236.74075927734376,75.09462341308594],[236.37911682128907,74.86057342529297],[236.01727661132813,74.62686950683594],[235.65518920898438,74.39339630126953],[235.293134765625,74.15996429443359],[234.93096496582032,73.92668884277344],[234.5684655761719,73.69385833740235],[234.20599914550783,73.46106903076172],[233.8434997558594,73.22824676513672],[233.48062133789065,72.9961166381836],[233.1177264404297,72.76398651123047],[232.75479858398438,72.53181518554688],[232.39160705566408,72.30022888183595],[232.0282342529297,72.06874969482422],[231.6649108886719,71.83730346679688],[231.30132385253907,71.60625274658203],[230.93750610351563,71.37549041748048],[230.57372131347657,71.14476104736329],[230.20973876953127,70.91427062988282],[229.84549255371095,70.68427459716797],[229.48124633789064,70.45428680419923],[229.1168682861328,70.22441436767579],[228.75214416503908,69.99519287109375],[228.38737060546876,69.76594665527344],[228.02261352539065,69.5367498779297],[227.65737854003908,69.30832763671876],[227.29209411621096,69.07986831665039],[226.92687561035157,68.85144607543945],[226.5355700683594,68.67577468872071],[226.10871826171876,68.63027893066406],[225.68313537597658,68.69163619995118],[225.2738671875,68.82503768920898],[224.88289123535156,69.00551284790039],[224.50811462402345,69.2177069091797],[224.14686767578127,69.45241607666016],[223.7970739746094,69.70371185302734],[223.456640625,69.96775451660157],[223.12434814453127,70.24186614990235],[222.7988122558594,70.52394561767579],[222.47904418945313,70.81275695800781],[222.16451660156253,71.10706420898438],[221.85438903808594,71.40614227294923],[221.5482165527344,71.70916717529298],[221.24548828125,72.01561981201172],[220.9457263183594,72.3250634765625],[220.64886474609378,72.63720153808595],[220.35444213867189,72.95172088623048],[220.0621783447266,73.26814361572266],[219.77204040527346,73.5866180419922],[219.48358337402345,73.90659210205078],[219.1969061279297,74.22814819335937],[218.9115966796875,74.55094848632812],[218.62775390625,74.87505065917969],[218.34506469726563,75.20009216308594],[218.06354553222658,75.52618835449219],[217.7832458496094,75.85327331542969],[217.50348999023439,76.18083618164063],[217.2249041748047,76.5095443725586],[216.94691162109376,76.83863983154298],[216.66949584960938,77.16827911376954],[216.3930358886719,77.49861877441407],[216.1169549560547,77.82923858642579],[215.84136840820315,78.16041870117188],[215.56637512207033,78.49197784423829],[215.2915466308594,78.82383361816407],[215.0173114013672,79.15605194091798],[214.7433892822266,79.4885174560547],[214.4698297119141,79.82137023925782],[214.19631958007812,80.15416534423828],[213.92279296875,80.48700164794923],[213.64995849609377,80.82037353515625],[213.3771405029297,81.15374542236329],[213.10428955078126,81.48716674804687],[212.8314715576172,81.82053039550782],[212.5586041259766,82.15395172119142],[212.28578613281252,82.48732360839844],[212.01296813964845,82.82069549560548],[211.74010070800782,83.15410034179688],[211.4672662353516,83.48746398925782],[211.19443176269533,83.82082763671876],[210.92146545410156,84.15419952392578],[210.64820251464846,84.4872088623047],[210.37489013671876,84.82025939941407],[210.10162719726563,85.15326873779297],[209.82808410644532,85.48603912353516],[209.55404663085938,85.8184881591797],[209.28004211425784,86.15088775634766],[209.0060046386719,86.48333679199219],[208.73162109375002,86.81545623779297],[208.4569079589844,87.14726257324219],[208.18183227539063,87.47885467529298],[207.90654235839844,87.81018310546875],[207.63085693359378,88.14122314453125],[207.35492431640625,88.47200775146484],[207.07856323242189,88.80249572753907],[206.80188903808596,89.13275299072266],[206.5248193359375,89.46260650634767],[206.24737060546877,89.79221282958984],[205.9695263671875,90.12139892578125],[205.69128662109375,90.45025543212891],[205.41260192871096,90.77877410888672],[205.13345581054688,91.10686431884766],[204.85389770507814,91.43464965820313],[204.57374633789064,91.76198181152344],[204.29333129882815,92.08895141601563],[204.0121746826172,92.41540191650391],[203.73077087402345,92.7415805053711],[203.4485760498047,93.06705871582032],[203.16615051269534,93.3924462890625],[202.88281860351563,93.71693572998048],[202.599404296875,94.04141693115236],[202.3151989746094,94.3651318359375],[202.03038391113282,94.68830291748047],[201.74490966796876,95.01102081298829],[201.45892456054688,95.33309600830079],[201.17223083496094,95.65472625732423],[200.88496032714846,95.97576324462891],[200.59767333984377,96.29670135498047],[200.31116088867188,96.61852111816407],[200.02591735839846,96.94127197265625],[199.74176147460938,97.26515167236329],[199.45874267578125,97.58992950439453],[199.1768280029297,97.91564666748047],[198.89596801757813,98.2423031616211],[198.6161627197266,98.5699072265625],[198.33747802734376,98.89831054687501],[198.05974914550782,99.22771911621095],[197.78312438964846,99.55792694091798],[197.50748840332034,99.8890658569336],[197.2329071044922,100.22099578857423],[196.9593640136719,100.5537744140625],[196.68677673339846,100.88743469238283],[196.4152770996094,101.22189422607423],[196.14474975585938,101.55721893310547],[195.87531005859375,101.89326873779298],[195.60680969238283,102.23015075683594],[195.33926513671875,102.56787322998048],[195.0727587890625,102.90628784179688],[194.80722473144533,103.24553466796876],[194.5426629638672,103.58554779052736],[194.2791229248047,103.92628601074219],[194.0165222167969,104.26783996582031],[193.7549432373047,104.61006958007813],[193.49428710937502,104.9531478881836],[193.23466918945314,105.29686065673829],[192.97602355957034,105.64135620117189],[192.71833374023439,105.98663452148438],[192.4616162109375,106.33262145996095],[192.20595336914064,106.67925109863282],[191.9511639404297,107.02674591064454],[191.69746215820314,107.37488342285157],[191.4447491455078,107.72378723144531],[191.19304138183594,108.07337493896485],[190.9423553466797,108.42366302490235],[190.69257568359376,108.77477508544922],[190.4438836669922,109.12649688720704],[190.1961639404297,109.47898498535157],[189.9494989013672,109.8321240234375],[189.70380615234376,110.1859881591797],[189.45913513183595,110.5406103515625],[189.2155517578125,110.89585052490236],[188.97289123535157,111.25192291259766],[188.73136779785156,111.60858032226564],[188.49083312988282,111.96597106933595],[188.2513531494141,112.3240951538086],[188.0129443359375,112.68287017822266],[187.77555725097656,113.04241973876954],[187.5392742919922,113.40262847900391],[187.30406250000001,113.76352935791016],[187.069921875,114.12519653320314],[186.83696777343752,114.48754760742189],[186.60510131835937,114.85066497802735],[186.37438842773437,115.21443328857423],[186.14479614257814,115.57890197753908],[185.91627502441406,115.94415344238281],[185.68892395019532,116.31007232666016],[185.4627264404297,116.67669158935547],[185.2376824951172,117.04404418945313],[185.01380859375,117.41209716796875],[184.79110473632815,117.7809164428711],[184.56963684082032,118.15038665771485],[184.34933898925783,118.52059844970704],[184.13022766113284,118.89154357910157],[183.91228637695315,119.26312316894533],[183.69549865722658,119.63542785644532],[183.479765625,120.00825988769532],[183.26493896484376,120.3816522216797],[183.05095275878907,120.75563781738282],[182.83783996582034,121.13001068115236],[182.62546875,121.50486145019532],[182.41400390625,121.88013244628907],[182.2029840087891,122.25568359375],[181.9924090576172,122.63159729003907],[181.7825262451172,123.00778289794923],[181.572890625,123.38413330078126],[181.36384826660156,123.76078857421876],[181.15490478515625,124.1375344848633],[180.94635681152346,124.51453582763672],[180.7378747558594,124.89145477294923],[180.5295245361328,125.26848083496094],[180.3211248779297,125.64557281494142],[180.11277465820314,126.02259887695314],[179.90432556152345,126.3996990966797],[179.69546447753908,126.77645324707032],[179.48655395507814,127.15318267822266],[179.2768524169922,127.52954956054688],[179.06706848144532,127.90577636718751],[178.85619689941407,128.28148406982422],[178.64516052246094,128.65701049804687],[178.43300354003907,129.0319024658203],[178.2197918701172,129.40630828857422],[178.00552551269533,129.7799725341797],[177.78995727539063,130.15300231933594],[177.57298828125002,130.52517517089845],[177.35445373535157,130.89639221191408],[177.1341229248047,131.26661224365236],[176.91174865722658,131.6355798339844],[176.6869354248047,132.00310546875002],[176.45986450195315,132.3691891479492],[176.22979431152345,132.7333612060547],[175.99652709960938,133.09562988281252],[175.75970031738282,133.45538543701173],[175.51883605957033,133.81260314941406],[175.2733905029297,134.16663208007813],[175.02272094726564,134.51697784423828],[174.76615173339846,134.8630389404297],[174.50285888671877,135.20398315429688],[174.2317547607422,135.53873931884766],[173.95155395507814,135.86599731445312],[173.66070739746095,136.18369720458986],[173.3571716308594,136.48942474365236],[173.03873840332034,136.77948852539063],[172.70239196777345,137.0485079956055],[172.34488586425783,137.28853179931642],[171.9630889892578,137.48741455078127],[171.56374145507814,137.64908660888673],[171.15846130371094,137.79483123779298],[170.74703430175782,137.92244842529297],[170.32985595703127,138.02980407714844],[169.90748657226564,138.1140884399414],[169.48073364257814,138.17268951416017],[169.05106384277346,138.20303649902345],[168.6204217529297,138.20293762207032],[168.19086730957034,138.1706954956055],[167.76516906738283,138.1056756591797],[167.34568359375,138.00801818847657],[166.93471801757815,137.87909912109376],[166.5341180419922,137.72093719482422],[166.14498779296875,137.53620208740236],[165.76805236816406,137.32779418945313],[165.40329528808596,137.09877044677737],[165.05032104492187,136.85180877685548],[164.7087506103516,136.58936462402346],[164.37761169433594,136.31376159667968],[164.05636047363282,136.02678771972657],[163.74399169921875,135.73020629882814],[163.4396484375,135.42526153564455],[163.14267150878908,135.1132553100586],[162.8521875,134.79506927490235],[162.56775146484375,134.4716015625],[162.28855590820314,134.14350311279298],[162.0141064453125,133.81140838623048],[161.74407348632815,133.47580352783203],[161.47761657714844,133.13726531982422],[161.21462036132814,132.7960903930664],[160.9547222900391,132.4525588989258],[160.69729614257812,132.10704162597656],[160.4425231933594,131.75969512939454],[160.18967834472656,131.4109313964844],[159.93881103515625,131.06067626953126],[159.6895587158203,130.70936645507814],[159.44167419433595,130.35692779541017],[159.19515747070312,130.0036981201172],[158.9498602294922,129.64956207275392],[158.70513977050783,129.29498931884766],[158.46145751953125,128.93975738525393],[158.21836853027344,128.5840805053711],[157.97565856933593,128.228115234375],[157.73390441894531,127.87158966064455],[157.49210083007813,127.51499816894533],[157.25033020019532,127.15846435546875],[157.00890563964845,126.80163391113283],[156.76764587402346,126.44476226806641],[156.52636962890625,126.08789886474611],[156.28496154785157,125.73104370117188],[156.04338867187502,125.37437805175782],[155.80178283691407,125.0176629638672],[155.5602099609375,124.66100555419922],[155.3181591796875,124.3046942138672],[155.07587768554689,123.94843231201173],[154.83303588867187,123.59259887695313],[154.59012817382813,123.23684783935548],[154.34639648437502,122.88157470703126],[154.10266479492188,122.52640045166017],[153.8579608154297,122.17181121826172],[153.61324035644532,121.81727142333985],[153.36749816894533,121.46347320556642],[153.12172302246094,121.10961730957033],[152.87479431152346,120.75665130615235],[152.62781616210938,120.40362762451173],[152.38001403808596,120.05130432128907],[152.13153625488283,119.69941772460939],[151.88231689453127,119.34790191650391],[151.63253723144533,118.9969793701172],[151.38203247070314,118.64645233154297],[151.13086853027346,118.29650207519532],[150.8789959716797,117.94700500488283],[150.62636535644532,117.59796112060548],[150.3731414794922,117.24955169677735],[150.1190936279297,116.90152130126954],[149.86432067871095,116.55416656494141],[149.6087567138672,116.20739685058595],[149.35243469238281,115.86115447998047],[149.0953875732422,115.51547241210939],[148.83758239746095,115.17028472900391],[148.57905212402343,114.8256820678711],[148.31978027343752,114.48167266845704],[148.05955261230469,114.13831420898438],[147.79861633300783,113.79556549072267],[147.5369384765625,113.45337707519532],[147.27448608398439,113.1116995239258],[147.0113250732422,112.77063995361328],[146.74717529296876,112.43027252197267],[146.4814764404297,112.09119049072267],[146.2125476074219,111.7546875],[145.9405535888672,111.42056579589844],[145.66572509765626,111.08889129638672],[145.3884246826172,110.75909545898438],[145.108916015625,110.43138427734375],[144.82714965820313,110.10546936035156],[144.5435046386719,109.78116943359376],[144.2579479980469,109.45869049072266],[143.97072692871095,109.13752990722656],[143.6818084716797,108.81800079345705],[143.39142333984375,108.49982299804688],[143.09953857421877,108.18293060302734],[142.80625305175784,107.86741424560547],[142.51171508789062,107.55301849365235],[142.2158093261719,107.23991638183594],[141.91875000000002,106.92797607421876],[141.62053710937502,106.61703277587891],[141.32117065429688,106.30729248046876],[141.02068359375002,105.99862335205079],[140.7191583251953,105.69086883544922],[140.41667724609377,105.384111328125],[140.1131085205078,105.07846618652344],[139.80856750488283,104.77372741699219],[139.50320251464845,104.46995269775391],[139.196865234375,104.16700195312501],[138.88958862304688,103.86503997802735],[138.58143859863281,103.56400909423829],[138.272431640625,103.26381866455078],[137.9626583862305,102.9645346069336],[137.65196228027344,102.66599212646486],[137.34053283691406,102.36839721679688],[137.0281723022461,102.07164276123048],[136.71510314941406,101.7757781982422],[136.40123474121094,101.48070465087892],[136.086591796875,101.18642211914063],[135.77121551513673,100.89296356201173],[135.45506469726564,100.60027954101564],[135.1381723022461,100.30846069335938],[134.82048889160157,100.0174822998047],[134.50208038330078,99.7273031616211],[134.18295501708985,99.4379150390625],[133.86314575195314,99.14935913085938],[133.5425537109375,98.86155303955078],[133.2212860107422,98.57458740234375],[132.89924377441406,98.28834686279298],[132.57657531738283,98.00298797607422],[132.25314880371096,97.71846130371094],[131.9288983154297,97.43470092773438],[131.60402160644531,97.15182220458985],[131.2783950805664,96.86971801757814],[130.95210937500002,96.58847900390626],[130.62510681152344,96.30808044433594],[130.29730499267578,96.02842346191407],[129.968876953125,95.7496893310547],[129.63967437744142,95.47174621582032],[129.3098373413086,95.19474243164063],[128.97921752929688,94.91853790283204],[128.64783966064454,94.64323974609376],[128.31572021484376,94.36887268066407],[127.98283447265626,94.09536254882813],[127.64926483154298,93.82281646728516],[127.31491241455079,93.55116027832032],[126.97981018066407,93.28042694091798],[126.64393341064454,93.01063293457032],[126.30733978271485,92.7418359375],[125.96992218017579,92.4739617919922],[125.6317465209961,92.20710113525391],[125.29272216796876,91.94117980957031],[124.95294799804688,91.67637908935548],[124.61236633300783,91.41269073486329],[124.27086181640625,91.14999938964844],[123.92858276367188,90.88842864990235],[123.58541381835938,90.62792083740234],[123.2414456176758,90.36858306884766],[122.89663696289064,90.1104071044922],[122.55088897705079,89.85336822509767],[122.2042840576172,89.5975405883789],[121.85667388916016,89.34299835205078],[121.50813262939454,89.08979919433594],[121.15872619628907,88.83793487548829],[120.80824859619142,88.58732299804689],[120.45688934326172,88.33814483642578],[120.10442596435547,88.09028503417969],[119.7510891723633,87.84395782470703],[119.39659057617189,87.59919616699219],[119.04093017578126,87.35599182128907],[118.68429748535156,87.11444366455079],[118.32651123046875,86.8744857788086],[117.96758789062501,86.63618408203125],[117.60749450683595,86.39972808837891],[117.24608276367188,86.16523315429689],[116.88351745605469,85.93264160156251],[116.5196585083008,85.70195343017579],[116.15457183837891,85.47329223632813],[115.78801025390625,85.24701232910157],[115.4199984741211,85.02291595458985],[115.05071777343751,84.80117614746095],[114.68001159667969,84.58181762695312],[114.30755859375,84.36513702392578],[113.93363891601564,84.15123321533204],[113.5580877685547,83.94015563964844],[113.18084747314454,83.73222564697267],[112.80182739257813,83.5274349975586],[112.42091217041016,83.32610504150391],[112.0206088256836,83.16864349365235],[111.59870910644533,83.08379058837892],[111.16882507324219,83.06238372802736],[110.73931182861328,83.09271423339844],[110.31456115722656,83.16415283203125],[109.89662475585938,83.2681137084961],[109.48598876953126,83.39812042236329],[109.08259552001954,83.54922088623047],[108.68616485595705,83.71771545410157],[108.29619415283204,83.9007943725586],[107.91225494384766,84.09607635498047],[107.53379516601564,84.30186401367187],[107.1604769897461,84.51681427001954],[106.79187194824219,84.73982299804688],[106.42759277343751,84.96981079101563],[106.0674169921875,85.20611846923829],[105.71103149414063,85.44805389404297],[105.35803253173829,85.69511444091798],[105.00842010498047,85.94671508789062],[104.66182342529298,86.20263336181641],[104.31813537597657,86.46238311767578],[103.97721588134766,86.72565948486329],[103.63877655029297,86.99227294921876],[103.30279266357422,87.26191864013673],[102.9691571044922,87.53448120117189],[102.63768859863282,87.80963104248048],[102.30830474853516,88.08718688964845],[101.98086547851562,88.36723937988282],[101.65530487060548,88.64932708740236],[101.33169708251954,88.93360656738282],[101.00963012695313,89.21977294921875],[100.68940063476563,89.50794982910156],[100.37059661865236,89.79774993896486],[100.05354766845704,90.08937927246095],[99.73786651611329,90.3825164794922],[99.42369323730469,90.67727691650391],[99.11087127685548,90.97345458984375],[98.79939239501954,91.27112365722657],[98.48927307128906,91.5700863647461],[98.18041442871095,91.87037567138673],[97.8727587890625,92.17199157714845],[97.56634735107423,92.47476928710938],[97.26107299804688,92.77878295898438],[96.95700164794923,93.08390899658204],[96.65401794433595,93.39011444091797],[96.35213012695313,93.6975311279297],[96.05132995605469,94.00587066650391],[95.75160919189453,94.31535552978517],[95.45298431396485,94.62589508056641],[95.15530700683594,94.93720092773438],[94.85865142822266,95.24964385986328],[94.56307525634766,95.56307556152345],[94.26846313476562,95.8774301147461],[93.9749057006836,96.1926498413086],[93.68232879638673,96.50882537841798],[93.39070770263673,96.82597320556641],[93.10014953613282,97.14399444580079],[92.8106460571289,97.46303741455078],[92.52225494384766,97.7831185913086],[92.23500915527345,98.10406494140625],[91.94894165039064,98.42626373291016],[91.66436553955079,98.74964080810547],[91.38141265869142,99.0744515991211],[91.14600311279297,99.43446258544923],[90.9200033569336,99.80118896484376],[90.69395416259766,100.16795654296875],[90.46760009765626,100.53447692871094],[90.24125427246095,100.90098907470704],[90.01487548828126,101.26755889892578],[89.78852142333984,101.63407104492188],[89.56214263916016,102.00064086914062],[89.33579681396485,102.36716125488282],[89.10945098876954,102.73367340087891],[88.88305572509766,103.10022674560548],[88.65642150878907,103.4665576171875],[88.42974609375001,103.8329461669922],[88.20310363769532,104.19927703857422],[87.97646118164063,104.56561614990235],[87.74978576660156,104.93200469970704],[87.52308563232423,105.29831085205079],[87.296220703125,105.66450988769532],[87.06932281494142,106.03075836181641],[86.84246612548829,106.39695739746094],[86.6155682373047,106.76321411132812],[86.38871154785157,107.12940490722657],[86.16184661865235,107.4956039428711],[85.9348828125,107.86179473876953],[85.70778717041016,108.22784545898438],[85.48065856933594,108.59395385742188],[85.2535629272461,108.96001281738282],[85.02646728515626,109.32606353759766],[84.79933868408203,109.69217193603517],[84.57225128173829,110.05822265625001],[84.34512268066406,110.42433105468751],[84.117919921875,110.79034057617189],[83.89057708740235,111.15624298095703],[83.66320953369141,111.52219482421876],[83.43586669921875,111.88809722900392],[83.20849090576172,112.25404907226563],[82.98115631103516,112.61995147705079],[82.7538134765625,112.98585388183595],[82.52644592285156,113.35181396484376],[82.29910308837891,113.71770812988282],[82.07166137695313,114.08349517822266],[81.84403015136719,114.4492904663086],[81.61643188476563,114.81502807617188],[81.3888006591797,115.18082336425782],[81.16120239257813,115.5465609741211],[80.93360412597657,115.91230682373048],[80.70597290039063,116.27810211181641],[80.47837463378907,116.6438397216797],[80.25074340820314,117.00963500976563],[80.02314514160157,117.37537261962892],[79.79536560058594,117.74100311279298],[79.56746246337892,118.10662536621095],[79.33959228515626,118.47219818115235],[79.11168914794922,118.83782043457032],[78.88381072998047,119.20338500976564],[78.65594055175782,119.56895782470704],[78.42803741455079,119.93458007812501],[78.20016723632813,120.30015289306641],[77.97225585937501,120.66577514648438],[77.74438568115235,121.0313479614258],[77.51651550292969,121.3969125366211],[77.28831573486329,121.76239471435548],[77.06015716552734,122.12777801513673],[76.83199035644532,122.49316955566407],[76.60379882812501,122.85861053466797],[76.37563201904297,123.22400207519532],[76.14744049072266,123.58944305419922],[75.91927368164063,123.95483459472658],[75.69111511230469,124.32021789550782],[75.46291534423828,124.68566711425783],[75.23475677490235,125.05105041503907],[75.00655700683595,125.41649139404298],[74.7782666015625,125.78175933837892],[74.549794921875,126.14695312500001],[74.32129028320313,126.51220458984376],[74.09281860351562,126.87739837646485],[73.86431396484376,127.2426498413086],[73.63584228515626,127.6078436279297],[73.40737060546876,127.97303741455079],[73.17886596679688,128.33828887939453],[72.95039428710938,128.70348266601565],[72.72188964843751,129.06873413085938],[72.49341796875001,129.43392791748047],[72.26494628906251,129.79912994384767],[72.03633453369142,130.16432373046877],[71.80753326416016,130.5293115234375],[71.578740234375,130.89429931640626],[71.34990600585938,131.25935302734376],[71.12110473632814,131.6243408203125],[70.8922705078125,131.9893862915039],[70.66347747802735,132.35437408447265],[70.4346762084961,132.71936187744143],[70.20584197998048,133.08440734863282],[69.97704895019531,133.44940338134768],[69.74821472167969,133.81444885253907],[69.51941345214844,134.17943664550782],[69.29062042236329,134.54442443847657],[69.06159255981446,134.90940399169924],[68.83244522094726,135.27417755126953],[68.60326080322267,135.6390087890625],[68.37411346435547,136.00377410888672],[68.14496612548828,136.36854766845704],[67.91578582763673,136.7333706665039],[67.68663848876953,137.09814422607423],[67.45745407104492,137.46296722412112],[67.22830673217774,137.8277407836914],[66.99915939331055,138.19251434326173],[66.769979095459,138.5573455810547],[66.5408317565918,138.9221026611328],[66.31168441772462,139.28687622070314],[66.08250411987305,139.65166625976565],[65.85308074951172,140.0162585449219],[65.62362030029297,140.38091674804687],[65.39419692993164,140.74550903320312],[65.16477355957032,141.1101013183594],[64.93531723022461,141.47475952148437],[64.70589385986328,141.83935180664062],[64.47638397216797,142.2040264892578],[64.2467710876465,142.56850341796877],[64.01715408325195,142.9329803466797],[63.78750411987305,143.2975067138672],[63.55789123535157,143.66198364257812],[63.32824127197266,144.02651000976564],[63.09862426757813,144.39098693847657],[62.86900314331055,144.75539794921875],[62.639052429199225,145.1197430419922],[62.40913467407227,145.4840222167969],[62.1791798400879,145.84836730957034],[61.94926208496094,146.212646484375],[61.71934432983399,146.57694213867188],[61.489389495849615,146.94127075195314],[61.25947174072266,147.30556640625002],[61.029521026611334,147.66989501953125],[60.79960327148438,148.03419067382814],[60.569685516357424,148.39846984863283],[60.33973068237305,148.76281494140625],[60.1098129272461,149.12709411621094],[59.87989517211914,149.49138977050782],[59.649944458007816,149.85573486328127],[59.419763031005864,150.21991516113283],[59.18949096679688,150.58406250000002],[58.959260101318364,150.94814392089845],[58.7290251159668,151.31222534179688],[58.498757171630864,151.67637268066406],[58.268526306152346,152.04045410156252],[58.03825836181641,152.4046014404297],[57.80793685913086,152.76863342285156],[57.57747940063477,153.1325830078125],[57.3469889831543,153.49658203125],[57.11653152465821,153.86051513671876],[56.88603698730469,154.22451416015625],[56.655579528808595,154.5884637451172],[56.42512619018555,154.95241333007814],[56.19463165283204,155.31641235351563],[55.96397232055664,155.6801971435547],[55.73325119018555,156.0440478515625],[55.50256713867188,156.40784912109376],[55.27188308715821,156.771650390625],[55.04116607666016,157.13550109863283],[54.810477905273444,157.49930236816408],[54.57979385375977,157.86310363769533],[54.34896148681641,158.22690490722658],[54.118038482666016,158.59055786132814],[53.88707839965821,158.95426025390626],[53.65615539550782,159.3179132080078],[53.425232391357426,159.6815661621094],[53.19427230834961,160.0452685546875],[52.96334930419922,160.40892150878906],[52.73238922119141,160.7726239013672],[52.50127258300782,161.13611206054688],[52.27010238647461,161.49960021972657],[52.03889511108399,161.86315429687502],[51.80772491455078,162.2266424560547],[51.57651763916016,162.59018005371095],[51.34534744262696,162.95368469238284],[51.11417724609375,163.3171728515625],[50.88289581298829,163.68072692871095],[50.65146606445313,164.04405029296876],[50.4200033569336,164.40742309570314],[50.18857360839844,164.77076293945314],[49.95714385986329,165.13408630371094],[49.72568115234375,165.4974755859375],[49.4942514038086,165.86079895019532],[49.26282577514649,166.22412231445313],[49.031243591308595,166.5873962402344],[48.79955017089844,166.95055480957032],[48.567819671630865,167.313779296875],[48.336126251220705,167.67693786621095],[48.10443283081055,168.0400799560547],[47.872702331542975,168.4033044433594],[47.64100479125977,168.7664630126953],[47.40927429199219,169.12967102050783],[47.17738311767578,169.49268127441408],[46.94540954589844,169.85567504882815],[46.71340301513672,170.21870178222656],[46.48142944335938,170.58167907714844],[46.24941879272461,170.94472229003907],[46.017445220947266,171.30769958496094],[45.78547164916993,171.67067687988282],[45.553465118408205,172.03372009277345],[45.32120315551758,172.39654907226563],[45.08890411376954,172.75939453125002],[44.856638031005865,173.12219055175783],[44.62437606811524,173.48498657226563],[44.39207290649414,173.84783203125002],[44.15981094360352,174.21062805175782],[43.927544860839845,174.57342407226562],[43.695212860107425,174.93625305175783],[43.46264602661133,175.2988513183594],[43.23004211425781,175.6615155029297],[42.99747940063477,176.02411376953125],[42.76491256713867,176.38671203613282],[42.53230865478516,176.74937622070314],[42.29974182128907,177.1119744873047],[42.0671420288086,177.4746221923828],[41.83451751708985,177.83713806152346],[41.601633453369146,178.19953857421876],[41.368716430664065,178.56200500488282],[41.13583648681641,178.92438903808596],[40.90291946411133,179.28685546875002],[40.670035400390624,179.64923950195313],[40.437155456542975,180.01164001464844],[40.204238433837894,180.37408996582033],[39.97123077392578,180.73642456054688],[39.73798004150391,181.09866027832032],[39.5047705078125,181.4608465576172],[39.27155685424805,181.82303283691408],[39.03831024169922,182.18526855468753],[38.805100708007814,182.54745483398438],[38.57188705444336,182.90964111328125],[38.33864044189453,183.2718768310547],[38.1052702331543,183.63393127441407],[37.871677551269535,183.9959527587891],[37.63812194824219,184.3579248046875],[37.404566345214846,184.71988037109375],[37.17097366333008,185.08190185546877],[36.93741806030274,185.443857421875],[36.703825378417974,185.80587890625],[36.470269775390626,186.16785095214846],[36.23646286010742,186.52970764160156],[36.00251174926758,186.89148193359375],[35.768593597412114,187.25322326660157],[35.53463836669922,187.61501403808595],[35.3007243347168,187.97673889160157],[35.06680618286133,188.3384637451172],[34.83285095214844,188.70025451660158],[34.59893692016602,189.0619793701172],[34.36472007751465,189.42353942871094],[34.13042289733887,189.78503356933595],[33.896127777099615,190.14651123046878],[33.66179557800293,190.50805480957033],[33.42750045776367,190.86953247070315],[33.19320327758789,191.23102661132813],[32.958873138427734,191.5925701904297],[32.724575958251954,191.9540478515625],[32.489840011596684,192.3154266357422],[32.255149383544925,192.6766571044922],[32.020460815429686,193.0378875732422],[31.785735168457034,193.39916748046878],[31.551044540405275,193.76039794921877],[31.31631889343262,194.12169433593752],[31.081593246459963,194.48297424316408],[30.84693351745606,194.84407287597656],[30.611789703369144,195.20508911132814],[30.37664588928223,195.5661053466797],[30.141574172973634,195.92700622558596],[29.90643035888672,196.28802246093753],[29.67128860473633,196.64903869628907],[29.436216888427737,197.00993957519532],[29.201073074340822,197.3709558105469],[28.965793304443363,197.73188964843752],[28.7302848815918,198.0925103759766],[28.49470642089844,198.45324645996095],[28.259125900268558,198.81396606445313],[28.023545379638673,199.17470214843752],[27.78803695678711,199.5353063964844],[27.552458496093752,199.89604248046876],[27.316877975463868,200.25677856445313],[27.081140899658205,200.61720153808596],[26.84509895324707,200.97762451171877],[26.60905700683594,201.33804748535158],[26.373087158203127,201.69835510253907],[26.137045211791992,202.05879455566406],[25.90100326538086,202.4192175292969],[25.664961318969727,202.7796405029297],[25.428991470336914,203.13996459960939],[25.19255195617676,203.50009094238283],[24.956023864746097,203.86020080566408],[24.71956787109375,204.2201953125],[24.483039779663088,204.58030517578126],[24.246511688232424,204.94041503906251],[24.01005569458008,205.30040954589845],[23.773527603149414,205.6605194091797],[23.536875915527347,206.02059631347657],[23.299906997680665,206.38026123046876],[23.062865982055666,206.74002502441408],[22.825824966430666,207.0998052978516],[22.588783950805666,207.45956909179688],[22.35181709289551,207.81923400878907],[22.11477607727051,208.1789978027344],[21.87773506164551,208.5387615966797],[21.64041389465332,208.89822875976563],[21.40283111572266,209.25764648437502],[21.165250396728517,209.6170642089844],[20.927739715576173,209.97636657714844],[20.69015899658203,210.33576782226564],[20.45257621765137,210.69518554687502],[20.214993438720704,211.05460327148438],[19.97745803833008,211.41379028320313],[19.7393025970459,211.7728289794922],[19.501145095825198,212.13185119628906],[19.263061752319338,212.49077453613282],[19.024906311035156,212.8498132324219],[18.786748809814455,213.20885192871094],[18.548665466308595,213.5677752685547],[18.310510025024413,213.92679748535159],[18.071917877197265,214.28557250976564],[17.833226852416992,214.6440838623047],[17.5944637298584,215.00272705078126],[17.355698547363282,215.36135375976565],[17.116935424804687,215.71998046875],[16.878244400024414,216.07849182128908],[16.63948024749756,216.43713500976563],[16.400505981445313,216.79569580078126],[16.161333961486818,217.15389404296877],[15.922087783813478,217.5121911621094],[15.682842636108399,217.8705047607422],[15.443448143005373,218.22850524902344],[15.20387031555176,218.58658813476563],[14.964292488098145,218.94467102050783],[14.724631233215334,219.3027703857422],[14.484781494140625,219.66052368164063],[14.244857597351075,220.0183758544922],[14.004933700561525,220.37622802734376],[13.76488105773926,220.7338494873047],[13.524602851867677,221.09147094726563],[13.284325675964356,221.44907592773438],[13.044166946411133,221.80651611328128],[12.803523101806642,222.16389038085939],[12.56287925720215,222.52124816894533],[12.322308540344238,222.87850708007815],[12.081473121643068,223.23576599121094],[11.840446128845215,223.5928765869141],[11.599420166015626,223.9499871826172],[11.358488960266113,224.30696594238282],[11.11707160949707,224.66381286621095],[10.875653228759766,225.02065979003908],[10.634309005737306,225.37739135742189],[10.392677421569825,225.73408996582032],[10.150853233337402,226.09065673828127],[9.909103202819825,226.4471246337891],[9.667169837951661,226.80375732421876],[9.424924392700197,227.1600439453125],[9.18267791748047,227.51633056640625],[8.940506629943847,227.8725018310547],[8.697978973388672,228.22854125976565],[8.455301971435548,228.58453125000003],[8.212699127197267,228.94040588378908],[7.969881534576417,229.29626403808595],[7.726747741699219,229.65194091796877],[7.4836881065368654,230.00751892089846],[7.240550193786621,230.36316284179688],[6.996951885223389,230.71852661132814],[6.753428764343262,231.07379150390628],[6.50983045578003,231.42915527343752],[6.26583869934082,231.78430480957033],[6.021751670837403,232.13933898925782],[5.77773983001709,232.49425781250002],[5.533423118591309,232.84909423828125],[5.288830890655518,233.20376586914065],[5.0443133354187015,233.5583386230469],[4.799584121704102,233.91291137695313],[4.554469184875488,234.26723693847657],[4.30942892074585,234.6214471435547],[4.064218969345093,234.97578918457032],[3.8185548019409183,235.32973571777345],[3.5728908920288087,235.68366577148439],[3.327302169799805,236.0374969482422],[3.1046776199340824,236.40589599609376],[2.935885391235352,236.80196411132815],[2.822962760925293,237.2172967529297],[2.763556251525879,237.64363769531252],[2.752453193664551,238.0742303466797],[2.7832567119598393,238.50358703613284],[2.8496724128723145,238.9291864013672],[2.9459772777557376,239.34901794433594],[3.067503490447998,239.76227416992188],[3.2102231025695804,240.16864196777345],[3.371045436859131,240.56841796875003],[3.547341756820679,240.96150329589847],[3.7367346382141116,241.34819458007814],[3.9379718971252444,241.72921691894533],[4.149202938079834,242.10461975097658],[4.369563617706299,242.4746832275391],[4.597920455932617,242.84000061035158],[4.833472652435303,243.2008026123047],[5.075339069366455,243.55710571289063],[5.323176212310791,243.90951965332033],[5.576400604248048,244.2581597900391],[5.834430313110352,244.60310852050782],[6.096922359466553,244.94464599609375],[6.363608436584473,245.28305236816408],[6.634084796905518,245.61836059570314],[6.908060474395753,245.950751953125],[7.185435047149658,246.28037475585938],[7.465938148498536,246.60745971679688],[7.748988361358643,246.93210571289063],[8.035134143829346,247.2541314697266],[8.323626708984376,247.5740478515625],[8.614538669586182,247.89177246093752],[8.90786075592041,248.20733825683595],[9.203134117126465,248.52095947265627],[9.500688858032227,248.83260314941407],[9.800069732666016,249.1422528076172],[10.101286010742188,249.4503533935547],[10.40442523956299,249.75644348144533],[10.709133110046388,250.06091857910158],[11.015410652160645,250.36377868652346],[11.323521537780762,250.66505676269534],[11.632804527282715,250.96468688964845],[11.943776664733887,251.26293273925782],[12.256089820861817,251.55964599609376],[12.569731636047365,251.85509033203127],[12.88470314025879,252.1489361572266],[13.200914726257325,252.44161193847657],[13.518428192138673,252.7328210449219],[13.836923217773439,253.02269531250002],[14.156895217895508,253.3113006591797],[14.477782859802247,253.59880187988284],[14.799791107177736,253.8846881103516],[15.122972488403322,254.16966796875002],[15.447142639160157,254.4535272216797],[15.77211410522461,254.7360681152344],[16.098346252441406,255.01748840332033],[16.425715484619143,255.29765625000002],[16.753960189819338,255.5766540527344],[17.083083457946778,255.85441589355472],[17.413395309448244,256.1311889648438],[17.74460220336914,256.4066931152344],[18.076698989868166,256.6809118652344],[18.409899902343753,256.95399353027346],[18.744223480224612,257.2258062744141],[19.079581146240237,257.4961193847656],[19.416248931884766,257.764833984375],[19.754154739379885,258.03216430664065],[20.092705307006838,258.29867065429687],[20.409715118408204,258.5901434326172],[20.729359588623048,258.87907836914064],[21.050750885009766,259.1660522460938],[21.37367889404297,259.451015625],[21.69816215515137,259.73439697265627],[22.02414505004883,260.0162292480469],[22.351306228637696,260.29628173828127],[22.679835205078128,260.5749334716797],[23.00992973327637,260.85185485839844],[23.341332321166995,261.1269799804688],[23.674145965576173,261.4006219482422],[24.008469543457032,261.67238525390627],[24.34411560058594,261.94251708984376],[24.681189193725587,262.21060546875003],[25.01981185913086,262.47699645996096],[25.359903259277345,262.7414428710938],[25.70160552978516,263.00369750976563],[26.04484039306641,263.2640240478516],[26.389855041503907,263.52217529296877],[26.73641670227051,263.7777557373047],[27.084904403686526,264.03122680664063],[27.435060653686524,264.28206115722656],[27.787381896972658,264.53007751464844],[28.14152000427246,264.77535827636723],[28.497633590698243,265.0177716064453],[28.856130523681642,265.2568231201172],[29.216722412109377,265.4923809814453],[29.57978828430176,265.72424743652346],[29.945365219116212,265.9521423339844],[30.313510894775394,266.17578552246096],[30.68454254150391,266.3947155761719],[31.05852607727051,266.6085534667969],[31.435572738647462,266.81685424804687],[31.815956497192385,267.01904113769535],[32.200044021606445,267.21437255859377],[32.58778175354004,267.4020574951172],[32.979217071533206,267.58150268554687],[33.37214996337891,267.7582122802735],[33.765080795288085,267.93492187500004],[34.15832885742188,268.1109063720703],[34.55167373657227,268.2866931152344],[34.9452946472168,268.4617877197266],[35.33933166503906,268.635580444336],[35.73414321899414,268.80803833007815],[36.129659271240236,268.97888122558595],[36.52621353149414,269.1474169921875],[36.9236865234375,269.31323364257815],[37.32263854980469,269.4758697509766],[37.723152008056644,269.6347320556641],[38.125206298828125,269.7889801025391],[38.52950180053711,269.93800415039067],[38.93605911254883,270.0804364013672],[39.34505950927735,270.2156176757813],[39.756886138916016,270.3422296142578],[40.17158843994141,270.4589208984375],[40.589343566894534,270.56407653808594],[41.010126800537115,270.6561639404297],[41.433896942138674,270.7334197998047],[41.86041915893555,270.7941961669922],[42.28893127441407,270.83668029785156],[42.719157257080084,270.8595208740235],[43.14993118286133,270.8614819335938],[43.58019424438477,270.84157470703127],[44.008838195800784,270.7995849609375],[44.43533569335938,270.7389569091797],[44.86393020629883,270.7563757324219],[45.2617822265625,270.9156005859375],[45.588059692382814,271.194697265625],[45.83949142456055,271.54376586914066],[46.03300186157227,271.9282489013672],[46.184827423095705,272.33122192382814],[46.306108245849614,272.7445770263672],[46.404548492431644,273.1638153076172],[46.485326843261724,273.58707458496093],[46.55206466674805,274.0126574707031],[46.60744812011719,274.439789428711],[46.65338470458985,274.86815734863285],[46.69153884887696,275.29728332519534],[46.722981719970704,275.7269860839844],[46.74864852905274,276.15693603515626],[46.76968872070313,276.5872485351563],[46.78635360717774,277.0177917480469],[46.79950836181641,277.44830200195315],[46.80936309814454,277.87897705078126],[46.816457519531255,278.30968505859374],[46.82122833251953,278.74042602539066],[46.823654937744145,279.17126586914065],[46.82434707641602,279.60207275390627],[46.823065795898444,280.03278076171875],[46.82092758178711,280.46358764648437],[46.817322692871095,280.89439453125004],[46.812663116455084,281.32533325195317],[46.807414398193366,281.75590942382814],[46.80106155395508,282.18671630859376],[46.79433792114258,282.61755615234375],[46.78713638305664,283.04819824218754],[46.77945693969727,283.4789721679688],[46.77162918090821,283.90974609375],[46.76380554199219,284.34035522460937],[46.75603546142578,284.7710961914063],[46.7483724975586,285.2018701171875],[46.74070953369141,285.63264404296876],[46.733046569824225,286.0632861328125],[46.72609634399414,286.49412597656254],[46.719347991943366,286.924833984375],[46.7134359741211,287.35550903320313],[46.70788238525391,287.7862829589844],[46.7031527709961,288.21708984375005],[46.69916061401368,288.64779785156253],[46.69588531494141,289.0786376953125],[46.69381301879883,289.5094775390625],[46.69225982666016,289.940185546875],[46.692000274658206,290.371025390625],[46.69301788330078,290.80183227539067],[46.69531677246094,291.2327709960938],[46.6989340209961,291.66338012695314],[46.703972625732426,292.0942858886719],[46.71050262451172,292.52505981445313],[46.71861465454102,292.95563598632816],[46.72841171264649,293.3864099121094],[46.739976196289064,293.8170849609375],[46.75339462280274,294.2475622558594],[46.76877822875977,294.67803955078125],[46.78630416870117,295.1085498046875],[46.80612487792969,295.53902709960937],[46.82822799682617,295.9690759277344],[46.85274948120117,296.3991906738282],[46.8798129272461,296.8293054199219],[46.90950485229492,297.2589587402344],[46.942002410888676,297.6886120605469],[46.977412719726566,298.11793579101567],[47.01591705322266,298.546962890625],[47.057873840332036,298.97566040039067],[47.10324600219727,299.40412719726567],[47.152157135009766,299.83206665039063],[47.20503982543946,300.2596765136719],[47.26187759399414,300.68666015625],[47.32290115356446,301.11321533203125],[47.38855133056641,301.5389135742188],[47.45881576538086,301.9640185546875],[47.5341064453125,302.388134765625],[47.614658203125,302.81129516601567],[47.7007553100586,303.2333679199219],[47.7928385925293,303.65428710937505],[47.891089324951174,304.07365722656255],[47.9959977722168,304.49151123046875],[48.10795944213867,304.9074536132813],[48.227254486083986,305.321484375],[48.35463684082031,305.7328784179688],[48.49040313720703,306.1418005371094],[48.634990081787116,306.54762451171877],[48.78913925170899,306.9498229980469],[48.953518066406254,307.34803344726566],[49.12858383178711,307.74169555664065],[49.317080383300784,308.12886474609377],[49.521586761474616,308.5081237792969],[49.73935089111328,308.87973632812503],[49.96851058959961,309.24449340820314],[50.20728607177735,309.6030212402344],[50.45448669433594,309.9559790039063],[50.70884353637695,310.30369628906254],[50.9694955444336,310.6465686035156],[51.235882415771485,310.98515625000005],[51.50721313476563,311.31978881835937],[51.78293151855469,311.6506640625],[52.06272033691407,311.9782434082031],[52.346357116699224,312.30259277343754],[52.63293960571289,312.6241076660156],[52.9225131225586,312.9430847167969],[53.21506118774414,313.25939208984374],[53.50994110107422,313.57355712890626],[53.80691390991211,313.8854809570313],[54.10632568359375,314.19536132812505],[54.40755844116212,314.50329711914065],[54.7104721069336,314.80951904296876],[55.01512847900391,315.1142248535156],[55.32129272460938,315.41731567382817],[55.62883712768555,315.7187585449219],[55.937905883789064,316.0190478515625],[56.24813232421875,316.3180187988281],[56.55932693481446,316.61570434570314],[56.871790466308596,316.9124011230469],[57.1852262878418,317.20801025390625],[57.49951080322266,317.5026306152344],[57.814705810546876,317.79622924804687],[58.130778350830084,318.0889050292969],[58.44784790039063,318.380625],[58.76515640258789,318.67198242187504],[59.083523712158204,318.9622521972656],[59.402134094238285,319.2520935058594],[59.72154373168946,319.541044921875],[60.04145599365235,319.8297326660157],[60.36197799682618,320.11762939453126],[60.68285018920899,320.40516357421876],[61.00415908813477,320.6920056152344],[61.325834655761724,320.97855102539063],[61.64802108764649,321.26460205078126],[61.970302276611335,321.55025756835937],[62.29314376831055,321.8355505371094],[62.61618713378907,322.1207116699219],[62.93949829101563,322.40527954101566],[63.263097839355474,322.689814453125],[63.58714645385743,322.9737231445313],[63.911092071533204,323.25756591796875],[64.23514068603517,323.5415075683594],[64.55918518066407,323.82541625976563],[64.88390121459962,324.10859985351567],[65.20851425170899,324.3916845703125],[65.5332261657715,324.6748352050781],[65.85794219970704,324.95801879882816],[66.18255523681641,325.241103515625],[66.50726715087892,325.5242541503906],[66.83197906494141,325.80743774414066],[67.15659622192383,326.0905224609375],[67.48127105712891,326.3736401367188],[67.80597473144532,326.6568237304688],[68.13067840576173,326.94000732421875],[68.455283203125,327.22309204101566],[68.77998687744142,327.50627563476564],[69.10429504394531,327.7899206542969],[69.42847137451173,328.0734997558594],[69.75275482177734,328.3571447753906],[70.07703002929688,328.64082275390626],[70.40096740722657,328.9246655273438],[70.7247235107422,329.20893676757817],[71.0483724975586,329.4932739257813],[71.37159301757814,329.7779736328125],[71.69491241455079,330.0627062988282],[72.01778686523438,330.34809814453126],[72.34058715820314,330.63342407226565],[72.66284362792969,330.9191455078125],[72.98505065917969,331.2051635742188],[73.30695281982422,331.4914782714844],[73.62836883544922,331.77818847656255],[73.94976013183594,332.0650964355469],[74.27052520751954,332.3527294921875],[74.59119140625,332.640263671875],[74.91123138427734,332.928720703125],[75.23115600585938,333.21727661132815],[75.55058624267579,333.50649169921877],[75.8694891357422,333.7960034179688],[76.18818603515625,334.0858776855469],[76.50617431640626,334.3765759277344],[76.82408020019531,334.6672082519531],[77.14098907470704,334.95909301757814],[77.45788970947267,335.25097778320315],[77.77384277343751,335.54368652343754],[78.08956512451172,335.83685668945316],[78.4048260498047,336.1304223632813],[78.7192465209961,336.42468017578125],[79.0332879638672,336.719794921875],[79.34662902832032,337.01537109375005],[79.65934387207032,337.31173828125003],[79.97136657714844,337.6087646484375],[80.28273010253906,337.90651611328127],[80.59344268798829,338.2049926757813],[80.90338073730469,338.5041284179688],[81.21261016845703,338.8040222167969],[81.52113098144532,339.10470703125003],[81.82881958007813,339.4061169433594],[82.13579956054689,339.7084167480469],[82.44188140869142,340.01167236328126],[82.74708984375,340.31581787109377],[83.0512518310547,340.62065551757814],[83.35468048095704,340.92654785156253],[83.65712036132813,341.23333007812505],[83.95861267089845,341.54103515625],[84.2591244506836,341.84972900390625],[84.55864746093751,342.1594445800782],[84.85699218750001,342.47005004882817],[85.15433990478516,342.78180908203126],[85.45049285888672,343.0947216796875],[85.74532745361329,343.40865600585937],[86.03909088134766,343.7238427734375],[86.33162658691407,344.04021606445315],[86.62282745361328,344.35770996093754],[86.91263580322266,344.676357421875],[87.21519927978517,344.9826123046875],[87.5240249633789,345.2828356933594],[87.82483337402344,345.5911999511719],[88.11747619628906,345.9073425292969],[88.40211822509767,346.2308349609375],[88.67875946044923,346.5608203125],[88.9478530883789,346.8973645019531],[89.20937438964845,347.2397094726563],[89.46376007080079,347.5874597167969],[89.71104309082031,347.94002197265627],[89.95161895751954,348.2973962402344],[90.18614685058594,348.6588903808594],[90.41447845458985,349.0240759277344],[90.63714111328126,349.39291992187503],[90.85457153320313,349.7648620605469],[91.06705810546876,350.13947387695316],[91.27507049560548,350.51665649414065],[91.47901245117188,350.8962121582031],[91.67904876708985,351.27774536132813],[91.87566558837891,351.661025390625],[92.06939025878907,352.04592041015627],[92.26029693603516,352.4321667480469],[92.44913543701172,352.8192370605469],[92.63622711181641,353.2072631835938],[92.8217532348633,353.59611328125004],[93.0063153076172,353.98529296875],[93.1907455444336,354.37470336914066],[93.37467315673828,354.7643115234375],[93.55862548828125,355.1537548828125],[93.74330291748048,355.5429345703125],[93.92907623291016,355.93168579101564],[94.11642333984376,356.31967895507813],[94.30566558837891,356.7065515136719],[94.49725616455079,357.0925671386719],[94.69173889160157,357.47693481445316],[94.88953399658203,357.85962158203125],[95.09110290527344,358.2402978515625],[95.29703063964844,358.61873291015627],[95.50765502929688,358.9943994140625],[95.72372589111329,359.3671655273438],[95.94564697265626,359.7364379882813],[96.17388793945314,360.10175537109376],[96.40892669677736,360.4627880859375],[96.65142242431641,360.8189099121094],[96.90173767089844,361.16949462890625],[97.16039978027344,361.5139489746094],[97.42780426025391,361.8516137695313],[97.7045443725586,362.18192871093754],[97.99067779541016,362.50380615234377],[98.28669891357423,362.81668579101563],[98.59290435791016,363.11987548828125],[98.9091293334961,363.4122546386719],[99.2356787109375,363.6932958984375],[99.57237121582033,363.96207641601563],[99.91895141601563,364.21783813476566],[100.27517211914063,364.4599877929688],[100.64062957763673,364.68793212890625],[101.01501068115235,364.90130859375],[101.3972689819336,365.0994909667969],[101.78721496582033,365.2826440429688],[102.18399993896485,365.4504711914063],[102.58677520751954,365.60307128906254],[102.99506286621094,365.74037841796877],[103.40808013916016,365.8628869628906],[103.82523376464844,365.9709265136719],[104.24555969238281,366.0647607421875],[104.66886840820314,366.14488403320314],[105.09432769775391,366.21198852539067],[105.5222918701172,366.2560546875],[105.94251068115236,366.1712841796875],[106.32034423828125,365.9664440917969],[106.65071685791017,365.6909069824219],[106.94289001464844,365.37453369140627],[107.20582031250001,365.03334228515627],[107.4461572265625,364.67600097656253],[107.66892700195314,364.307255859375],[107.87731842041016,363.9302709960938],[108.0738363647461,363.54679321289063],[108.26069732666016,363.1587341308594],[108.43925262451172,362.76662109375],[108.61043334960938,362.3712780761719],[108.77524475097657,361.97336425781253],[108.93456848144533,361.5730444335938],[109.0888494873047,361.17087890625004],[109.23873046875,360.76703247070316],[109.38469757080078,360.3617358398438],[109.5272039794922,359.95505493164063],[109.66619201660157,359.5473193359375],[109.80223846435548,359.13869384765627],[109.93567291259767,358.72894775390625],[110.0664129638672,358.3184436035157],[110.19492004394532,357.9073791503906],[110.3211199951172,357.49549072265626],[110.44548248291017,357.08287719726565],[110.5677685546875,356.6700329589844],[110.68811004638673,356.25626586914063],[110.80743804931642,355.8422351074219],[110.92456604003907,355.4277758789063],[111.04051574707032,355.0128552246094],[111.15546020507813,354.59763793945314],[111.26852600097656,354.1818933105469],[111.38063598632813,353.7660168457031],[111.49185607910157,353.3497778320313],[111.60145294189454,352.93320922851564],[111.71043182373047,352.5164428710938],[111.81831481933594,352.09931396484376],[111.9251760864258,351.68198730468754],[112.03150177001955,351.2645947265625],[112.13645965576173,350.8467736816406],[112.24104675292969,350.42875488281254],[112.34468627929688,350.0105712890625],[112.4476171875,349.5922888183594],[112.55002075195313,349.17380859375004],[112.65150970458986,348.75509765625003],[112.75271026611328,348.3364526367188],[112.852880859375,347.91744506835937],[112.95287841796876,347.49837158203127],[113.05199432373048,347.0792321777344],[113.15083007812501,346.65996093750005],[113.24903137207032,346.24045898437504],[113.34685363769532,345.82092407226565],[113.4441732788086,345.4012243652344],[113.5410726928711,344.9814916992188],[113.6375765991211,344.56159423828126],[113.73361083984376,344.14172973632816],[113.82934020996095,343.7216674804688],[113.9244515991211,343.30144042968755],[114.0191180419922,342.8812463378907],[114.11381744384767,342.46095336914067],[114.20851684570313,342.04066040039066],[114.30245819091797,341.6203015136719],[114.39593811035157,341.1997119140625],[114.48942626953125,340.77915527343754],[114.58291442871095,340.35856567382814],[114.67585876464844,339.9380090332032],[114.76831695556642,339.51718872070313],[114.86076690673829,339.0964013671875],[114.95319213867188,338.67571289062505],[115.04539489746095,338.25485961914063],[115.13698791503907,337.83387451171876],[115.22855621337891,337.4130212402344],[115.32014923095704,336.99200317382815],[115.41173400878907,336.57105102539066],[115.50259368896485,336.1500329589844],[115.59348632812501,335.72888305664065],[115.68437896728517,335.3077661132813],[115.77527160644532,334.8866162109375],[115.86566986083984,334.4654333496094],[115.95579620361329,334.0441186523438],[116.04591430664063,333.62283691406253],[116.13601593017579,333.2016540527344],[116.22613403320314,332.78033935546875],[116.31626037597657,332.35902465820317],[116.40635375976564,331.93784179687503],[116.49647186279297,331.5165270996094],[116.58659820556642,331.09521240234375],[116.67670806884766,330.6739636230469],[116.76680969238282,330.2527807617188],[116.85715850830078,329.8315319824219],[116.94801818847657,329.41038208007814],[117.03885314941407,328.9893640136719],[117.13041320800782,328.56834594726564],[117.22196502685547,328.14736083984377],[117.31394531250001,327.7265405273438],[117.40616455078126,327.30568725585937],[117.49867218017579,326.88489990234376],[117.59178131103516,326.4643762207032],[117.68492340087892,326.043720703125],[117.77806549072267,325.6230651855469],[117.87120758056642,325.20244262695314],[117.96495117187501,324.7820837402344],[118.05921386718751,324.36169189453125],[118.1534765625,323.9412670898438],[118.24771453857423,323.52100708007816],[118.34197723388672,323.100615234375],[118.43703094482423,322.68028930664065],[118.53226593017578,322.2602270507813],[118.62752563476563,321.8400659179688],[118.72278533935548,321.4198718261719],[118.81804504394532,320.9997106933594],[118.91406280517579,320.5799450683594],[119.01019592285157,320.15998168945316],[119.10632904052736,319.7399853515625],[119.20243743896485,319.3201538085938],[119.2986117553711,318.9000915527344],[119.3955111694336,318.48029296875],[119.49238586425783,318.06062622070317],[119.58928527832032,317.64082763671877],[119.68618469238282,317.2210290527344],[119.78312530517579,316.80132934570315],[119.8806838989258,316.38166259765626],[119.97824249267579,315.96202880859374],[120.07580108642578,315.5423950195313],[120.17332672119142,315.1228601074219],[120.27097595214845,314.70325927734376],[120.36930908203126,314.28379028320313],[120.46761749267579,313.864453125],[120.5659588623047,313.4449841308594],[120.6643002319336,313.02551513671875],[120.76260864257813,312.60617797851563],[120.86095001220704,312.186708984375],[120.95928314208984,311.7672399902344],[121.05762451171876,311.34777099609374],[121.15593292236329,310.9284338378906],[121.25431549072266,310.50903076171875],[121.35337371826172,310.0897265625],[121.45239898681642,309.67055419921877],[121.55145721435548,309.25125],[121.65051544189454,308.8319458007813],[121.74954071044922,308.41280639648437],[121.84859893798829,307.9935021972656],[121.94765716552735,307.5741979980469],[122.04668243408204,307.15502563476565],[122.1457406616211,306.7357214355469],[122.24479888916017,306.31641723632816],[122.3441619873047,305.8972119140625],[122.44352508544922,305.47810546875],[122.54291290283204,305.0589001464844],[122.64230895996094,304.6396948242188],[122.74167205810548,304.22058837890626],[122.84105987548828,303.80138305664065],[122.9404559326172,303.38214477539066],[123.03981903076172,302.9630712890625],[123.13920684814454,302.5438330078125],[123.23860290527344,302.1246276855469],[123.33799896240235,301.7054223632813],[123.4373538208008,301.28631591796875],[123.5367498779297,300.86711059570314],[123.63614593505861,300.44787231445315],[123.73550079345704,300.02879882812505],[123.83489685058595,299.609560546875],[123.93429290771485,299.1903552246094],[124.03364776611329,298.7712817382813],[124.13304382324219,298.35204345703124],[124.2324398803711,297.93283813476563],[124.33164642333985,297.5136328125],[124.43065521240236,297.0943286132813],[124.52965576171876,296.67502441406253],[124.62866455078125,296.2556872558594],[124.72764038085938,295.8365148925781],[124.82664916992188,295.4172106933594],[124.92565795898439,294.99790649414064],[125.0246337890625,294.5787341308594],[125.12363433837892,294.1593969726563],[125.22264312744142,293.74009277343754],[125.32147888183594,293.32092041015625],[125.41974609375,292.90141845703124],[125.51802154541016,292.48194946289067],[125.61628875732423,292.06248046875004],[125.71453125000001,291.64311035156254],[125.81279846191407,291.2236413574219],[125.91107391357423,290.8041394042969],[126.00930816650391,290.3848022460938],[126.10758361816407,289.9653002929688],[126.20585083007813,289.54583129882815],[126.30409332275391,289.12646118164065],[126.40160247802736,288.70682739257813],[126.4990869140625,288.28716064453124],[126.59653839111328,287.8676257324219],[126.69401458740235,287.447958984375],[126.79149902343751,287.0282922363281],[126.8884066772461,286.60852661132816],[126.98520721435548,286.1888269042969],[127.08204071044922,285.76902832031254],[127.17887420654297,285.34919677734376],[127.27567474365235,284.92953002929687],[127.37190673828125,284.50956665039064],[127.46798217773438,284.08957031250003],[127.56403289794923,283.6697058105469],[127.66010833740235,283.24970947265626],[127.75618377685548,282.82971313476565],[127.85162475585939,282.40955200195316],[127.94682678222657,281.9894897460938],[128.04204528808594,281.56932861328124],[128.1372720336914,281.14913452148437],[128.2324740600586,280.729072265625],[128.3269757080078,280.3087463378906],[128.42123840332033,279.88835449218755],[128.51547637939453,279.46806152343754],[128.60973907470705,279.0476696777344],[128.70400177001954,278.62727783203127],[128.79743225097658,278.2067541503906],[128.8906155395508,277.7861315917969],[128.9838070678711,277.36547607421875],[129.0769985961914,276.944853515625],[129.17015716552734,276.5243298339844],[129.26235992431643,276.10352600097656],[129.35435668945314,275.68262329101566],[129.44632049560548,275.2618359375],[129.5383172607422,274.8409332275391],[129.6303140258789,274.42003051757814],[129.72138793945314,273.9990948486328],[129.81241241455078,273.5779779052734],[129.9031237792969,273.1567291259766],[129.99344787597659,272.7354638671875],[130.08369781494142,272.3143963623047],[130.17331329345703,271.89298278808593],[130.26292877197267,271.4715692138672],[130.3520333862305,271.0500897216797],[130.44088256835937,270.6285113525391],[130.52951751708986,270.206982421875],[130.61755096435547,269.78537109375003],[130.7056091308594,269.36362792968754],[130.79295867919922,268.94170349121094],[130.88015991210938,268.5199273681641],[130.96696563720704,268.09787109375003],[131.05333465576172,267.6757653808594],[131.13955535888672,267.25367614746096],[131.22498504638673,266.8315209960938],[131.310439453125,266.4092340087891],[131.39511932373048,265.9868481445313],[131.4796014404297,265.56451171875],[131.56364685058594,265.141845703125],[131.6471731567383,264.7191796875],[131.73065826416016,264.2966949462891],[131.81416809082032,263.87402893066405],[131.8981887817383,263.45139587402343],[131.98273681640626,263.0289276123047],[132.06810058593751,262.6067889404297],[132.15383514404297,262.18458435058596],[132.240583190918,261.7625610351563],[132.3278009033203,261.34073547363283],[132.41571075439455,260.91895935058596],[132.5045104980469,260.4974304199219],[132.59371398925782,260.0760498046875],[132.68407928466797,259.65478454589845],[132.7750048828125,259.2336016845703],[132.86663085937502,258.81274841308596],[132.95931152343752,258.3919940185547],[133.05245361328127,257.9714044189453],[133.1467904663086,257.5510125732422],[133.24179473876953,257.1308679199219],[133.33753234863283,256.7108056640625],[133.43449768066407,256.29100708007815],[133.53194915771485,255.87147216796876],[133.63059539794924,255.45208557128908],[133.73009857177735,255.03289672851565],[133.83020324707033,254.61398803710938],[133.93179107666018,254.19531005859378],[134.03396392822268,253.77674743652346],[134.13718322753908,253.35846496582033],[134.24147369384767,252.94052856445313],[134.3463656616211,252.5226745605469],[134.4527819824219,252.10518310546877],[134.55985748291016,251.68800476074222],[134.66789703369142,251.27092529296877],[134.77724670410157,250.85424133300782],[134.88719787597657,250.43775512695314],[134.9985415649414,250.02154907226563],[135.1107669067383,249.6056726074219],[135.22375854492188,249.19005981445315],[135.3382992553711,248.7747106933594],[135.45345794677735,248.35949340820315],[135.56988555908205,247.9446881103516],[135.68732666015626,247.53024536132813],[135.80547637939455,247.11591796875],[135.9252493286133,246.70210144042971],[136.0455908203125,246.288515625],[136.16718475341798,245.87519348144534],[136.28984985351565,245.46223388671876],[136.41314117431642,245.0495379638672],[136.53809692382814,244.6372869873047],[136.66362945556642,244.22510192871096],[136.79041442871096,243.81334533691407],[136.91817993164062,243.40196777343752],[137.04668701171875,242.99073852539064],[137.17670196533203,242.58005310058596],[137.30718658447267,242.1695983886719],[137.4391296386719,241.7594567871094],[137.5718637084961,241.34954589843753],[137.70547943115236,240.94009643554688],[137.84035583496095,240.53091064453128],[137.9756936645508,240.1218896484375],[138.11267944335938,239.71346191406252],[138.2500524902344,239.3051989746094],[138.38874389648439,238.8972985839844],[138.52822631835937,238.48957946777347],[138.66853271484376,238.08237121582033],[138.8099597167969,237.6754595947266],[138.9519305419922,237.26867980957033],[139.09530212402345,236.8625427246094],[139.23903625488282,236.4563397216797],[139.3842205810547,236.05069702148438],[139.5297509765625,235.64533447265626],[139.6765008544922,235.24025207519531],[139.82389343261718,234.8354333496094],[139.97222534179687,234.43092773437502],[140.12129882812502,234.02691650390628],[140.27113037109376,233.62297119140626],[140.42201660156252,233.21933898925784],[140.57331481933593,232.81606933593753],[140.72581604003906,232.41312927246096],[140.87863037109375,232.0103045654297],[141.0326806640625,231.6080731201172],[141.18696166992189,231.20580871582033],[141.34254455566406,230.80410461425782],[141.49825927734375,230.40238403320313],[141.65529235839844,230.00130615234377],[141.81242431640626,229.60012939453125],[141.97089111328125,229.19952941894533],[142.1293249511719,228.79901184082033],[142.28919250488283,228.39887329101563],[142.4490270996094,227.99876770019532],[142.61008117675783,227.59938720703127],[142.77125061035156,227.19982543945315],[142.93359008789062,226.80077453613282],[143.09599548339844,226.40185546875003],[143.2595379638672,226.00326599121095],[143.42324523925782,225.60474243164063],[143.5879412841797,225.20659790039065],[143.75283508300782,224.80871704101563],[143.91861877441409,224.41095153808595],[144.08478149414063,224.01344970703127],[144.25145507812502,223.61639282226565],[144.41878784179687,223.21938537597657],[144.58653259277344,222.82254272460938],[144.7549530029297,222.4261285400391],[144.92363708496094,222.02958251953126],[145.0932275390625,221.63353088378906],[145.26281799316408,221.2374627685547],[145.4333807373047,220.84200439453127],[145.6040753173828,220.44641418457033],[145.775478515625,220.0511865234375],[145.94717834472658,219.65617309570314],[146.11935607910158,219.2612750244141],[146.2921435546875,218.86659118652346],[146.4649969482422,218.4720886230469],[146.63878967285157,218.07784973144533],[146.81258239746094,217.68361083984377],[146.9870837402344,217.28980041503908],[147.161865234375,216.8959899902344],[147.3365478515625,216.50211364746096],[147.51108215332033,216.10820434570314],[147.68555053710938,215.71441040039065],[147.85875000000001,215.31997375488282],[148.03193298339843,214.92547119140627],[148.20448974609377,214.53078735351565],[148.3764862060547,214.13577392578125],[148.54848266601564,213.7407440185547],[148.7193914794922,213.34545043945315],[148.89030029296876,212.94995910644533],[149.06091247558595,212.5543359375],[149.23086547851562,212.15843261718751],[149.40076904296876,211.76264465332034],[149.57016174316408,211.366494140625],[149.7392578125,210.9702282714844],[149.9082879638672,210.5740777587891],[150.07665893554687,210.17754821777345],[150.24496398925783,209.78095275878908],[150.41317016601565,209.38440673828126],[150.5807995605469,208.98751464843753],[150.74842895507814,208.59062255859376],[150.91582763671877,208.19384582519533],[151.08284729003907,207.79669006347658],[151.2498669433594,207.39955078125],[151.41668884277345,207.00231262207032],[151.5831317138672,206.60505798339844],[151.74962402343752,206.20768798828126],[151.91581970214844,205.81013671875002],[152.0816033935547,205.41261840820314],[152.2474200439453,205.01496826171876],[152.41323669433595,204.61731811523438],[152.57900390625002,204.21978332519532],[152.74483703613282,203.82213317871094],[152.9103240966797,203.4243347167969],[153.07546508789065,203.02638793945314],[153.24054016113283,202.62857299804688],[153.40568115234376,202.23064270019532],[153.5708056640625,201.83269592285157],[153.73589721679687,201.43488098144533],[153.90085693359376,201.03688476562502],[154.06553649902344,200.6387567138672],[154.23016662597658,200.2407440185547],[154.39482971191407,199.8426159667969],[154.55950927734375,199.44448791503908],[154.7241394042969,199.04649169921876],[154.88876953125,198.64834716796875],[155.05315246582032,198.25010375976564],[155.21753540039063,197.85186035156252],[155.38188537597657,197.4537322998047],[155.54626831054688,197.05548889160158],[155.7106512451172,196.65724548339844],[155.87500122070313,196.25911743164065],[156.03938415527344,195.8608740234375],[156.20376708984375,195.4626306152344],[156.3681170654297,195.06450256347657],[156.5325,194.66625915527345],[156.6968829345703,194.26801574707034],[156.8612823486328,193.8697723388672],[157.02564880371094,193.47169372558594],[157.19014709472657,193.0734832763672],[157.35462890625,192.67528930664065],[157.51907775878908,192.2772106933594],[157.6835595703125,191.87900024414063],[157.84805786132813,191.4807897949219],[158.01252319335939,191.08272766113282],[158.17731811523439,190.68464904785156],[158.34212951660157,190.28658691406253],[158.5068914794922,189.8886236572266],[158.67170288085939,189.49056152343752],[158.83651428222657,189.09248291015626],[159.00130920410157,188.6944207763672],[159.16641723632813,188.29663879394533],[159.33172302246095,187.8987744140625],[159.49704528808596,187.5009100341797],[159.6623016357422,187.1031774902344],[159.8276239013672,186.70531311035157],[159.9929461669922,186.30744873046876],[160.15846618652344,185.90973266601563],[160.3244970703125,185.5121649169922],[160.49051147460938,185.11459716796875],[160.65654235839844,184.71702941894532],[160.82250732421875,184.3195770263672],[160.9885382080078,183.92200927734376],[161.15455261230468,183.52444152832032],[161.3211767578125,183.12730224609376],[161.48786682128906,182.7300146484375],[161.65455688476564,182.33272705078127],[161.8216094970703,181.93578552246095],[161.98882690429687,181.53872863769533],[162.15602783203127,181.14165527343752],[162.32364074707033,180.74477966308595],[162.49141845703127,180.34795349121094],[162.6591961669922,179.95112731933594],[162.82733642578125,179.55454833984376],[162.99570739746096,179.15811767578126],[163.16411132812502,178.76155517578127],[163.33294372558595,178.36512451171876],[163.50200683593752,177.96899047851565],[163.67111938476563,177.572724609375],[163.84064392089846,177.17668945312502],[164.0104815673828,176.78088500976563],[164.18038513183595,176.38496520996094],[164.3507666015625,175.98916076660157],[164.521494140625,175.593603515625],[164.69218872070314,175.19816162109376],[164.86344360351563,174.80285156250002],[165.0351104736328,174.40768981933596],[165.20672790527345,174.0126434326172],[165.37907043457034,173.61772888183594],[165.55175903320313,173.22301208496094],[165.72439819335938,172.82842712402345],[165.89792724609376,172.43412231445313],[166.07171997070313,172.03989990234376],[166.24546325683596,171.6457928466797],[166.42040954589845,171.25204833984375],[166.5954052734375,170.8583532714844],[166.77061523437501,170.46474060058594],[166.9468963623047,170.07177062988282],[167.12322692871095,169.6786688232422],[167.30000244140626,169.28583068847658],[167.47745361328126,168.8933221435547],[167.65561340332033,168.50104431152346],[167.83438293457033,168.109013671875],[168.01363037109377,167.71742797851564],[168.1935205078125,167.32599060058595],[168.3741687011719,166.93484985351563],[168.55564086914063,166.5439892578125],[168.7377392578125,166.153623046875],[168.9205792236328,165.76356994628907],[169.10419372558596,165.37389587402345],[169.28868164062501,164.98469970703127],[169.4742242431641,164.59584960937502],[169.66072265625002,164.20741149902344],[169.84809448242189,163.81966552734377],[170.03661987304687,163.43219970703126],[170.22623291015626,163.04531066894532],[170.41701599121095,162.65909729003909],[170.6090350341797,162.2735430908203],[170.8025372314453,161.88859863281252],[170.9975390625,161.50439575195313],[171.19408996582033,161.1210662841797],[171.39233825683596,160.73857727050782],[171.59236633300782,160.35701110839844],[171.79428955078126,159.97663146972658],[171.99843750000002,159.59722412109377],[172.20492553710938,159.21898681640627],[172.41403381347658,158.84244689941409],[172.62600952148438,158.46740661621095],[172.84109985351563,158.0940966796875],[173.0598486328125,157.72287963867188],[173.28243713378907,157.3542663574219],[173.50983764648439,156.98824035644532],[173.7423797607422,156.62565856933594],[173.98123352050783,156.2671307373047],[174.2275524902344,155.91377746582032],[174.48298461914064,155.5668182373047],[174.74967224121096,155.2286590576172],[175.03138916015627,154.90269470214844],[175.33335937500001,154.59566528320315],[175.66476196289062,154.3209521484375],[176.04088989257815,154.11350830078126],[176.46086975097657,154.02333251953127],[176.8910174560547,154.0306494140625],[177.31536437988282,154.10281311035158],[177.73016967773438,154.21843322753907],[178.1355487060547,154.36439208984376],[178.531962890625,154.53253234863283],[178.92106018066409,154.7173828125],[179.3036151123047,154.91558166503907],[179.68038574218753,155.12429443359375],[180.05214660644532,155.34197204589844],[180.41952392578125,155.56696655273439],[180.7830944824219,155.7983056640625],[181.14290771484377,156.0348358154297],[181.49977111816406,156.27632629394532],[181.85376708984376,156.52193664550782],[182.20507690429687,156.77099121093752],[182.55406311035156,157.0236053466797],[182.9010223388672,157.27903747558594],[183.24578979492188,157.5372381591797],[183.58885986328127,157.79791076660158],[183.93029846191408,158.06072570800782],[184.2700067138672,158.32540283203127],[184.60846252441408,158.59207397460938],[184.94550109863283,158.86039306640626],[185.2813531494141,159.1303436279297],[185.61582092285158,159.40161254882813],[185.9493328857422,159.67434814453125],[186.28179016113282,159.94835266113282],[186.61320922851564,160.2234942626953],[186.9437713623047,160.49977294921877],[187.2734765625,160.7771063232422],[187.6022918701172,161.05534606933594],[187.9304479980469,161.33455810546877],[188.2577966308594,161.6145446777344],[188.5846179199219,161.8954541015625],[188.9105987548828,162.1769403076172],[189.23608520507813,162.4592175292969],[189.56096191406252,162.7421209716797],[189.88524536132815,163.02558471679689],[190.20901794433595,163.3098065185547],[190.5320819091797,163.59485229492188],[190.85489868164063,163.87996398925782],[191.17735290527344,164.16573486328127],[191.49926330566407,164.45208251953127],[191.821025390625,164.73846313476562],[192.14201293945314,165.02584899902345],[192.46300048828127,165.31323486328125],[192.78347717285158,165.60121398925781],[193.1035418701172,165.8894567871094],[193.42359008789063,166.17784790039065],[193.74299560546876,166.46698059082033],[194.06231872558595,166.75603088378907],[194.38136169433594,167.04557556152344],[194.70012451171877,167.3354168701172],[195.01878845214844,167.6251922607422],[195.33694152832032,167.91559387207033],[195.65512756347658,168.2060778808594],[195.97318176269533,168.4967596435547],[196.29077453613283,168.78768859863283],[196.60846618652346,169.0786999511719],[196.9257458496094,169.37013977050782],[197.24272888183594,169.66172790527344],[197.55982727050784,169.9533984375],[197.8769256591797,170.24506896972656],[198.19392517089844,170.5366571044922],[198.51095764160158,170.828525390625],[198.8274792480469,171.1208221435547],[199.1440008544922,171.41313537597657],[199.4604071044922,171.70533325195314],[199.7769287109375,171.99764648437503],[200.09345031738283,172.2899432373047],[200.4096258544922,172.58240478515626],[200.7257684326172,172.87511352539065],[201.04189453125002,173.1678387451172],[201.3579217529297,173.46046508789064],[201.6740478515625,173.7531903076172],[201.99017395019533,174.04591552734377],[202.3062176513672,174.3385418701172],[202.62234375000003,174.63126708984376],[202.93846984863282,174.92399230957034],[203.25459594726564,175.2167010498047],[203.57063964843752,175.50934387207033],[203.8866668701172,175.80197021484375],[204.20285888671876,176.09462951660157],[204.518935546875,176.38720642089845],[204.8351275634766,176.67986572265627],[205.15131958007814,176.97252502441407],[205.4673962402344,177.26510192871095],[205.78360473632813,177.5577282714844],[206.10010986328126,177.85005798339844],[206.4165985107422,178.14238769531252],[206.7330047607422,178.43461853027344],[207.04949340820315,178.72693176269533],[207.36599853515625,179.01926147460938],[207.68242126464844,179.31149230957033],[207.9994207763672,179.6032781982422],[208.31642028808596,179.89504760742187],[208.63333740234376,180.18673461914062],[208.95033691406252,180.47850402832032],[209.26733642578125,180.7702734375],[209.58425354003907,181.06196044921876],[209.9016979980469,181.3532684326172],[210.21920837402345,181.6444940185547],[210.53670227050782,181.9357196044922],[210.854443359375,182.2265167236328],[211.17233276367188,182.51731384277346],[211.49023864746096,182.80811096191408],[211.80840820312503,183.0985290527344],[212.12675903320314,183.38884826660157],[212.44510986328126,183.6791510009766],[212.76354309082032,183.96899230957033],[213.08237182617188,184.25876770019534],[213.40121704101563,184.54854309082032],[213.72029296875002,184.83805480957034],[214.03956665039064,185.12715454101564],[214.3589227294922,185.4163366699219],[214.67846008300782,185.70532104492187],[214.99831054687502,185.99377807617188],[215.31825988769532,186.28231750488283],[215.63835754394532,186.57079101562502],[215.95885070800782,186.85853942871094],[216.27942626953126,187.14638671875002],[216.6000018310547,187.4342010498047],[216.9211541748047,187.7212078857422],[217.24238891601564,188.00831359863284],[217.56364013671876,188.29540283203127],[217.88551757812502,188.58179992675784],[218.20739501953128,188.86798278808595],[218.52937133789064,189.1542645263672],[218.851875,189.43993652343752],[219.17452697753907,189.7252459716797],[219.49727783203127,190.010654296875],[219.82042419433594,190.29553527832033],[220.14390014648438,190.57992187500003],[220.46745849609377,190.86439086914064],[220.79137939453128,191.1485302734375],[221.11581115722657,191.43201049804688],[221.44014404296877,191.7154248046875],[221.7648229980469,191.99874023437502],[222.0901776123047,192.28116577148438],[222.4154333496094,192.56350891113283],[222.7408044433594,192.84585205078128],[223.06713134765627,193.1271569824219],[223.39334289550783,193.40837951660157],[223.7196697998047,193.68970092773438],[224.0466064453125,193.97028076171875],[224.37352661132815,194.25069580078127],[224.7005456542969,194.5312097167969],[225.02756469726563,194.81172363281252],[225.35456726074221,195.09222106933595],[225.68148742675783,195.37265258789063],[226.00850646972657,195.6531500244141],[226.33550903320315,195.9336639404297],[226.66242919921876,196.2140789794922],[226.9894482421875,196.49459289550782],[227.3164508056641,196.77510681152344],[227.6433874511719,197.05542297363283],[227.97076904296875,197.3354754638672],[228.29816711425784,197.61554443359375],[228.6255651855469,197.89559692382815],[228.95286437988284,198.17558349609376],[229.2802624511719,198.45563598632813],[229.60766052246095,198.7357049560547],[229.9349597167969,199.01567504882814],[230.26235778808595,199.2957440185547],[230.58973937988281,199.57579650878907],[230.91710449218752,199.85583251953128],[231.2448651123047,200.13545654296877],[231.5726422119141,200.41508056640626],[231.90030395507813,200.69462219238284],[232.22808105468752,200.97424621582033],[232.5558416748047,201.25387023925782],[232.8836187744141,201.5334942626953],[233.21128051757813,201.8130358886719],[233.53905761718752,202.09265991210938],[233.8669665527344,202.37218505859377],[234.1949578857422,202.65134765625],[234.52306457519532,202.930576171875],[234.85115478515627,203.2098211669922],[235.17916259765627,203.48898376464845],[235.5072528076172,203.76821228027345],[235.83535949707033,204.04745727539063],[236.16344970703128,204.32670227050784],[236.49165527343752,204.60551879882814],[236.82000915527345,204.88445068359377],[237.1483630371094,205.16339904785158],[237.4766180419922,205.44224853515627],[237.80497192382813,205.7211804199219],[238.13334228515626,206.00011230468752],[238.46159729003907,206.2789617919922],[238.789951171875,206.55789367675783],[239.11830505371094,206.83682556152345],[239.44656005859378,207.11567504882814],[239.7749139404297,207.39462341308595],[240.10316894531252,207.67372009277346],[240.43130859375,207.95291564941408],[240.75934936523439,208.23201232910156],[241.0874725341797,208.5112078857422],[241.41543090820315,208.79051879882815],[241.7429772949219,209.0702087402344],[242.07039184570314,209.3502117919922],[242.39749328613283,209.63061035156252],[242.72400146484375,209.91151977539064],[243.0502624511719,210.19289062500002],[243.37565002441409,210.4752996826172],[243.70029602050784,210.75869750976562],[244.02382141113281,211.04291931152346],[244.34639099121097,211.32860778808595],[244.66716430664064,211.61609252929688],[244.98628967285157,211.90548889160158],[245.3035693359375,212.19697814941406],[245.6188055419922,212.49065917968753],[245.93183349609376,212.7865155029297],[246.2429168701172,213.08449768066407],[246.5522039794922,213.38447387695314],[246.86007385253907,213.68570251464845],[247.16662536621095,213.988447265625],[247.47208923339846,214.29214782714845],[247.77700927734378,214.59658996582033],[248.08135253906252,214.9014440917969],[248.38508605957034,215.2070068359375],[248.68881958007813,215.51256958007815],[248.99245422363282,215.81804992675782],[249.3011151123047,216.1185534667969],[249.62116333007813,216.40705993652344],[249.9504071044922,216.6846734619141],[250.28761047363284,216.95269592285158],[250.63158691406252,217.21206665039065],[250.98146301269534,217.4636755371094],[251.33623352050782,217.70786865234376],[251.69545349121094,217.94561828613283],[252.0588427734375,218.17720458984377],[252.42528076171877,218.4033856201172],[252.7953112792969,218.62416137695314],[253.16792907714844,218.8402899169922],[253.54318359375003,219.0518865966797],[253.92089355468752,219.2591491699219],[254.30064697265627,219.4625720214844],[254.6823779296875,219.6618914794922],[255.0660205078125,219.85796447753907],[255.45149230957034,220.0503955078125],[255.83849670410157,220.2397448730469],[256.22688537597656,220.4258807373047],[256.6169384765625,220.60909973144533],[257.0080297851563,220.78958312988283],[257.40052185058596,220.96700134277344],[257.79418395996095,221.14204650878906],[258.1889666748047,221.31457031250002],[258.58482055664064,221.48442443847657],[258.98166320800783,221.6520703125],[259.3794946289063,221.8174090576172],[259.7783477783203,221.9803747558594],[260.1779754638672,222.14124755859376],[260.5784106445313,222.3000604248047],[260.97981811523437,222.45659912109377],[261.3818682861328,222.6111767578125],[261.78464355468753,222.7638592529297],[262.18829223632815,222.9145477294922],[262.59251770019534,223.06319274902344],[262.9976000976563,223.2101403808594],[263.40327575683597,223.3552587890625],[263.80946228027346,223.49839965820314],[264.2164068603516,223.63972778320314],[264.62399414062503,223.77935852050783],[265.03222412109375,223.91734130859376],[265.44088256835937,224.05344543457034],[265.8501837158203,224.18776977539065],[266.260078125,224.3204791259766],[266.6703845214844,224.45149108886721],[267.08136657714846,224.5808551025391],[267.4927935791016,224.70837341308595],[267.90471496582035,224.8342437744141],[268.3172955322266,224.9585321044922],[268.73035400390626,225.08120544433595],[269.14379150390624,225.20201660156252],[269.5576904296875,225.32116333007815],[269.97224853515627,225.43874450683595],[270.3872021484375,225.55462829589845],[270.80256774902347,225.6687158203125],[271.21842773437504,225.7810400390625],[271.63488098144535,225.89171630859377],[272.0515979003906,226.0006787109375],[272.4688916015625,226.10784484863282],[272.8866302490235,226.21313232421878],[273.30473144531254,226.31667297363282],[273.72326110839845,226.41845031738282],[274.1424169921875,226.51825012207033],[274.5619848632813,226.61613830566407],[274.9818493652344,226.71213134765625],[275.4023071289063,226.80624572753908],[275.82325927734377,226.8980859375],[276.24449157714844,226.98794860839845],[276.6663171386719,227.0758502197266],[277.08862060546875,227.16131286621095],[277.5111547851563,227.24455078125],[277.9343151855469,227.32567932128907],[278.3579370117188,227.4041052246094],[278.7819873046875,227.48020751953126],[279.2063671875,227.55368957519534],[279.63130737304687,227.62435363769532],[280.05677490234376,227.69247985839846],[280.4825390625,227.7572937011719],[280.90886352539064,227.81932250976564],[281.33574829101565,227.87789062500002],[281.76296264648437,227.9331793212891],[282.19060546875,227.98464477539065],[282.61880859375003,228.0325506591797],[283.0473413085938,228.07595764160158],[283.4764343261719,228.1152282714844],[283.90592285156254,228.14965393066407],[284.3357409667969,228.17880615234375],[284.76572387695313,228.2025036621094],[285.19620117187503,228.22026855468752],[285.62677734375,228.2352978515625],[286.05718872070315,228.25110168457033],[286.4876330566406,228.26776245117188],[286.9181762695313,228.28534606933596],[287.3484887695313,228.30395141601565],[287.77880126953124,228.3239080810547],[288.20914672851563,228.34503479003908],[288.6393933105469,228.3674139404297],[289.0694091796875,228.39119384765627],[289.4996228027344,228.41653930664063],[289.9295397949219,228.44354919433596],[290.3593249511719,228.47238830566408],[290.7889782714844,228.5032214355469],[291.2186315917969,228.53626281738283],[291.6478564453125,228.57169372558596],[292.07704833984377,228.60982727050782],[292.50581176757817,228.65084472656253],[292.9343444824219,228.69522399902345],[293.36231689453126,228.7436572265625],[293.79005859375,228.79622680664065],[294.2169763183594,228.85331176757813],[294.6430700683594,228.91631286621094],[295.0682739257813,228.98587280273438],[295.4921594238281,229.06319458007815],[295.9141003417969,229.14949768066407],[296.3337670898438,229.24699035644534],[296.75003906250004,229.3580291748047],[297.16123535156254,229.4859429931641],[297.5651477050781,229.6356591796875],[297.95726074218754,229.81388488769534],[298.33015869140627,230.0292059326172],[298.66980102539065,230.29324035644532],[298.95417114257816,230.61576049804688],[299.156572265625,230.99483825683595],[299.26480957031254,231.41086303710938],[299.2917370605469,231.84030212402345],[299.2724230957031,232.27074645996095],[299.27529052734377,232.70130615234376],[299.298427734375,233.13151977539064],[299.33296875,233.5609753417969],[299.3736071777344,233.98990356445313],[299.41651977539067,234.41843627929688],[299.45946533203124,234.84713378906253],[299.5009606933594,235.2760290527344],[299.53962158203126,235.70503967285157],[299.57445922851565,236.1344128417969],[299.60507812500003,236.5641979980469],[299.6310498046875,236.99404907226565],[299.6522094726563,237.4244274902344],[299.66816162109376,237.85495422363283],[299.6789392089844,238.28551391601565],[299.68480590820315,238.71632080078126],[299.68510253906254,239.14716064453125],[299.68068603515627,239.5779840087891],[299.6707653808594,240.0085272216797],[299.6562634277344,240.43915283203125],[299.63645507812504,240.86946533203127],[299.6119665527344,241.2994647216797],[299.5830615234375,241.72943115234378],[299.5492785644531,242.1589031982422],[299.51104614257815,242.58793029785159],[299.46836425781254,243.016611328125],[299.4213317871094,243.44486389160159],[299.3702124023438,243.87268798828126],[299.31513793945317,244.29985290527344],[299.2559436035156,244.72652343750002],[299.19292602539065,245.15271606445313],[299.1261840820313,245.57824951171875],[299.05578369140625,246.00337097167971],[298.9818896484375,246.42776733398438],[298.90460083007815,246.85143859863283],[298.8238513183594,247.27474731445315],[298.7398718261719,247.69729797363283],[298.6527941894531,248.11914001464845],[298.56251953125,248.54040527343753],[298.4692126464844,248.96094543457033],[298.378740234375,249.38221069335938],[298.30039672851564,249.8056512451172],[298.2346435546875,250.23139892578126],[298.18157958984375,250.65894287109376],[298.1412048339844,251.08775573730472],[298.11358520507815,251.51772216796877],[298.09868774414065,251.94821594238283],[298.0964135742188,252.3789404296875],[298.1065979003906,252.8096649169922],[298.12914184570315,253.2398455810547],[298.16394653320316,253.6693670654297],[298.21058349609376,254.09750427246095],[298.26898681640625,254.52438903808596],[298.3387280273438,254.9495104980469],[298.4195434570313,255.37244018554688],[298.5111364746094,255.79344177246097],[298.6132434082031,256.21198791503906],[298.72556762695314,256.62781494140626],[298.84761474609377,257.04100524902344],[298.9790551757813,257.45132812500003],[299.1194274902344,257.85851989746095],[299.2685339355469,258.2626794433594],[299.42597900390626,258.6637078857422],[299.59169677734377,259.0614239501953],[299.76499511718754,259.4557122802735],[299.94564331054687,259.8467706298828],[300.13334472656254,260.2345825195313],[300.32763793945315,260.61890075683596],[300.52868774414065,260.9999560546875],[300.7358349609375,261.37774841308595],[300.94875,261.752162475586],[301.1672680664063,262.12354431152346],[301.39125732421877,262.49154785156253],[301.62025634765627,262.85651916503906],[301.85396850585937,263.21827697753906],[302.0923278808594,263.5770520019531],[302.3350378417969,263.93312438964847],[302.58176879882814,264.28604919433593],[302.832421875,264.63660095214846],[303.0867333984375,264.98430175781255],[303.3441101074219,265.32966247558596],[303.6044860839844,265.6729138183594],[303.867861328125,266.0139569091797],[304.1332470703125,266.35308837890625],[304.401005859375,266.69057189941407],[304.6700170898438,267.02719848632813],[304.9400830078125,267.3628692626953],[305.2100500488281,267.6984576416016],[305.4792260742188,268.0348864746094],[305.74533691406253,268.37365539550785],[306.0053503417969,268.71700561523437],[306.25415771484376,269.0686120605469],[306.5454821777344,269.38511718750004],[306.8828173828125,269.65254638671877],[307.2462890625,269.8834735107422],[307.6259765625,270.08709411621095],[308.0162438964844,270.26945617675784],[308.41363037109375,270.43530578613286],[308.8166198730469,270.58780700683593],[309.22359741210937,270.72913513183596],[309.6335083007813,270.8612017822266],[310.046220703125,270.98516052246094],[310.4607458496094,271.102412109375],[310.8769189453125,271.2134344482422],[311.29450927734376,271.3191833496094],[311.7133520507813,271.4203015136719],[312.1330847167969,271.51716796875],[312.55370727539065,271.6101947021485],[312.97505493164067,271.69979370117187],[313.3971276855469,271.78627807617187],[313.81969482421874,271.8695819091797],[314.24292114257815,271.95052917480473],[314.66651000976566,272.0290704345703],[315.0903955078125,272.10540344238285],[315.514775390625,272.1797589111328],[315.93951782226566,272.2520379638672],[316.3644909667969,272.3223065185547],[316.7897607421875,272.3910095214844],[317.2152941894531,272.4582788085938],[317.6410583496094,272.5241967773438],[318.06698730468753,272.588285522461],[318.49327880859374,272.65122070312503],[318.9196032714844,272.7130682373047],[319.34602661132817,272.7737457275391],[319.77277954101567,272.8330554199219],[320.1996313476563,272.89154113769536],[320.6264831542969,272.94915344238285],[321.05356567382813,273.0054473876953],[321.4807800292969,273.06108215332034],[321.90799438476563,273.1159588623047],[322.33543945312505,273.16971496582033],[322.7630163574219,273.22296020507815],[323.19065917968754,273.27539794921876],[323.6182690429688,273.32701171875004],[324.04597778320317,273.37822998046875],[324.47388427734376,273.42847595214846],[324.9017907714844,273.47827697753905],[325.3297961425781,273.52750122070313],[325.75783447265627,273.5760168457031],[326.18583984375005,273.6242852783203],[326.6141088867188,273.6712188720703],[327.0423779296875,273.7181524658203],[327.47064697265625,273.76506958007815],[327.8988500976563,273.8112451171875],[328.3273168945313,273.85654724121093],[328.7557507324219,273.9018328857422],[329.1840856933594,273.9471185302734],[329.61278320312505,273.9913000488281],[330.0413818359375,274.0351354980469],[330.4698486328125,274.0789544677734],[330.898447265625,274.1227899169922],[331.3270788574219,274.16532348632813],[331.7556774902344,274.2078405761719],[332.1844079589844,274.25035766601565],[332.6132702636719,274.29282531738284],[333.04209960937504,274.3341888427735],[333.470830078125,274.3755358886719],[333.89969238281253,274.4168829345703],[334.32842285156255,274.45821350097657],[334.75725219726564,274.49850585937503],[335.18621337890625,274.53881469726565],[335.6151416015625,274.57912353515627],[336.0439709472656,274.61941589355473],[336.47309692382817,274.65893371582035],[336.9021240234375,274.69830322265625],[337.3311511230469,274.7376727294922],[337.76007934570316,274.77702575683594],[338.1891723632813,274.8159503173828],[338.6182653808594,274.8544958496094],[339.0472595214844,274.89302490234377],[339.4763854980469,274.93157043457035],[339.90544555664064,274.97016540527346],[340.3343737792969,275.00917236328127],[340.76343383789066,275.04817932128907],[341.19252685546877,275.0871862792969],[341.6214221191407,275.1271325683594],[342.0503503417969,275.1676062011719],[342.4792785644531,275.2080963134766],[342.9082397460938,275.24858642578124],[343.3369372558594,275.2901806640625],[343.7657666015625,275.33187377929687],[344.1945629882813,275.37355041503906],[344.6232604980469,275.41529296875],[345.0519909667969,275.45795837402346],[345.4807214355469,275.5006402587891],[345.90928710937504,275.5432891845703],[346.3379187011719,275.58598754882814],[346.76655029296876,275.629476928711],[347.19518188476565,275.67296630859374],[347.623681640625,275.7164392089844],[348.0523461914063,275.7599285888672],[348.4809777832032,275.80401123046875],[348.9094116210938,275.84815979003906],[349.33797729492187,275.8923083496094],[349.76654296875,275.9364733886719],[350.1949768066406,275.9810504150391],[350.6234765625,276.02597351074223],[351.0519763183594,276.07089660644533],[351.48031127929687,276.11580322265627],[351.90881103515625,276.16072631835937],[352.3373107910156,276.2056494140625],[352.765810546875,276.2505725097656],[353.19414550781255,276.29547912597656],[353.62264526367187,276.3404022216797],[354.0510461425782,276.385869140625],[354.4793151855469,276.43161621093753],[354.90771606445315,276.47736328125],[355.3361169433594,276.52311035156254],[355.76438598632814,276.568857421875],[356.1927868652344,276.61460449218754],[356.6211877441406,276.6603515625],[357.0495886230469,276.70609863281254],[357.47785766601567,276.751845703125],[357.9062915039063,276.79759277343754],[358.33469238281253,276.84333984375],[358.76296142578127,276.88908691406255],[359.1913623046875,276.934833984375],[359.61976318359376,276.9805810546875],[360.0480322265625,277.026328125],[360.4764331054688,277.0720751953125],[360.90483398437505,277.117822265625],[361.3331030273438,277.1635693359375],[361.7615368652344,277.20931640625],[362.18993774414065,277.2550634765625],[362.6183386230469,277.300810546875],[363.04660766601563,277.3465576171875],[363.4750085449219,277.39230468750003],[363.9034094238281,277.4380517578125],[364.3316784667969,277.48376586914065],[364.76011230468754,277.5295129394531],[365.1885131835938,277.57526000976566],[365.6167822265625,277.62100708007813],[366.04518310546877,277.66675415039066],[366.473583984375,277.71250122070313],[366.90198486328126,277.75824829101566],[367.33025390625005,277.80396240234376],[367.7586547851563,277.8497094726563],[368.18705566406254,277.89545654296876],[368.61535766601565,277.9412036132813],[369.0437585449219,277.98695068359376],[369.4721923828125,278.0326647949219],[369.90052734375,278.07755493164063],[370.3290270996094,278.12241210937503],[370.75752685546877,278.16730224609375],[371.18589477539064,278.21215942382815],[371.61439453125,278.2570495605469],[372.0428942871094,278.30193969726565],[372.47139404296877,278.346796875],[372.89976196289064,278.3916540527344],[373.3282946777344,278.43628051757815],[373.7568933105469,278.4803796386719],[374.1853271484375,278.52447875976566],[374.61392578125003,278.5685778808594],[375.04249145507816,278.61254516601565],[375.47099121093754,278.65588623046875],[375.89965576171875,278.6992602539063],[376.32828735351563,278.74263427734377],[376.7569519042969,278.7858764648438],[377.1855505371094,278.82836059570315],[377.6142810058594,278.8708776855469],[378.04304443359376,278.91339477539066],[378.47167602539065,278.95558227539067],[378.9005053710938,278.99701171875],[379.32936767578127,279.0384411621094],[379.7580651855469,279.0798706054688],[380.18699340820314,279.1205090332031],[380.6159545898438,279.1606530761719],[381.0447839355469,279.2007312011719],[381.4738110351563,279.2406774902344],[381.9029040527344,279.2791735839844],[382.3320300292969,279.3176696777344],[382.7610241699219,279.3561328125],[383.1901501464844,279.39340942382813],[383.6194738769531,279.43005981445316],[384.0486987304688,279.46588623046875],[384.478154296875,279.5006579589844],[384.9075439453125,279.5346716308594],[385.3369995117188,279.56769653320316],[385.7666857910157,279.59907348632817],[386.19650390625003,279.629033203125],[386.6264208984375,279.6573120117188],[387.05640380859376,279.6834814453125],[387.4865185546875,279.7069812011719],[387.9168969726563,279.7274157714844],[388.3473413085938,279.7431042480469],[388.7780493164063,279.7520690917969],[389.20892211914065,279.7506518554688],[389.6389050292969,279.72791015625],[390.05883544921875,279.6364489746094],[390.4471911621094,279.4517138671875],[390.79724853515626,279.20162109375],[391.11253417968754,278.90822021484377],[391.3985192871094,278.5861120605469],[391.6604772949219,278.2442944335938],[391.902890625,277.8883044433594],[392.12935180664067,277.5218005371094],[392.34203613281255,277.14708984375],[392.54315185546875,276.76634765625],[392.7344128417969,276.3802825927735],[392.91707153320317,275.9901141357422],[393.09214965820314,275.59655090332035],[393.26063598632817,275.1999719238281],[393.4231896972656,274.8010858154297],[393.5801403808594,274.3997937011719],[393.732509765625,273.9969689941406],[393.8808251953125,273.59251281738284],[394.02485595703126,273.1863757324219],[394.16532714843754,272.7792333984375],[394.3026013183594,272.3709375],[394.43700805664065,271.96153747558594],[394.56861328125,271.5514123535156],[394.6974499511719,271.14036437988284],[394.82404541015626,270.7285583496094],[394.94853149414064,270.3159942626953],[395.0709411621094,269.9030841064453],[395.19160400390626,269.4894653320313],[395.3105200195313,269.0754016113281],[395.42785400390625,268.66102478027346],[395.5431774902344,268.2458074951172],[395.65807250976565,267.8305572509766],[395.77095703125,267.41491149902345],[395.8832153320313,266.9990185546875],[395.9941882324219,266.5826971435547],[396.1042712402344,266.1662438964844],[396.2135632324219,265.7494940185547],[396.3218994140625,265.33261230468753],[396.4297741699219,264.91549987792973],[396.536396484375,264.4981402587891],[396.64275512695315,264.08063232421875],[396.7490808105469,263.66312438964843],[396.85524169921877,263.2456658935547],[396.9604797363281,262.82786132812504],[397.06571777343754,262.41007324218754],[397.1709228515625,261.99241699218754],[397.2764575195313,261.57462890625004],[397.38225585937505,261.1569891357422],[397.48917480468754,260.73966247558593],[397.5965222167969,260.32255004882813],[397.70548461914063,259.9057177734375],[397.8148425292969,259.48906677246094],[397.92581542968753,259.0728936767578],[398.0375134277344,258.6567700195313],[398.15056274414064,258.241025390625],[398.2648645019531,257.8257092285156],[398.38015502929693,257.4105908203125],[398.49739013671876,256.9960656738281],[398.615185546875,256.58170532226563],[398.7350573730469,256.1679217529297],[398.85651123046875,255.7545007324219],[398.97954711914065,255.34162353515626],[399.1041979980469,254.92942199707034],[399.23079345703127,254.51751708984378],[399.35949829101565,254.10632080078128],[399.49011474609375,253.69591552734377],[399.62287353515626,253.28615295410157],[399.75784057617193,252.87688476562502],[399.8954113769532,252.46881958007813],[400.0355859375,252.06139709472657],[400.1783642578125,251.65488098144533],[400.32401000976563,251.24948547363283],[400.47305053710943,250.84535888671877],[400.62525512695316,250.44223754882813],[400.7810192871094,250.04059936523439],[400.94077148437503,249.64062561035158],[401.10431396484375,249.2420526123047],[401.2728002929688,248.84555603027346],[401.4457360839844,248.45100402832034],[401.6243408203125,248.05892395019532],[401.80821899414065,247.66933227539064],[401.998623046875,247.28305297851563],[402.19608032226563,246.90016845703127],[402.4012170410156,246.5212390136719],[402.61489013671877,246.1472039794922],[402.83808837890626,245.77882141113284],[403.0721630859375,245.41708007812503],[403.31836669921876,245.06357849121096],[403.57838012695316,244.72024475097658],[403.8542797851563,244.38946838378908],[404.1483728027344,244.07472656250002],[404.46313110351565,243.78091369628908],[404.808046875,243.52330627441407],[405.1849987792969,243.31541748046877],[405.58479125976567,243.1554345703125],[405.99885498046876,243.03755676269532],[406.42168579101565,242.95489562988283],[406.8489660644532,242.90095825195314],[407.27845458984376,242.86951538085938],[407.7091296386719,242.85652954101565],[408.13993652343754,242.85807861328126],[408.57044677734376,242.87137756347659],[409.00066040039064,242.89420166015626],[409.4304455566407,242.92475463867189],[409.8595385742188,242.96175109863282],[410.28823608398443,243.00393859863283],[410.7165710449219,243.05049316406252],[411.1444775390625,243.10040954589846],[411.5719226074219,243.15312744140627],[411.9993347167969,243.2081854248047],[412.42631835937505,243.26512207031251],[412.8531042480469,243.32359130859376],[413.2797583007813,243.38362609863282],[413.7063464355469,243.44397399902346],[414.13267089843754,243.50529418945314],[414.5590612792969,243.56696044921875],[414.9854516601563,243.6288903808594],[415.41180908203125,243.69100158691407],[415.8380017089844,243.7530798339844],[416.2643591308594,243.81519104003908],[416.69068359375,243.87730224609376],[417.11687622070315,243.93863891601563],[417.5433325195313,243.99994262695313],[417.96988769531254,244.06075195312502],[418.396376953125,244.12080322265626],[418.822998046875,244.18088745117188],[419.24981689453125,244.2396862792969],[419.6765698242188,244.2980731201172],[420.10345458984375,244.3564929199219],[420.53050415039064,244.41341308593752],[420.9577185058594,244.4697235107422],[421.3847351074219,244.52542419433595],[421.81211425781254,244.58008666992188],[422.23949340820315,244.6339910888672],[422.66700439453126,244.68728576660158],[423.09468017578126,244.73941040039065],[423.52238891601564,244.79082641601565],[423.95009765625,244.84155029296878],[424.3780700683594,244.89098876953128],[424.8061413574219,244.93991638183596],[425.23431152343755,244.98775634765627],[425.66251464843754,245.03467346191408],[426.090849609375,245.08099731445313],[426.51931640625,245.12588745117188],[426.9477172851563,245.17036560058597],[427.3764147949219,245.21352539062502],[427.8050793457032,245.25604248046878],[428.23377685546876,245.2975213623047],[428.6627709960938,245.33806091308594],[429.0917651367188,245.37785888671877],[429.520693359375,245.41645385742189],[429.9498522949219,245.4545709228516],[430.3791760253907,245.49123779296878],[430.80846679687505,245.52760803222657],[431.2378234863281,245.56236328125001],[431.66724609375,245.59697021484376],[432.096767578125,245.6298962402344],[432.5262231445313,245.6627069091797],[432.9559423828125,245.6938366699219],[433.3856616210938,245.72485107421878],[433.8152490234375,245.7555194091797],[434.24500122070316,245.78618774414065],[434.6747204589844,245.81758117675784],[435.1043737792969,245.84933715820313],[435.53382934570317,245.88162048339845],[435.9634167480469,245.91448059082032],[436.39303710937503,245.94771972656253],[436.82239379882816,245.98171691894532],[437.2518493652344,246.01597778320314],[437.6812390136719,246.0511120605469],[438.11059570312506,246.08647705078127],[438.53988647460943,246.12278137207034],[438.9690783691407,246.15928344726564],[439.3981384277344,246.19674133300782],[439.82733032226565,246.2344793701172],[440.25642333984376,246.27314025878908],[440.68554931640625,246.3121472167969],[441.1144116210938,246.35202758789063],[441.5433068847656,246.39238586425782],[441.97216918945315,246.43348571777346],[442.40093261718755,246.47529418945314],[442.8296960449219,246.517646484375],[443.25826171875,246.56092163085938],[443.6867614746094,246.60450988769531],[444.1153601074219,246.6494000244141],[444.54376098632815,246.69461975097659],[444.97212890625,246.74081176757815],[445.4002990722657,246.78774536132815],[445.82850219726566,246.8352392578125],[446.25654052734376,246.88398559570314],[446.6844140625,246.9332427978516],[447.11232055664067,246.9834393310547],[447.54016113281256,247.03465759277344],[447.9676391601563,247.08650207519534],[448.39521606445317,247.13945068359376],[448.8226940917969,247.19342102050783],[449.2499084472657,247.2481494140625],[449.6771557617188,247.3039324951172],[450.1041394042969,247.36091857910156],[450.5310900878907,247.41882751464846],[450.9578100585938,247.47765930175783],[451.3844311523438,247.5378094482422],[451.8108215332032,247.59916259765626],[452.23701416015626,247.6616033935547],[452.663173828125,247.72521423339845],[453.08906982421877,247.7900115966797],[453.5146691894532,247.85624267578126],[453.94020263671877,247.92390747070314],[454.365439453125,247.9929071044922],[454.79044555664063,248.06329101562503],[455.21508911132815,248.1351580810547],[455.6396997070313,248.2086071777344],[456.0639477539063,248.28363830566408],[456.4877014160157,248.3603338623047],[456.9113562011719,248.4387762451172],[457.3347473144532,248.51901489257813],[457.75751220703125,248.60111572265626],[458.1800793457032,248.6851611328125],[458.6022509765625,248.77143127441408],[459.02369750976567,248.85977783203126],[459.44494628906256,248.9503326416016],[459.86560180664065,249.0432604980469],[460.2857958984375,249.13874267578126],[460.70526489257816,249.2366802978516],[461.1240417480469,249.33773254394532],[461.54232421875,249.4411083984375],[461.9596179199219,249.54733520507813],[462.37645019531254,249.65651184082031],[462.79252441406254,249.76844055175783],[463.20777465820316,249.88262695312503],[463.6228271484375,249.99808227539063],[464.0276293945313,250.14123962402346],[464.34802368164065,250.42506591796877],[464.56001586914067,250.7985406494141],[464.6935656738282,251.20769348144532],[464.77622680664064,251.63040893554688],[464.82487426757814,252.0582000732422],[464.84992309570316,252.48828186035158],[464.85763549804693,252.91903930664066],[464.8522302246094,253.34974731445314],[464.8367065429688,253.7802575683594],[464.81304199218755,254.2104382324219],[464.7831481933594,254.64014099121096],[464.74827758789064,255.06954711914065],[464.7092541503907,255.49864013671876],[464.66709960937504,255.9273376464844],[464.6219128417969,256.35570556640624],[464.57517700195314,256.7840075683594],[464.52666137695314,257.21214477539064],[464.47738769531253,257.63993591308594],[464.4270593261719,258.0678259277344],[464.37673095703127,258.49571594238284],[464.32640258789064,258.9234411621094],[464.2762390136719,259.35134765625],[464.2265368652344,259.7794189453125],[464.17742797851565,260.20745727539065],[464.1298022460938,260.6354296875],[464.0827038574219,261.0637481689453],[464.0376159667969,261.49214904785157],[463.9942419433594,261.9207641601563],[463.95281250000005,262.3495111083985],[463.91349243164063,262.77853820800783],[463.87657836914065,263.20776306152345],[463.84249877929693,263.63726806640625],[463.81141845703127,264.06693786621094],[463.78350219726565,264.4966900634766],[463.7590466308594,264.9267883300781],[463.7382495117188,265.3571667480469],[463.7214074707031,265.7877099609375],[463.7089489746094,266.21825317382815],[463.7014343261719,266.648994140625],[463.69886352539066,267.0798669433594],[463.70173095703126,267.5105584716797],[463.71128906250004,267.9413159179688],[463.7297790527344,268.37172729492187],[463.7583215332032,268.8014630126953],[463.79655395507814,269.23058898925785],[463.84562988281255,269.6585778808594],[463.9052197265625,270.08524841308594],[463.9757849121094,270.51022155761723],[464.0579187011719,270.9330194091797],[464.15158813476563,271.35352661132816],[464.25705688476563,271.77116638183594],[464.3745886230469,272.18570800781254],[464.50438110351564,272.59644287109376],[464.6464672851563,273.00304138183594],[464.80097900390626,273.40510803222656],[464.9679821777344,273.8022637939453],[465.14724609375,274.1938824462891],[465.3387707519532,274.5797662353516],[465.54245727539063,274.95943725585937],[465.7580749511719,275.33236816406253],[465.9850964355469,275.69846008300783],[466.2234558105469,276.05730102539064],[466.47265869140625,276.40875915527346],[466.73217773437506,276.7525048828125],[467.0016833496094,277.0885217285156],[467.2806811523438,277.41679321289064],[467.56841308593755,277.7372204589844],[467.86478027343753,278.0499682617188],[468.1689587402344,278.35516845703125],[468.48045410156254,278.65275512695314],[468.7983764648438,278.94322265625004],[469.1226599121094,279.2269665527344],[469.45241455078127,279.50418457031253],[469.78708007812503,279.7751733398438],[470.12639282226564,280.04072387695317],[470.46959472656255,280.30113281250004],[470.81602661132814,280.5570922851563],[471.1654248046875,280.80916259765627],[471.51676757812504,281.05862915039063],[471.8731201171875,281.3005151367188],[472.2499731445313,281.50884887695315],[472.6411962890625,281.6892663574219],[473.04105468750004,281.84947998046874],[473.4467797851563,281.9939392089844],[473.8568884277344,282.12613769531254],[474.26999633789063,282.248349609375],[474.6853125,282.36205810546875],[475.10267211914066,282.4689770507813],[475.5215148925782,282.5700622558594],[475.9413464355469,282.66597290039067],[476.36239746093753,282.7575],[476.78427246093753,282.8450720214844],[477.20677368164064,282.9290515136719],[477.62983520507817,283.01009765625],[478.0535229492188,283.08850708007816],[478.47757324218753,283.16451049804687],[478.90192016601566,283.2383715820313],[479.32669555664063,283.31035400390624],[479.7518334960938,283.3800952148438],[480.17713623046876,283.44825439453126],[480.6027026367188,283.5150622558594],[481.0285327148438,283.58068359375],[481.4546264648438,283.64459106445315],[481.8807202148438,283.7074108886719],[482.30711059570314,283.76937377929687],[482.73363281250005,283.8301831054688],[483.16008911132815,283.88993774414064],[483.58684204101564,283.94909912109375],[484.01372680664065,284.0073376464844],[484.44064453125003,284.06478515625],[484.8677270507813,284.1217712402344],[485.29490844726564,284.1778344726563],[485.72195800781253,284.233271484375],[486.14930419921876,284.28791748046876],[486.5766833496094,284.34256347656253],[487.00406250000003,284.39720947265624],[487.4315075683594,284.4503063964844],[487.8590515136719,284.50340332031254],[488.28662841796876,284.55650024414064],[488.71413940429693,284.60900390625],[489.1418481445313,284.66084838867187],[489.56955688476563,284.7126599121094],[489.99713378906256,284.7645043945313],[490.42490844726564,284.81559082031254],[490.85271606445315,284.86641357421877],[491.28055664062504,284.9172692871094],[491.7082653808594,284.9680590820313],[492.13623779296876,285.01802490234377],[492.56421020507815,285.06779296875004],[492.99201782226567,285.11756103515626],[493.419990234375,285.16732910156253],[493.8479296875,285.21709716796875],[494.27573730468754,285.266865234375],[494.7037097167969,285.3166333007813],[495.1316491699219,285.3664013671875],[495.55952270507817,285.4157080078125],[495.98756103515626,285.4646850585938],[496.4155993652344,285.513662109375],[496.8436706542969,285.56263916015627],[497.27157714843753,285.61161621093754],[497.6996154785157,285.66059326171876],[498.12768676757815,285.70957031250003],[498.5555932617188,285.7585144042969],[498.9836315917969,285.80749145507815],[499.4117028808594,285.8563696289063],[499.8396423339844,285.90514892578125],[500.2677136230469,285.95392822265626],[500.6957849121094,286.00270751953127],[501.1238562011719,286.05151977539066],[501.5517956542969,286.1002661132813],[501.9798669433594,286.1490783691406],[502.4079382324219,286.19785766601564],[502.8358776855469,286.24663696289065],[503.2638830566407,286.29544921875004],[503.6919213867188,286.3445251464844],[504.1198278808594,286.39363403320317],[504.5478662109375,286.4427099609375],[504.97590454101567,286.49181884765625],[505.4038110351563,286.54089477539065],[505.83181640625,286.5900036621094],[506.2598547363282,286.6390795898438],[506.6878930664063,286.6881884765625],[507.1157995605469,286.73726440429687],[507.543837890625,286.78637329101565],[507.9718103027344,286.83607543945317],[508.3996508789063,286.8858435058594],[508.82759033203126,286.93564453125003],[509.2555297851563,286.9854455566406],[509.6833703613282,287.0352465820313],[510.11130981445314,287.08504760742187],[510.53928222656253,287.1348486328125],[510.96722167968755,287.18464965820317],[511.395029296875,287.23445068359376],[511.8230017089844,287.2842517089844],[512.2509411621094,287.334052734375],[512.6786169433594,287.3845458984375],[513.1064904785156,287.4351049804688],[513.534364013672,287.48563110351563],[513.9621057128907,287.5361901855469],[514.3899462890626,287.5867163085938],[514.8178527832032,287.6374401855469],[515.2454956054688,287.6885595703125],[515.6733032226563,287.7397119140625],[516.1010778808594,287.79083129882815],[516.5288854980469,287.84198364257816],[516.9565612792969,287.8931030273438],[517.3842700195313,287.94451904296875],[517.8119787597657,287.9963635253906],[518.2395886230469,288.04817504882817],[518.6672973632812,288.09998657226566],[519.0950061035156,288.15179809570316],[519.5225830078125,288.20360961914065],[519.9502917480469,288.2554541015625],[520.3779016113282,288.3076940917969],[520.8055444335938,288.3601318359375],[521.2330554199219,288.4125695800781],[521.6606982421876,288.46504028320317],[522.0883081054687,288.51751098632815],[522.5158190917969,288.56994873046875],[522.9434619140625,288.6223864746094],[523.3710717773438,288.6753845214844],[523.7984838867188,288.72858032226566],[524.2260278320313,288.7817761230469],[524.6535717773438,288.83497192382816],[525.0809838867187,288.8881677246094],[525.5085278320313,288.94136352539067],[525.9360388183594,288.9945593261719],[526.363582763672,289.0477551269531],[526.7909948730469,289.1009509277344],[527.2185388183594,289.1541467285156],[527.6460827636719,289.2073425292969],[528.0734948730469,289.26050537109376],[528.5010388183595,289.3137341308594],[528.9285827636719,289.36692993164064],[529.3559619140625,289.42032348632813],[529.7834069824219,289.4742114257813],[530.2108850097657,289.52813232421875],[530.638330078125,289.5820202636719],[531.0656433105469,289.63590820312504],[531.4931213378907,289.68979614257813],[531.92056640625,289.74371704101566],[532.3478796386719,289.79760498046875],[532.7753576660157,289.8514929199219],[533.202802734375,289.9054138183594],[533.6301159667969,289.9593017578125],[534.0575610351563,290.01318969726566],[534.4850390625,290.06707763671875],[534.9123522949219,290.1209655761719],[535.3397973632813,290.17488647460937],[535.7673413085938,290.2289721679688],[536.1947204589844,290.2832885742188],[536.622000732422,290.3375720214844],[537.0494128417969,290.3918884277344],[537.4768249511719,290.446171875],[537.9041052246095,290.5004553222656],[538.3314843750001,290.5547717285156],[538.758896484375,290.6090551757813],[539.1861767578125,290.6633715820313],[539.6135888671876,290.7176550292969],[540.0409680175782,290.7719714355469],[540.4683801269532,290.8262548828125],[540.8956604003906,290.88053833007814],[541.3230725097657,290.93485473632813],[541.7504516601563,290.98917114257813],[542.1776330566406,291.04345458984375],[542.6050122070313,291.0978369140625],[543.0324243164063,291.15221923828125],[543.4596716308594,291.2066015625],[543.8870837402344,291.26098388671875],[544.314462890625,291.3153662109375],[544.7417431640625,291.36971557617187],[545.1691223144531,291.4240979003906],[545.5965344238282,291.47848022460937],[546.0239135742188,291.5328625488281],[546.4511938476563,291.58724487304687],[546.8785729980469,291.6416271972656],[547.3059851074219,291.6959765625],[547.7332324218751,291.75035888671874],[548.1606115722657,291.8047412109375],[548.5880236816406,291.85912353515624],[549.0152709960938,291.9134729003906],[549.4426831054687,291.96785522460937],[549.8700622558595,292.0222375488281],[550.2974743652344,292.07661987304687],[550.7247216796875,292.1310021972656],[551.1521337890625,292.18538452148437],[551.5795129394531,292.2397668457031],[552.0067932128907,292.29411621093755],[552.4341723632813,292.3484985351563],[552.8615844726563,292.40288085937505],[553.2888647460937,292.4572302246094],[553.7162109375,292.51161254882817],[554.1436230468751,292.5659948730469],[554.5709033203125,292.62037719726567],[554.998447265625,292.6743310546875],[555.4258593750001,292.72825195312504],[555.8533374023438,292.7821728515625],[556.28068359375,292.83606079101565],[556.7080957031251,292.8899816894531],[557.1355737304688,292.94386962890627],[557.562919921875,292.9977905273438],[557.9903320312501,293.0516784667969],[558.4178100585938,293.1055993652344],[558.8450903320313,293.1594873046875],[559.272568359375,293.213408203125],[559.7000463867188,293.2673291015625],[560.1274584960938,293.32125],[560.5548046875,293.37513793945317],[560.9823486328125,293.4283337402344],[561.409892578125,293.48149658203124],[561.8373046875,293.53465942382815],[562.2648486328126,293.5877893066406],[562.692392578125,293.6409521484375],[563.1198046875,293.69408203125],[563.5473486328125,293.7472448730469],[563.974892578125,293.80040771484374],[564.4023046875001,293.85353759765627],[564.8299145507813,293.9067004394531],[565.2574584960938,293.95986328125],[565.6850024414063,294.01302612304687],[566.1124145507813,294.0661560058594],[566.5400244140625,294.11859375],[566.9676342773438,294.1708337402344],[567.3951782226563,294.2230737304688],[567.8229858398438,294.27481933593754],[568.2507934570312,294.3262353515625],[568.6784033203126,294.37761840820315],[569.1062109375,294.4285729980469],[569.5340844726563,294.479033203125],[569.9619580078125,294.52949340820317],[570.389765625,294.5793933105469],[570.8177709960938,294.628798828125],[571.2457763671875,294.67817138671876],[571.6736499023438,294.726884765625],[572.101787109375,294.7750708007813],[572.5299243164063,294.8232897949219],[572.9580615234376,294.8705200195313],[573.386396484375,294.9173876953125],[573.814599609375,294.96425537109377],[574.2428686523438,295.0096728515625],[574.6713354492188,295.0550903320313],[575.0998681640625,295.09991455078125],[575.528466796875,295.14371704101563],[575.95693359375,295.18748657226564],[576.3856640625,295.22980590820316],[576.8144604492188,295.27176269531253],[577.2431909179688,295.31312622070317],[577.6721850585938,295.35303955078126],[578.1011791992188,295.3929858398438],[578.5301733398438,295.4309216308594],[578.959365234375,295.4686267089844],[579.3887548828126,295.5048486328125],[579.81814453125,295.540048828125],[580.2474023437501,295.57452392578125],[580.6770556640626,295.6073510742188],[581.1066430664063,295.6387609863281],[581.5363623046875,295.668720703125],[581.9662792968751,295.69706542968754],[582.3961962890626,295.7237292480469],[582.8262451171876,295.7486462402344],[583.2564916992188,295.771552734375],[583.6867382812501,295.79231689453127],[584.1171166992187,295.81080688476567],[584.547626953125,295.8268249511719],[584.9782690429688,295.84020629882815],[585.40904296875,295.85075317382814],[585.839619140625,295.8580700683594],[586.2705249023438,295.86153076171877],[586.701298828125,295.86126708984375],[587.1320068359375,295.85685058593754],[587.5627807617188,295.84729248046875],[587.9932250976562,295.83239501953125],[588.4234057617188,295.81146606445316],[588.853388671875,295.7834509277344],[589.2827783203126,295.74775634765626],[589.7112451171876,295.70256958007815],[590.1382617187501,295.646572265625],[590.5635644531251,295.57775390625],[590.9860327148438,295.49364257812505],[591.4042163085938,295.3909753417969],[591.8162036132813,295.2650720214844],[592.2181713867188,295.1101647949219],[592.6062963867188,294.9236169433594],[592.9816333007813,294.71234985351566],[593.3455004882813,294.48166992187504],[593.6990844726563,294.2356640625],[594.043505859375,293.97706787109377],[594.3796215820313,293.70749633789063],[594.70875,293.4294213867188],[595.0311547851563,293.14389770507813],[595.3479565429687,292.8518481445313],[595.6591552734376,292.55403076171876],[595.9654101562501,292.2511706542969],[596.267578125,291.9439599609375],[596.5654614257813,291.63279418945314],[596.8594555664063,291.3180029296875],[597.1501538085938,291.00011352539065],[597.4375561523437,290.6790270996094],[597.7221240234376,290.35556762695313],[598.0035278320313,290.02953735351565],[598.2826245117188,289.7012658691406],[598.5590844726563,289.37091796875],[598.8332373046875,289.03862548828124],[599.1053466796875,288.70458618164065],[599.3752148437501,288.36876708984374],[599.6432373046875,288.0316296386719],[599.9095458984375,287.69291015625004],[600.17361328125,287.3525756835938],[600.4364941406251,287.0112194824219],[600.6973974609375,286.6685778808594],[600.9573779296876,286.3250134277344],[601.2156445312501,285.9801306152344],[601.4724609375,285.6343249511719],[601.7284863281251,285.28782714843754],[601.9826000976562,284.93987915039065],[602.2357910156251,284.59156860351567],[602.4879931640626,284.24226928710937],[602.738876953125,283.89194824218754],[602.9891015625001,283.54133056640626],[603.2379418945313,283.18959228515627],[603.4859912109375,282.83742553710937],[603.73318359375,282.48456665039066],[603.9792553710938,282.13101562500003],[604.2250634765626,281.77716796875],[604.4720581054688,281.4241442871094],[604.7217553710938,281.0731970214844],[604.9739575195313,280.7238647460938],[605.2284667968751,280.376279296875],[605.48501953125,280.03030883789063],[605.7432202148437,279.6854919433594],[606.0032666015626,279.3419274902344],[606.2640380859375,278.9989892578125],[606.5265234375,278.65740234375],[606.7894042968751,278.31607910156254],[607.0537353515625,277.9758435058594],[607.3182641601563,277.6359375],[607.5836499023438,277.29655883789064],[607.8494970703125,276.9576086425781],[608.1157397460938,276.6190869140625],[608.3821142578125,276.2804498291016],[608.6484887695312,275.94181274414063],[608.9148632812501,275.6033569335938],[609.1813037109375,275.26478576660156],[609.447744140625,274.92623107910157],[609.7141845703126,274.5875115966797],[609.9797680664063,274.2484460449219],[610.2452197265626,273.90913330078126],[610.5099462890626,273.5692272949219],[610.7740136718751,273.2290576171875],[611.0374877929688,272.8881463623047],[611.3000390625,272.5464440917969],[611.5617333984376,272.2043298339844],[611.8219775390626,271.8611114501953],[612.0816284179688,271.5173162841797],[612.3398291015625,271.1723181152344],[612.59625,270.8263970947266],[612.8511547851563,270.4789599609375],[613.1042797851563,270.1302703857422],[613.355361328125,269.78027893066405],[613.6043334960938,269.42870544433595],[613.8509985351562,269.07551696777347],[614.0950927734375,268.7206805419922],[614.3363525390625,268.36376770019535],[614.5742504882813,268.00451477050785],[614.808720703125,267.6432019042969],[615.0394995117188,267.27943359375],[615.2661254882813,266.91306152343753],[615.487939453125,266.54359130859376],[615.7043481445313,266.1711712646485],[615.9146923828125,265.79530700683597],[616.1184448242188,265.415619506836],[616.3145507812501,265.0321746826172],[616.5018896484376,264.6441979980469],[616.6790771484375,264.2515905761719],[616.8443994140625,263.85387451171874],[616.9960107421875,263.45065429687503],[617.1313403320313,263.0415838623047],[617.246630859375,262.6266137695313],[617.3401025390625,262.2061560058594],[617.4171606445312,261.7823693847656],[617.4810351562501,261.3562426757813],[617.5346923828125,260.92901184082035],[617.5796484375,260.5004791259766],[617.6174194335938,260.0713531494141],[617.6487963867188,259.6417822265625],[617.6748999023438,259.2117498779297],[617.6958618164062,258.7813385009766],[617.7128686523438,258.35105895996094],[617.7260522460938,257.92035095214845],[617.7358081054688,257.48964294433597],[617.7424658203125,257.05881958007814],[617.7461572265626,256.6281280517578],[617.7472778320313,256.1973211669922],[617.7458935546875,255.76653076171877],[617.7422021484375,255.33587219238282],[617.7364672851563,254.90499938964845],[617.7287548828125,254.47427490234378],[617.719130859375,254.04371520996096],[617.7077270507813,253.61290832519532],[617.694609375,253.1822662353516],[617.67984375,252.7516900634766],[617.6636938476563,252.32127868652344],[617.6460937500001,251.8908837890625],[617.6267138671875,251.46050537109377],[617.6064770507813,251.0302752685547],[617.5851196289063,250.5998638916016],[617.5623120117187,250.16961730957033],[617.5387792968751,249.73956848144533],[617.5135327148438,249.30945373535158],[617.4878906250001,248.87943786621096],[617.4605346679688,248.4495867919922],[617.4329150390626,248.01965332031253],[617.4035156250001,247.58981872558596],[617.3739184570313,247.16001708984376],[617.3427392578126,246.7304461669922],[617.3112304687501,246.30074340820315],[617.2782714843751,245.87117248535156],[617.2448510742188,245.44173339843752],[617.2103759765625,245.01227783203126],[617.1751098632812,244.5829541015625],[617.1392504882813,244.15374572753908],[617.1020068359376,243.72448791503908],[617.0639721679688,243.29527954101565],[617.0248168945313,242.86621948242188],[616.9857275390625,242.43729125976563],[616.944990234375,242.00837951660156],[616.9036596679688,241.57953369140625],[616.8609448242188,241.15098449707034]], bounds=3000, full_zoom=0.25, max_episode_steps=2000 ) USA = RaceTrack( name='USA', xy=[[9.17492036819458,441.6893646240234],[9.538082885742188,441.7714874267578],[9.90120849609375,441.8535827636719],[10.264361572265626,441.9357055664063],[10.627542114257812,442.01782836914066],[10.990667724609375,442.09995117187503],[11.35382080078125,442.1820465087891],[11.716973876953125,442.26416931152346],[12.080099487304688,442.34629211425784],[12.443280029296876,442.4283874511719],[12.80643310546875,442.51051025390626],[13.169558715820314,442.59263305664064],[13.532711791992188,442.674755859375],[13.895864868164063,442.75685119628906],[14.259017944335938,442.83897399902344],[14.622171020507812,442.9210968017578],[14.985324096679689,443.0032196044922],[15.34844970703125,443.08531494140624],[15.711602783203125,443.1674377441406],[16.074783325195312,443.249560546875],[16.437908935546876,443.3316558837891],[16.801062011718752,443.4137786865235],[17.164215087890625,443.49590148925785],[17.527340698242188,443.5779968261719],[17.890521240234374,443.6601196289063],[18.25367431640625,443.74224243164065],[18.616799926757814,443.824365234375],[18.979953002929687,443.9064880371094],[19.343106079101563,443.98858337402345],[19.70625915527344,444.0707061767578],[20.069412231445312,444.1528289794922],[20.43256530761719,444.23492431640625],[20.795690917968752,444.3170471191406],[21.158843994140625,444.399169921875],[21.522024536132815,444.4812927246094],[21.885150146484374,444.5633880615234],[22.24830322265625,444.6455108642578],[22.611456298828127,444.7276336669922],[22.974581909179687,444.8097290039063],[23.337734985351563,444.89185180664066],[23.70091552734375,444.97397460937503],[24.064041137695312,445.0560974121094],[24.42719421386719,445.13819274902346],[24.790347290039062,445.22031555175784],[25.153472900390625,445.3024383544922],[25.516653442382815,445.38453369140626],[25.879806518554688,445.46665649414064],[26.24293212890625,445.548779296875],[26.606098937988282,445.6309020996094],[26.96925201416016,445.71302490234376],[27.332377624511718,445.7951202392578],[27.69554443359375,445.8772430419922],[28.058697509765626,445.95936584472656],[28.42182312011719,446.0414611816406],[28.78498992919922,446.123583984375],[29.148115539550783,446.20570678710936],[29.511282348632815,446.2878021240235],[29.874435424804688,446.36992492675785],[30.237588500976564,446.4520477294922],[30.600727844238282,446.5341705322266],[30.96388092041016,446.61626586914065],[31.32703399658203,446.698388671875],[31.69017333984375,446.7805114746094],[32.05332641601563,446.8626342773438],[32.4164794921875,446.9447296142578],[32.77961883544922,447.0268524169922],[33.14278564453125,447.1089752197266],[33.50592498779297,447.1910705566406],[33.86906433105469,447.273193359375],[34.23223114013672,447.3553161621094],[34.59537048339844,447.43743896484375],[34.95852355957032,447.5195343017578],[35.321676635742186,447.6016571044922],[35.68481597900391,447.68377990722655],[36.047969055175784,447.76587524414066],[36.41112213134766,447.84799804687503],[36.774261474609375,447.9301208496094],[37.13741455078125,448.0122436523438],[37.50056762695313,448.09436645507816],[37.863720703125004,448.1764617919922],[38.22686004638672,448.2585845947266],[38.590013122558595,448.34070739746096],[38.95316619873047,448.422802734375],[39.316305541992186,448.5049255371094],[39.67947235107422,448.58704833984376],[40.04261169433594,448.66917114257814],[40.40575103759766,448.7512664794922],[40.76891784667969,448.83338928222656],[41.132057189941406,448.91551208496094],[41.49521026611328,448.997607421875],[41.85836334228516,449.07973022460936],[42.221502685546874,449.16185302734374],[42.58465576171875,449.2439758300781],[42.947808837890626,449.3260711669922],[43.3109619140625,449.4081939697266],[43.67410125732422,449.490316772461],[44.037254333496094,449.572412109375],[44.40040740966797,449.6545349121094],[44.76354675292969,449.7366577148438],[45.12669982910156,449.81878051757815],[45.48985290527344,449.9008758544922],[45.85299224853516,449.9829986572266],[46.21615905761719,450.06512145996095],[46.579298400878905,450.147216796875],[46.942437744140626,450.2293395996094],[47.30560455322266,450.31146240234375],[47.66874389648438,450.3935852050781],[48.03189697265625,450.4756805419922],[48.395050048828125,450.55780334472655],[48.75818939208985,450.6399261474609],[49.12134246826172,450.7220489501953],[49.48449554443359,450.8041442871094],[49.84764862060547,450.8862670898438],[50.21078796386719,450.96838989257816],[50.57394104003907,451.05051269531253],[50.937094116210936,451.1326080322266],[51.30023345947266,451.21473083496096],[51.66340026855469,451.29685363769534],[52.02653961181641,451.3789489746094],[52.389678955078125,451.46107177734376],[52.75283203125,451.54319458007814],[53.11598510742188,451.6253173828125],[53.47912445068359,451.70741271972656],[53.84227752685547,451.78953552246094],[54.205430603027345,451.8716583251953],[54.56858367919922,451.95375366210936],[54.931723022460936,452.03587646484374],[55.29487609863281,452.1179992675781],[55.65802917480469,452.2001220703125],[56.02116851806641,452.2822174072266],[56.38433532714844,452.364340209961],[56.747474670410156,452.44646301269535],[57.11061401367188,452.5285583496094],[57.473767089843754,452.6106811523438],[57.836920166015624,452.69280395507815],[58.2000732421875,452.7749267578125],[58.56321258544922,452.8570220947266],[58.9263656616211,452.93914489746095],[59.28951873779297,453.0212677001953],[59.65265808105469,453.1033630371094],[60.01582489013672,453.18548583984375],[60.37896423339844,453.2676086425781],[60.742103576660156,453.3497314453125],[61.10527038574219,453.4318542480469],[61.46840972900391,453.5139495849609],[61.831562805175786,453.5960723876953],[62.194715881347655,453.6781951904297],[62.557855224609376,453.7602905273438],[62.92100830078125,453.84241333007816],[63.28416137695313,453.92453613281253],[63.647300720214844,454.0066589355469],[64.01045379638673,454.08875427246096],[64.3736068725586,454.17087707519534],[64.73675994873047,454.2529998779297],[65.09989929199219,454.33509521484376],[65.46305236816407,454.41721801757814],[65.82620544433594,454.4993408203125],[66.18934478759766,454.5814636230469],[66.5525115966797,454.66355895996094],[66.91565093994141,454.7456817626953],[67.27879028320312,454.8278045654297],[67.64195709228515,454.90989990234374],[68.00509643554688,454.9920227050781],[68.36824951171876,455.0741455078125],[68.73140258789063,455.15626831054686],[69.09454193115235,455.238363647461],[69.45769500732422,455.32048645019535],[69.8208480834961,455.4026092529297],[70.18400115966797,455.4847320556641],[70.5471405029297,455.56682739257815],[70.91029357910156,455.6489501953125],[71.27344665527345,455.7310729980469],[71.63658599853515,455.8131958007813],[71.99973907470704,455.8952911376953],[72.3628921508789,455.9774139404297],[72.72603149414063,456.0595367431641],[73.08919830322266,456.1416320800781],[73.45233764648438,456.2237548828125],[73.8154769897461,456.3058776855469],[74.17864379882813,456.38800048828125],[74.54178314208984,456.4700958251953],[74.90493621826172,456.5522186279297],[75.2680892944336,456.63434143066405],[75.63122863769532,456.71643676757816],[75.99438171386718,456.79855957031253],[76.35753479003907,456.8806823730469],[76.72068786621094,456.9628051757813],[77.08382720947266,457.04490051269534],[77.44698028564453,457.1270233154297],[77.81013336181641,457.2091461181641],[78.17327270507813,457.29124145507814],[78.53642578125,457.3733642578125],[78.89957885742187,457.4554870605469],[79.2627182006836,457.53760986328126],[79.62588500976562,457.61973266601564],[79.98902435302735,457.7018280029297],[80.35216369628907,457.78395080566406],[80.7153305053711,457.86607360839844],[81.07846984863282,457.9481689453125],[81.44162292480469,458.03029174804686],[81.80477600097656,458.11241455078124],[82.16791534423828,458.1945373535156],[82.53106842041016,458.2766326904297],[82.89422149658203,458.3587554931641],[83.2573745727539,458.4408782958985],[83.62051391601562,458.5229736328125],[83.98366699218751,458.6050964355469],[84.34682006835938,458.6872192382813],[84.7099594116211,458.76934204101565],[85.07312622070313,458.8514373779297],[85.43626556396485,458.9335601806641],[85.79940490722656,459.01568298339845],[86.16257171630859,459.0977783203125],[86.52571105957031,459.1799011230469],[86.8888641357422,459.26202392578125],[87.25201721191407,459.3441467285156],[87.61515655517579,459.4262420654297],[87.97830963134766,459.50836486816405],[88.34146270751954,459.5904876708984],[88.70460205078125,459.67258300781253],[89.06775512695313,459.7547058105469],[89.430908203125,459.8368286132813],[89.79406127929688,459.91895141601566],[90.15720062255859,460.0010467529297],[90.52035369873047,460.0831695556641],[90.88350677490234,460.16529235839846],[91.24664611816407,460.24741516113284],[91.6098129272461,460.3295104980469],[91.97295227050782,460.41163330078126],[92.33609161376954,460.49375610351564],[92.69925842285157,460.57587890625],[93.06239776611328,460.65797424316406],[93.42555084228516,460.74009704589844],[93.78870391845703,460.8221923828125],[94.15184326171875,460.90431518554686],[94.51499633789062,460.98643798828124],[94.8781494140625,461.0685607910156],[95.24128875732423,461.15068359375],[95.6044418334961,461.23280639648436],[95.96759490966797,461.31492919921874],[96.33073425292969,461.3969970703125],[96.69388732910157,461.4791198730469],[97.05704040527344,461.5612426757813],[97.42017974853516,461.64336547851565],[97.78333282470703,461.72548828125],[98.14649963378906,461.8076110839844],[98.50962524414062,461.8897338867188],[98.8727783203125,461.9718017578125],[99.23594512939454,462.0539245605469],[99.5990707397461,462.13604736328125],[99.96223754882813,462.2181701660156],[100.325390625,462.30029296875],[100.68851623535157,462.3824157714844],[101.0516830444336,462.46453857421875],[101.41483612060547,462.54660644531253],[101.7779754638672,462.6287292480469],[102.14112854003906,462.7108520507813],[102.50428161621095,462.79297485351566],[102.86742095947265,462.87509765625003],[103.23057403564454,462.9572204589844],[103.59374084472657,463.0393432617188],[103.95686645507813,463.1214111328125],[104.32001953125,463.2035339355469],[104.68318634033203,463.28565673828126],[105.0463119506836,463.36777954101564],[105.40946502685547,463.44990234375],[105.77261810302734,463.5320251464844],[106.13575744628906,463.61414794921876],[106.4989242553711,463.6962158203125],[106.86206359863282,463.77833862304686],[107.22520294189454,463.86046142578124],[107.58836975097657,463.9425842285156],[107.95150909423829,464.02470703125],[108.31466217041016,464.10682983398436],[108.67781524658203,464.18895263671874],[109.04095458984375,464.2710754394531],[109.40410766601563,464.3531433105469],[109.7672607421875,464.4352661132813],[110.13041381835937,464.51738891601565],[110.4935531616211,464.59951171875],[110.85670623779298,464.6816345214844],[111.21985931396485,464.7637573242188],[111.58299865722657,464.84588012695315],[111.9461654663086,464.9279479980469],[112.30930480957032,465.01007080078125],[112.67244415283203,465.0921936035156],[113.03561096191406,465.17431640625],[113.39875030517578,465.2564392089844],[113.7618896484375,465.33856201171875],[114.12505645751953,465.4206848144531],[114.48819580078126,465.5028076171875],[114.85134887695312,465.5848754882813],[115.21450195312501,465.66699829101566],[115.57764129638672,465.74912109375003],[115.9407943725586,465.8312438964844],[116.30394744873047,465.9133666992188],[116.66710052490235,465.99548950195316],[117.03023986816406,466.07761230468753],[117.39339294433594,466.15968017578126],[117.75654602050781,466.24180297851564],[118.11968536376953,466.32392578125],[118.48285217285157,466.4060485839844],[118.84599151611329,466.48817138671876],[119.20913085937501,466.57029418945314],[119.57229766845704,466.6524169921875],[119.93543701171875,466.73448486328124],[120.29859008789063,466.8166076660156],[120.6617431640625,466.89873046875],[121.02488250732422,466.98085327148436],[121.38803558349609,467.06297607421874],[121.75118865966797,467.1450988769531],[122.1143280029297,467.2272216796875],[122.47748107910157,467.3092895507813],[122.84063415527343,467.39141235351565],[123.20378723144532,467.47353515625],[123.56692657470704,467.5556579589844],[123.93007965087891,467.6377807617188],[124.29323272705078,467.71990356445315],[124.6563720703125,467.8020263671875],[125.01953887939453,467.88409423828125],[125.38267822265625,467.9662170410156],[125.74581756591797,468.04833984375],[126.108984375,468.1304626464844],[126.47212371826173,468.21258544921875],[126.8352767944336,468.2947082519531],[127.19842987060547,468.3768310546875],[127.56156921386719,468.4588989257813],[127.92472229003907,468.54102172851566],[128.28787536621095,468.62314453125003],[128.65102844238282,468.7052673339844],[129.01416778564453,468.7873901367188],[129.3773208618164,468.86951293945316],[129.7404739379883,468.95163574218753],[130.10361328125,469.0337585449219],[130.46676635742188,469.11582641601564],[130.82991943359374,469.19794921875],[131.19305877685548,469.2800720214844],[131.5562255859375,469.36219482421876],[131.91936492919922,469.44431762695314],[132.28250427246095,469.5264404296875],[132.645671081543,469.6085632324219],[133.0088104248047,469.6906311035156],[133.37196350097656,469.77275390625],[133.73511657714843,469.85487670898436],[134.09825592041017,469.93699951171874],[134.46140899658204,470.0191223144531],[134.82454833984374,470.1012451171875],[135.18771514892578,470.18336791992186],[135.5508544921875,470.26543579101565],[135.91399383544922,470.34755859375],[136.27716064453125,470.4296813964844],[136.640299987793,470.5118041992188],[137.00345306396486,470.59392700195315],[137.36660614013672,470.6760498046875],[137.72974548339843,470.7581726074219],[138.09289855957033,470.8402954101563],[138.4560516357422,470.92236328125],[138.81920471191407,471.0044860839844],[139.18234405517578,471.08660888671875],[139.54549713134767,471.1687316894531],[139.90865020751954,471.2508544921875],[140.27178955078125,471.3329772949219],[140.63494262695312,471.41510009765625],[140.99809570312502,471.49716796875003],[141.3612487792969,471.5792907714844],[141.72440185546876,471.6614135742188],[142.08754119873046,471.74353637695316],[142.4506805419922,471.82565917968753],[142.81384735107423,471.9077819824219],[143.17698669433594,471.9899047851563],[143.5401397705078,472.07197265625],[143.9032928466797,472.1540954589844],[144.26644592285157,472.23621826171876],[144.62958526611328,472.31834106445314],[144.99273834228515,472.4004638671875],[145.3558776855469,472.4825866699219],[145.71903076171876,472.56470947265626],[146.08218383789062,472.64677734375],[146.4453369140625,472.72890014648436],[146.80847625732423,472.81102294921874],[147.17164306640626,472.8931457519531],[147.53478240966797,472.9752685546875],[147.8979217529297,473.05739135742186],[148.26107482910157,473.13951416015624],[148.62422790527344,473.2216369628906],[148.9873809814453,473.3037048339844],[149.35053405761718,473.3858276367188],[149.71367340087892,473.46795043945315],[150.07681274414062,473.5500732421875],[150.43997955322266,473.6321960449219],[150.8031188964844,473.7143188476563],[151.16627197265626,473.79644165039065],[151.52942504882813,473.8785095214844],[151.892578125,473.96063232421875],[152.25571746826174,474.0427551269531],[152.61888427734377,474.1248779296875],[152.98202362060547,474.2070007324219],[153.34516296386718,474.28912353515625],[153.70831604003908,474.3712463378906],[154.07146911621095,474.4533142089844],[154.43462219238282,474.5354370117188],[154.7977752685547,474.61755981445316],[155.16091461181642,474.69968261718753],[155.52405395507813,474.7818054199219],[155.88722076416016,474.8639282226563],[156.25036010742187,474.94605102539066],[156.61351318359377,475.0281188964844],[156.97665252685547,475.11024169921876],[157.3398193359375,475.19236450195314],[157.7029586791992,475.2744873046875],[158.06609802246095,475.3566101074219],[158.42925109863282,475.43873291015626],[158.7924041748047,475.52085571289064],[159.15555725097656,475.602978515625],[159.51871032714845,475.68504638671874],[159.88184967041016,475.7671691894531],[160.24498901367187,475.8492919921875],[160.6081558227539,475.93141479492186],[160.97129516601564,476.01353759765624],[161.3344482421875,476.0956604003906],[161.69760131835938,476.177783203125],[162.06075439453124,476.2598510742188],[162.42389373779298,476.34197387695315],[162.787060546875,476.4240966796875],[163.15018615722656,476.5062194824219],[163.51333923339845,476.5883422851563],[163.87649230957032,476.67046508789065],[164.2396453857422,476.752587890625],[164.60279846191406,476.83465576171875],[164.96595153808593,476.9167785644531],[165.32909088134767,476.9989013671875],[165.69223022460938,477.0810241699219],[166.0553970336914,477.16314697265625],[166.41853637695314,477.2452697753906],[166.781689453125,477.327392578125],[167.14484252929688,477.4094604492188],[167.50799560546875,477.49158325195316],[167.8711349487305,477.57370605468753],[168.23428802490236,477.6558288574219],[168.59742736816406,477.7379516601563],[168.96058044433593,477.82007446289066],[169.32373352050783,477.90219726562503],[169.6868865966797,477.9843200683594],[170.0500259399414,478.06638793945314],[170.41319274902344,478.1485107421875],[170.77633209228517,478.2306335449219],[171.13947143554688,478.31275634765626],[171.50262451171875,478.39487915039064],[171.86577758789062,478.477001953125],[172.22893066406252,478.5591247558594],[172.5920837402344,478.6411926269531],[172.95523681640626,478.7233154296875],[173.31836242675783,478.80543823242186],[173.68152923583986,478.88756103515624],[174.04466857910157,478.9696838378906],[174.40782165527344,479.051806640625],[174.7709747314453,479.13392944335936],[175.1341278076172,479.21599731445315],[175.4972671508789,479.2981201171875],[175.86043395996094,479.3802429199219],[176.22357330322265,479.4623657226563],[176.5867126464844,479.54448852539065],[176.94986572265626,479.626611328125],[177.31301879882812,479.7087341308594],[177.676171875,479.7908569335938],[178.0393249511719,479.8729248046875],[178.4024642944336,479.9550476074219],[178.7656036376953,480.03717041015625],[179.12877044677734,480.1192932128906],[179.49190979003907,480.201416015625],[179.85506286621094,480.2835388183594],[180.21820220947265,480.36566162109375],[180.58136901855468,480.44772949218753],[180.94450836181642,480.5298522949219],[181.30764770507812,480.6119750976563],[181.67080078125,480.69409790039066],[182.0339538574219,480.77622070312503],[182.39710693359376,480.8583435058594],[182.76026000976563,480.9404663085938],[183.1234130859375,481.0225341796875],[183.48653869628907,481.1046569824219],[183.8497055053711,481.18677978515626],[184.2128448486328,481.26890258789064],[184.57599792480468,481.351025390625],[184.93915100097658,481.4331481933594],[185.30230407714845,481.51527099609376],[185.66544342041016,481.5973388671875],[186.0286102294922,481.67946166992186],[186.39174957275392,481.76158447265624],[186.75488891601563,481.8437072753906],[187.1180419921875,481.925830078125],[187.48119506835937,482.00795288085936],[187.84434814453127,482.09007568359374],[188.20750122070314,482.1721984863281],[188.57064056396484,482.2542663574219],[188.93377990722658,482.3363891601563],[189.2969467163086,482.41851196289065],[189.66008605957032,482.500634765625],[190.0232391357422,482.5827575683594],[190.38639221191406,482.6648803710938],[190.74954528808595,482.74700317382815],[191.11268463134766,482.8290710449219],[191.4758514404297,482.91119384765625],[191.83897705078127,482.9933166503906],[192.20213012695314,483.075439453125],[192.565283203125,483.1575622558594],[192.92843627929688,483.23968505859375],[193.2915756225586,483.3218078613281],[193.65474243164064,483.4038757324219],[194.01788177490235,483.4859985351563],[194.38102111816406,483.56812133789066],[194.7441879272461,483.65024414062503],[195.10732727050782,483.7323669433594],[195.4704803466797,483.8144897460938],[195.83363342285156,483.89661254882816],[196.19678649902343,483.9786804199219],[196.55992584228517,484.06080322265626],[196.92307891845704,484.14292602539064],[197.28621826171874,484.225048828125],[197.64937133789064,484.3071716308594],[198.0125244140625,484.38929443359376],[198.37567749023438,484.47141723632814],[198.7388168334961,484.55348510742186],[199.10198364257812,484.63560791015624],[199.46512298583986,484.7177307128906],[199.82826232910156,484.799853515625],[200.1914291381836,484.88197631835936],[200.55456848144533,484.96409912109374],[200.9177215576172,485.0462219238281],[201.28087463378907,485.1283447265625],[201.64401397705078,485.2104125976563],[202.00716705322267,485.29253540039065],[202.37030639648438,485.374658203125],[202.73345947265625,485.4567810058594],[203.09661254882812,485.5389038085938],[203.45975189208986,485.62102661132815],[203.8229187011719,485.7031494140625],[204.1860580444336,485.78521728515625],[204.54919738769533,485.8673400878906],[204.91236419677736,485.949462890625],[205.27550354003907,486.0315856933594],[205.63865661621094,486.11370849609375],[206.0018096923828,486.1958312988281],[206.36494903564454,486.2779541015625],[206.7281021118164,486.3600219726563],[207.09125518798828,486.44214477539066],[207.45439453125002,486.52426757812503],[207.8175476074219,486.6063903808594],[208.18070068359376,486.6885131835938],[208.54385375976562,486.77063598632816],[208.90699310302736,486.85275878906253],[209.2701599121094,486.9348815917969],[209.6332992553711,487.01694946289064],[209.9964385986328,487.099072265625],[210.35960540771484,487.1811950683594],[210.72274475097657,487.26331787109376],[211.08589782714844,487.34544067382814],[211.4490509033203,487.4275634765625],[211.81219024658205,487.5096862792969],[212.17532958984376,487.5917541503906],[212.5384963989258,487.673876953125],[212.9016357421875,487.75599975585936],[213.2647888183594,487.83812255859374],[213.62794189453126,487.9202453613281],[213.99109497070313,488.0023681640625],[214.35423431396484,488.08449096679686],[214.71738739013674,488.16655883789065],[215.0805404663086,488.248681640625],[215.4436798095703,488.3308044433594],[215.80683288574218,488.4129272460938],[216.16998596191408,488.49505004882815],[216.5331253051758,488.5771728515625],[216.89629211425782,488.6592956542969],[217.25943145751953,488.7413635253906],[217.62257080078126,488.823486328125],[217.9857376098633,488.9056091308594],[218.348876953125,488.98773193359375],[218.71203002929687,489.0698547363281],[219.07518310546877,489.1519775390625],[219.43833618164064,489.2341003417969],[219.80147552490234,489.31622314453125],[220.1646286010742,489.39829101562503],[220.52776794433595,489.4804138183594],[220.89092102050782,489.5625366210938],[221.2540740966797,489.64465942382816],[221.61722717285156,489.72678222656253],[221.9803665161133,489.8089050292969],[222.34353332519532,489.8910278320313],[222.70667266845703,489.973095703125],[223.06981201171877,490.0552185058594],[223.4329788208008,490.13734130859376],[223.7961181640625,490.21946411132814],[224.15927124023438,490.3015869140625],[224.52242431640624,490.3837097167969],[224.88556365966798,490.46583251953126],[225.24871673583985,490.547900390625],[225.61185607910156,490.63002319335936],[225.97500915527345,490.71214599609374],[226.33816223144532,490.7942687988281],[226.70130157470703,490.8763916015625],[227.06446838378906,490.95851440429686],[227.4276077270508,491.04063720703124],[227.7907470703125,491.122705078125],[228.15391387939454,491.2048278808594],[228.51705322265624,491.2869506835938],[228.88020629882814,491.36907348632815],[229.243359375,491.4511962890625],[229.60649871826172,491.5333190917969],[229.9696517944336,491.6154418945313],[230.3328048706055,491.69756469726565],[230.6959442138672,491.7796325683594],[231.05909729003906,491.86175537109375],[231.42225036621093,491.9438781738281],[231.78540344238283,492.0260009765625],[232.1485565185547,492.1081237792969],[232.51170959472657,492.19024658203125],[232.87483520507814,492.2723693847656],[233.23798828125,492.3544372558594],[233.60114135742188,492.4365600585938],[233.96429443359375,492.51868286132816],[234.32744750976562,492.60080566406253],[234.6905731201172,492.6829284667969],[235.0537536621094,492.7650512695313],[235.41690673828126,492.84717407226566],[235.78003234863283,492.9292419433594],[236.1431854248047,493.01136474609376],[236.50633850097657,493.09348754882814],[236.86949157714844,493.1756103515625],[237.2326446533203,493.2577331542969],[237.5957977294922,493.33985595703126],[237.95892333984375,493.42197875976564],[238.32207641601562,493.50404663085936],[238.6852569580078,493.58616943359374],[239.0483825683594,493.6682922363281],[239.41153564453126,493.7504150390625],[239.77468872070312,493.83253784179686],[240.1378143310547,493.91466064453124],[240.5009948730469,493.9967834472656],[240.86414794921876,494.07890625],[241.2272735595703,494.1609741210938],[241.5904266357422,494.24309692382815],[241.95357971191407,494.3252197265625],[242.31673278808594,494.4073425292969],[242.6798858642578,494.4894653320313],[243.04303894042968,494.57158813476565],[243.40616455078126,494.6537109375],[243.76931762695312,494.73577880859375],[244.132470703125,494.8179016113281],[244.4956237792969,494.9000244140625],[244.85877685546876,494.9821472167969],[245.22192993164063,495.06427001953125],[245.5850555419922,495.1463928222656],[245.94823608398437,495.228515625],[246.31138916015627,495.3105834960938],[246.6745147705078,495.39270629882816],[247.03766784667968,495.47482910156253],[247.40082092285158,495.5569519042969],[247.76394653320312,495.6390747070313],[248.12712707519532,495.72119750976566],[248.4902801513672,495.80332031250003],[248.85340576171876,495.88538818359376],[249.21655883789063,495.96751098632814],[249.5797119140625,496.0496337890625],[249.94286499023437,496.1317565917969],[250.30601806640627,496.21387939453126],[250.66917114257814,496.29600219726564],[251.03229675292968,496.378125],[251.39544982910158,496.4602478027344],[251.75863037109374,496.5423156738281],[252.12175598144532,496.6244384765625],[252.4849090576172,496.70656127929686],[252.84806213378906,496.78868408203124],[253.21118774414063,496.8708068847656],[253.57436828613282,496.9529296875],[253.9375213623047,497.03505249023436],[254.30064697265627,497.11712036132815],[254.66380004882814,497.1992431640625],[255.026953125,497.2813659667969],[255.39010620117188,497.3634887695313],[255.75325927734374,497.44561157226565],[256.1182525634766,497.5180114746094],[256.4870635986328,497.5689331054688],[256.8567810058594,497.6128784179688],[257.22715759277344,497.65089111328126],[257.59802856445316,497.68324584960936],[257.9693939208984,497.710107421875],[258.3410888671875,497.73158569335936],[258.71303100585936,497.7471862792969],[259.0852478027344,497.75696411132816],[259.4574920654297,497.76097412109374],[259.82981872558594,497.7585021972656],[260.20200805664064,497.74921875],[260.57395019531253,497.732958984375],[260.9455078125,497.70911865234376],[261.3164337158203,497.6772033691406],[261.68653564453126,497.63682861328124],[262.0555114746094,497.5871154785156],[262.42303161621095,497.5274597167969],[262.7885467529297,497.4568725585938],[263.1515625,497.37436523437503],[263.5114471435547,497.27900390625],[263.8672668457031,497.169580078125],[264.21803283691406,497.04477539062503],[264.56223449707034,496.90294189453124],[264.8981414794922,496.7425964355469],[265.2237487792969,496.56214599609376],[265.5364471435547,496.36021728515624],[265.83299560546874,496.13527221679686],[266.11004333496095,495.88670654296874],[266.36390991210936,495.6145751953125],[266.59064025878905,495.3194274902344],[266.78724060058596,495.0034606933594],[266.9515411376953,494.66953125000003],[267.0823608398438,494.32109985351565],[267.1801391601563,493.96201171875003],[267.2463592529297,493.5957275390625],[267.28288879394535,493.22532348632814],[267.2960998535156,492.853271484375],[267.2936553955078,492.4809997558594],[267.2761596679688,492.1091674804688],[267.2448211669922,491.7381591796875],[267.1996124267578,491.36863403320314],[267.1419891357422,491.0008117675781],[267.07195129394535,490.63518676757815],[266.9908721923828,490.2718139648438],[266.8986419677735,489.9111328125],[266.7965515136719,489.55308837890624],[266.6846832275391,489.1979553222656],[266.5640808105469,488.8457885742188],[266.43474426269535,488.49664306640625],[266.2976348876953,488.1504638671875],[266.1528350830078,487.8075256347656],[266.0010040283203,487.4675537109375],[265.84238891601564,487.13071289062503],[265.67737426757816,486.79700317382816],[265.50639953613285,486.466259765625],[265.32951965332035,486.13864746093753],[265.1473663330078,485.81394653320314],[264.95985717773436,485.49232177734376],[264.7672119140625,485.1736633300781],[264.57019958496096,484.85780639648436],[264.368490600586,484.54486083984375],[264.1621124267578,484.23499145507816],[263.95191650390626,483.9277038574219],[263.7373809814453,483.6233825683594],[263.5190826416016,483.3218078613281],[263.2968292236328,483.02314453125],[263.0709503173828,482.7271728515625],[262.8412261962891,482.4341125488281],[262.6079315185547,482.14401855468753],[262.3710388183594,481.8567810058594],[262.1304382324219,481.57261962890624],[261.8861572265625,481.29169921875],[261.63775634765625,481.0143493652344],[261.38482360839845,480.7411193847656],[261.1255187988281,480.47398681640624],[260.86365966796876,480.20932617187503],[260.6018280029297,479.9446105957031],[260.34002380371095,479.6798950195313],[260.0781646728516,479.415234375],[259.8163330078125,479.15051879882816],[259.5545288085938,478.88580322265625],[259.2926696777344,478.621142578125],[259.0308380126953,478.35642700195314],[258.7690063476563,478.0917663574219],[258.5071746826172,477.82705078125],[258.24534301757814,477.5623352050781],[257.9835113525391,477.2976745605469],[257.7216796875,477.032958984375],[257.45984802246096,476.76824340820315],[257.19801635742186,476.5035827636719],[256.9361846923828,476.23886718750003],[256.6743530273438,475.9741516113281],[256.4125213623047,475.70949096679686],[256.15068969726565,475.444775390625],[255.88883056640626,475.18005981445316],[255.6270263671875,474.9153991699219],[255.36519470214844,474.65068359375],[255.10333557128908,474.38596801757814],[254.8415313720703,474.1213073730469],[254.57967224121094,473.856591796875],[254.31784057617188,473.5918762207031],[254.05603637695313,473.3272155761719],[253.79417724609377,473.0625],[253.5323455810547,472.79783935546874],[253.27051391601563,472.5331237792969],[253.00868225097656,472.26840820312503],[252.7468505859375,472.0037475585938],[252.48501892089845,471.73903198242186],[252.2231872558594,471.47431640625],[251.96135559082032,471.20965576171875],[251.69952392578125,470.9449401855469],[251.43769226074218,470.68027954101564],[251.17586059570314,470.4155639648438],[250.91402893066407,470.1508483886719],[250.652197265625,469.8861877441406],[250.39033813476564,469.62147216796876],[250.12853393554687,469.3567565917969],[249.86670227050783,469.09209594726565],[249.60484313964844,468.82738037109374],[249.3430389404297,468.56271972656253],[249.08117980957033,468.2980041503906],[248.81934814453126,468.0332885742188],[248.55754394531252,467.7686279296875],[248.29568481445312,467.50391235351566],[248.03385314941406,467.23919677734375],[247.77202148437502,466.9745361328125],[247.51018981933595,466.70982055664064],[247.24835815429688,466.4451049804688],[246.9865264892578,466.1804443359375],[246.72469482421874,465.9157287597656],[246.4628631591797,465.65101318359376],[246.20103149414064,465.3863525390625],[245.93919982910157,465.12163696289065],[245.6773681640625,464.8569763183594],[245.41553649902343,464.59226074218753],[245.1537048339844,464.3275451660156],[244.89187316894532,464.06288452148436],[244.63004150390626,463.7981689453125],[244.3682098388672,463.53345336914066],[244.10637817382812,463.2687927246094],[243.84454650878908,463.0040771484375],[243.58271484375,462.73936157226564],[243.32088317871094,462.4747009277344],[243.05905151367188,462.2099853515625],[242.7971923828125,461.9452697753906],[242.53538818359377,461.6806091308594],[242.27352905273438,461.4158935546875],[242.0116973876953,461.15123291015624],[241.74989318847656,460.8865173339844],[241.4880340576172,460.6218292236328],[241.22620239257813,460.35711364746095],[240.9643981933594,460.09242553710936],[240.7025390625,459.82773742675784],[240.44070739746095,459.5630218505859],[240.1788757324219,459.2983612060547],[239.91704406738282,459.0336456298828],[239.65521240234375,458.7689575195313],[239.39338073730468,458.5042694091797],[239.13154907226564,458.23955383300785],[238.86971740722657,457.97486572265626],[238.6078857421875,457.7101776123047],[238.34605407714844,457.4454620361328],[238.08422241210937,457.18077392578124],[237.82239074707033,456.9160858154297],[237.56055908203126,456.6513977050781],[237.29869995117187,456.3866821289063],[237.03689575195312,456.1219940185547],[236.77506408691406,455.85730590820316],[236.5132049560547,455.59259033203125],[236.25140075683595,455.3279022216797],[235.98954162597656,455.06321411132814],[235.72770996093752,454.7984985351563],[235.46590576171874,454.533837890625],[235.20404663085938,454.2691223144531],[234.9422149658203,454.00440673828126],[234.68038330078124,453.73974609375],[234.4185516357422,453.47503051757815],[234.15671997070314,453.21034240722656],[233.89488830566407,452.94565429687503],[233.633056640625,452.6809387207031],[233.37122497558593,452.4162506103516],[233.1093933105469,452.1515625],[232.84756164550782,451.88684692382816],[232.58572998046876,451.6221588134766],[232.3238983154297,451.357470703125],[232.06206665039062,451.09278259277346],[231.80020751953126,450.82806701660155],[231.5384033203125,450.56337890625],[231.27657165527344,450.29869079589844],[231.01471252441408,450.0339752197266],[230.7529083251953,449.769287109375],[230.49104919433594,449.5045989990235],[230.22921752929688,449.23988342285156],[229.96739959716797,448.9752227783203],[229.7055679321289,448.71050720214845],[229.4437225341797,448.44581909179686],[229.1819046020508,448.18113098144534],[228.92005920410156,447.9164154052734],[228.6582275390625,447.6517272949219],[228.3964096069336,447.3870391845703],[228.1345642089844,447.12232360839846],[227.87271881103516,446.8576354980469],[227.61090087890625,446.59294738769535],[227.3509506225586,446.32663879394534],[227.13472595214844,446.0235534667969],[226.92436523437502,445.7163757324219],[226.71811065673828,445.406396484375],[226.51579742431642,445.0938629150391],[226.3167251586914,444.7792694091797],[226.12049560546876,444.4628356933594],[225.92752075195312,444.14442443847656],[225.73740234375,443.8243377685547],[225.55022277832032,443.50249328613285],[225.36580352783204,443.17905578613284],[225.1839797973633,442.85419006347655],[225.0050262451172,442.52764892578125],[224.82851715087892,442.19984436035156],[224.65486450195314,441.8705291748047],[224.4836151123047,441.53992309570316],[224.31516723632814,441.2078887939453],[224.14930114746093,440.8745910644531],[223.98585205078126,440.5400299072266],[223.82517700195314,440.2041778564453],[223.66716613769532,439.8670623779297],[223.5116958618164,439.52879333496094],[223.3587387084961,439.18931579589844],[223.20836334228517,438.84873962402344],[223.06089935302734,438.5068725585938],[222.9160171508789,438.16387939453125],[222.77378540039064,437.8198150634766],[222.63419036865236,437.4746520996094],[222.49727325439454,437.1284454345703],[222.36307525634766,436.78114013671876],[222.23158264160156,436.4328186035156],[222.10283660888672,436.08348083496094],[221.97686462402345,435.7331268310547],[221.8536804199219,435.3817840576172],[221.73332519531252,435.0294525146484],[221.61581268310547,434.6761871337891],[221.5011703491211,434.3219329833984],[221.3894256591797,433.9667999267578],[221.28057861328125,433.6107604980469],[221.17467041015627,433.2538146972656],[221.071728515625,432.8960174560547],[220.97179412841797,432.53736877441406],[220.87471618652344,432.1779235839844],[220.78076934814453,431.8176544189453],[220.68985748291016,431.45664367675784],[220.60202178955078,431.094808959961],[220.51726226806642,430.732260131836],[220.4356201171875,430.36902465820316],[220.35720520019532,430.0050476074219],[220.28196258544924,429.6404113769531],[220.2099609375,429.2751434326172],[220.1411590576172,428.90924377441405],[220.0755569458008,428.54271240234374],[220.0132781982422,428.1756591796875],[219.9544189453125,427.8080291748047],[219.89885559082032,427.4399322509766],[219.8466018676758,427.0712585449219],[219.79765777587892,426.7021728515625],[219.7523666381836,426.33264770507816],[219.7104263305664,425.96271057128905],[219.67187805175783,425.5923614501953],[219.63683166503907,425.22173767089845],[219.6054244995117,424.8507293701172],[219.5774368286133,424.47947387695314],[219.55289611816406,424.10797119140625],[219.53224182128906,423.73622131347656],[219.51502075195313,423.364306640625],[219.50130157470704,422.9922546386719],[219.4914962768555,422.6200653076172],[219.4852066040039,422.2477935791016],[219.48247375488282,421.87549438476566],[219.48370971679688,421.5031951904297],[219.48848876953124,421.1308959960938],[219.49696197509766,420.7587066650391],[219.5093215942383,420.38657226562503],[219.52523803710938,420.0145751953125],[219.54512329101564,419.6428253173828],[219.5686752319336,419.271240234375],[219.59596252441406,418.8999298095703],[219.6272186279297,418.5289215087891],[219.66200408935546,418.1582427978516],[219.70093688964843,417.78794860839844],[219.74341278076173,417.4180938720703],[219.7898712158203,417.0486785888672],[219.84005126953124,416.6797576904297],[219.89403533935547,416.31141357421876],[219.95191955566406,415.94359130859374],[220.0134704589844,415.57640075683594],[220.07904510498048,415.2099243164063],[220.1481903076172,414.8440795898438],[220.2213592529297,414.47900390625],[220.2980712890625,414.11472473144534],[220.37882080078126,413.75126953125],[220.46314086914063,413.38861083984375],[220.55137481689454,413.0269409179688],[220.6432067871094,412.66612243652344],[220.73888397216797,412.30629272460936],[220.83821411132814,411.9474792480469],[220.94122467041015,411.589682006836],[221.04803924560548,411.23303833007816],[221.15823211669922,410.8774108886719],[221.27244873046877,410.52304687500003],[221.38996124267578,410.1697540283203],[221.5112777709961,409.8177520751953],[221.63605499267578,409.4669586181641],[221.7642791748047,409.1174560546875],[221.89626617431642,408.7693267822266],[222.031494140625,408.4224060058594],[222.170361328125,408.07696838378905],[222.3126205444336,407.7329315185547],[222.45803833007812,407.390185546875],[222.60719146728516,407.0490325927735],[222.75950317382814,406.70933532714844],[222.91493225097656,406.37098388671876],[223.07402801513672,406.03436279296875],[223.23611755371095,405.69922485351566],[223.40125579833986,405.3655151367188],[223.56990966796874,405.0335906982422],[223.74154357910157,404.70323181152344],[223.91566314697266,404.3741363525391],[224.0904968261719,404.0453704833985],[224.2662094116211,403.7171539306641],[224.44253997802736,403.3892395019531],[224.6193099975586,403.0615447998047],[224.79705505371095,402.73442687988285],[224.9752395629883,402.40752868652345],[225.15395965576172,402.0809051513672],[225.33348999023437,401.75474853515624],[225.5134048461914,401.4287567138672],[225.6939926147461,401.1031494140625],[225.87515716552736,400.7779266357422],[226.05669250488282,400.4528411865235],[226.23905181884766,400.12822265625],[226.4217544555664,399.80385131835936],[226.60496520996094,399.4797271728516],[226.78883514404296,399.1559600830078],[226.97299346923828,398.83238525390624],[227.15782470703127,398.5091949462891],[227.3430953979492,398.1862243652344],[227.52869567871093,397.86350097656253],[227.7150100708008,397.5411071777344],[227.90166778564455,397.2189605712891],[228.08914947509766,396.8973083496094],[228.2766311645508,396.5756286621094],[228.4641128540039,396.2539489746094],[228.6529541015625,395.93309326171874],[228.84185028076172,395.6122650146485],[229.03074645996094,395.2914093017578],[229.2204803466797,394.9711029052734],[229.41073608398438,394.6510437011719],[229.60097808837892,394.3310119628906],[229.7916046142578,394.0111999511719],[229.98313751220704,393.69190979003906],[230.17467041015627,393.37261962890625],[230.3661895751953,393.05335693359376],[230.5588623046875,392.7348083496094],[230.75161743164062,392.416259765625],[230.94437255859376,392.097738647461],[231.1378143310547,391.77960205078125],[231.33175048828124,391.46176757812503],[231.52568664550782,391.1439605712891],[231.7198699951172,390.8262634277344],[231.91493225097656,390.509115600586],[232.10996704101564,390.19199523925784],[232.305029296875,389.8748748779297],[232.50097045898437,389.5582763671875],[232.69710388183594,389.2418151855469],[232.8932098388672,388.92535400390625],[233.08983764648437,388.6091674804688],[233.2869873046875,388.2933380126953],[233.48413696289063,387.9775085449219],[233.681396484375,387.6617340087891],[233.8795349121094,387.34653625488284],[234.07767333984376,387.03131103515625],[234.27583923339844,386.7160858154297],[234.47463684082032,386.4013275146485],[234.67373657226562,386.0867065429688],[234.87283630371095,385.7720855712891],[235.0722381591797,385.4576843261719],[235.27224426269532,385.1436401367188],[235.47225036621094,384.82959594726566],[235.67225646972656,384.5155792236328],[235.8731414794922,384.20208435058595],[236.07402648925782,383.8886169433594],[236.27491149902343,383.5751495361328],[236.47634582519532,383.2620391845703],[236.6780548095703,382.9490936279297],[236.87976379394533,382.6361480712891],[237.08177490234377,382.3233947753906],[237.2842803955078,382.01099853515626],[237.4868408203125,381.6985748291016],[237.68940124511718,381.3861785888672],[237.89270324707033,381.07427673339845],[238.09603271484374,380.7623748779297],[238.2993621826172,380.4504730224609],[238.50321350097656,380.1389556884766],[238.70731201171876,379.8275482177734],[238.91138305664063,379.5161407470703],[239.11578369140625,379.2049530029297],[239.32059631347656,378.8940399169922],[239.5254089355469,378.5830993652344],[239.73035888671876,378.27226867675785],[239.93585815429688,377.9617950439453],[240.141357421875,377.6513214111328],[240.34685668945312,377.34087524414065],[240.55304260253908,377.0308410644531],[240.7592010498047,376.72083435058596],[240.96535949707032,376.41082763671875],[241.1720947265625,376.1011505126953],[241.37893981933595,375.79155578613285],[241.58575744628908,375.48198852539065],[241.7930419921875,375.1727233886719],[242.00049133300783,374.86354064941406],[242.20796813964844,374.5544128417969],[242.41580200195312,374.2454772949219],[242.6238555908203,373.9367340087891],[242.83193664550782,373.62799072265625],[243.04031982421876,373.31943969726564],[243.24900512695314,373.0110809326172],[243.45763549804687,372.7027496337891],[243.66659545898438,372.39458312988285],[243.87585754394533,372.08660888671875],[244.08509216308593,371.77866210937503],[244.29462890625,371.4709075927735],[244.5044128417969,371.16331787109374],[244.71419677734374,370.85572814941406],[244.92431030273437,370.5483856201172],[245.13467102050782,370.24115295410155],[245.34500427246095,369.93397521972656],[245.5558868408203,369.62712707519535],[245.7669891357422,369.32041625976564],[245.97809143066408,369.0137603759766],[246.18919372558594,368.7070770263672],[246.40032348632812,368.4003936767578],[246.61150817871095,368.0937927246094],[246.82359924316407,367.7877685546875],[247.0357177734375,367.481771850586],[247.2477813720703,367.1757751464844],[247.45989990234375,366.8697784423828],[247.67199096679687,366.5637542724609],[247.8847412109375,366.25827941894534],[248.09776611328127,365.9529144287109],[248.31081848144532,365.6475494384766],[248.52381591796876,365.3422119140625],[248.73686828613282,365.03684692382814],[248.95044250488283,364.73186645507815],[249.16431884765626,364.4271606445313],[249.37822265625002,364.1223999023438],[249.59212646484374,363.81763916015626],[249.8060302734375,363.5129333496094],[250.02059326171874,363.2086395263672],[250.2353485107422,362.90448303222655],[250.45007629394533,362.60032653808594],[250.66480407714843,362.2961700439453],[250.8797790527344,361.9921783447266],[251.09527587890625,361.6885986328125],[251.31080017089843,361.38499145507814],[251.52635192871094,361.0813842773438],[251.74190368652344,360.77783203125],[251.95819702148438,360.4747741699219],[252.174462890625,360.17168884277345],[252.39072875976564,359.86865844726566],[252.60715942382814,359.56568298339846],[252.8241394042969,359.26311950683595],[253.0410919189453,358.96058349609376],[253.2580993652344,358.65802001953125],[253.47557373046877,358.35581359863284],[253.693212890625,358.05377197265625],[253.91087951660157,357.7517028808594],[254.12895812988282,357.44993591308594],[254.34722900390625,357.14833374023436],[254.56555480957033,356.84673156738285],[254.78445739746095,356.54554138183596],[255.00335998535158,356.2444061279297],[255.22286682128907,355.94365539550785],[255.44262084960937,355.6430969238281],[255.66234741210937,355.34253845214846],[255.88270568847656,355.0424468994141],[256.0675506591797,354.72117919921874],[256.21820068359375,354.38071289062503],[256.3614898681641,354.03708801269534],[256.498681640625,353.69093627929686],[256.6307098388672,353.3428894042969],[256.7577667236328,352.9928924560547],[256.8804565429688,352.641357421875],[256.9989715576172,352.2884216308594],[257.11353149414066,351.9341949462891],[257.22405395507815,351.5786499023438],[257.331005859375,351.22206115722656],[257.4344696044922,350.8644012451172],[257.5344451904297,350.50572509765624],[257.63071289062503,350.1461151123047],[257.7238494873047,349.78562622070314],[257.81366271972655,349.4242858886719],[257.9002899169922,349.0622039794922],[257.9837585449219,348.69935302734376],[258.0641235351563,348.3358428955078],[258.14146728515624,347.97161865234375],[258.2158172607422,347.60681762695316],[258.2870635986328,347.241357421875],[258.35539855957035,346.8754028320313],[258.42095947265625,346.50889892578124],[258.4835540771484,346.1418731689453],[258.5432922363281,345.7743804931641],[258.6003662109375,345.4064483642578],[258.6545013427735,345.0381317138672],[258.7059997558594,344.66937561035155],[258.75469665527345,344.3002624511719],[258.8007293701172,343.93079223632816],[258.84412536621096,343.56101989746094],[258.8848571777344,343.1909454345703],[258.9229248046875,342.8205963134766],[258.9584655761719,342.4499725341797],[258.991259765625,342.0791015625],[259.0216918945313,341.7080383300781],[259.0494049072266,341.33672790527345],[259.07464599609375,340.9652801513672],[259.0975250244141,340.5936950683594],[259.11765747070314,340.2218902587891],[259.135400390625,339.8500030517578],[259.15086364746094,339.47803344726566],[259.1636901855469,339.1059265136719],[259.1740997314453,338.7337371826172],[259.1822021484375,338.3615203857422],[259.18799743652346,337.9892486572266],[259.1912109375,337.61694946289066],[259.19208984375,337.2446502685547],[259.19068908691406,336.87232360839846],[259.18706359863285,336.5000244140625],[259.18115844726566,336.1277801513672],[259.17275390625,335.7555358886719],[259.1620697021485,335.3833740234375],[259.14918823242186,335.01129455566405],[259.1341094970703,334.63927001953124],[259.11683349609376,334.2673553466797],[259.0973602294922,333.8955505371094],[259.0757171630859,333.52385559082035],[259.0516571044922,333.15232543945314],[259.0255096435547,332.7809600830078],[258.9971649169922,332.4097045898438],[258.96673278808595,332.0386138916016],[258.93418579101564,331.6677703857422],[258.9003479003906,331.29698181152344],[258.8672790527344,330.9261108398438],[258.83591308593753,330.5551300048828],[258.8063049316406,330.183984375],[258.7784820556641,329.8127014160156],[258.7525268554688,329.44130859375],[258.7285491943359,329.0697509765625],[258.706494140625,328.6981109619141],[258.686361694336,328.3263610839844],[258.6682342529297,327.95444641113284],[258.65211181640626,327.5824768066406],[258.63840637207034,327.2104522705078],[258.6267883300781,326.8382904052734],[258.6173400878906,326.46607360839846],[258.61025390625,326.09380187988285],[258.60569458007814,325.7215301513672],[258.6034423828125,325.3492858886719],[258.6038269042969,324.9769592285156],[258.60687561035155,324.60463256835936],[258.612451171875,324.23236083984375],[258.62110290527346,323.86008911132814],[258.6323638916016,323.4879821777344],[258.6468933105469,323.1159576416016],[258.6642517089844,322.74407043457035],[258.68498840332035,322.37232055664066],[258.7090209960938,322.00079040527345],[258.7363494873047,321.62945251464845],[258.7674957275391,321.2584991455078],[258.802294921875,320.8878204345703],[258.8409118652344,320.51747131347656],[258.8835388183594,320.1476165771484],[258.93039550781253,319.7782287597656],[258.98170166015626,319.40947265625],[259.0376220703125,319.0414306640625],[259.0984313964844,318.6741027832031],[259.16429443359374,318.30768127441405],[259.2354309082031,317.94219360351565],[259.31230773925785,317.57788696289066],[259.3951446533203,317.214926147461],[259.48427124023436,316.8534759521485],[259.5800720214844,316.493701171875],[259.6831787109375,316.1359039306641],[259.7938934326172,315.7804412841797],[259.9130401611328,315.4277252197266],[260.0410858154297,315.07814025878906],[260.1789916992188,314.732373046875],[260.3276641845703,314.39105529785155],[260.4886138916016,314.05528564453124],[260.6632965087891,313.72657470703126],[260.8544586181641,313.40711975097656],[261.06671447753905,313.1013427734375],[261.2581512451172,312.78968811035156],[261.387158203125,312.4404602050781],[261.52830505371094,312.0959014892578],[261.6786804199219,311.7553253173828],[261.8367462158203,311.4182373046875],[262.0016784667969,311.0843902587891],[262.17262573242186,310.7537567138672],[262.3491485595703,310.4259246826172],[262.53130187988285,310.1012237548828],[262.7182342529297,309.77918701171876],[262.90972595214845,309.45989685058595],[263.10572204589846,309.1433532714844],[263.30572814941405,308.8293914794922],[263.5099090576172,308.51806640625],[263.718017578125,308.2093231201172],[263.92975158691405,307.9030792236328],[264.1451110839844,307.59930725097655],[264.36390380859376,307.2980895996094],[264.5859375,306.9992614746094],[264.8111572265625,306.7027954101563],[265.03953552246094,306.40874633789065],[265.27093505859375,306.1170593261719],[265.5052185058594,305.8276794433594],[265.7423034667969,305.54063415527344],[265.98210754394535,305.25584106445314],[266.2245758056641,304.9733001708984],[266.4696533203125,304.69301147460936],[266.71728515625,304.4150024414063],[266.967333984375,304.13913574218753],[267.21974487304686,303.86546630859374],[267.4744079589844,303.5939117431641],[267.73143310546874,303.3245544433594],[267.99071044921874,303.05725708007816],[268.2520202636719,302.7920196533203],[268.5154998779297,302.5290069580078],[268.78101196289066,302.26799926757815],[269.0484191894531,302.0089965820313],[269.3179412841797,301.7521087646484],[269.58922119140624,301.49708862304686],[269.86256103515626,301.2442932128906],[270.1374938964844,300.9932006835938],[270.4144317626953,300.7443328857422],[270.69285278320314,300.49725036621095],[270.9731414794922,300.2522003173828],[271.25502319335936,300.00896301269535],[271.53855285644534,299.7676208496094],[271.8237579345703,299.5282287597656],[272.10857849121095,299.2884246826172],[272.3876037597656,299.04205627441405],[272.66025695800784,298.7885192871094],[272.92620849609375,298.5279235839844],[273.18507385253906,298.2603790283203],[273.4366882324219,297.9859954833984],[273.6808319091797,297.7048278808594],[273.9172027587891,297.4172607421875],[274.1457458496094,297.1233764648438],[274.3662414550781,296.8233673095703],[274.57855224609375,296.51756286621094],[274.7826232910156,296.2061279296875],[274.9782348632813,295.88933715820315],[275.1653594970703,295.56749267578124],[275.34396972656253,295.240869140625],[275.5140380859375,294.9096588134766],[275.67559204101565,294.57421875],[275.8285766601563,294.23479614257815],[275.97312927246094,293.8916931152344],[276.10927734375,293.5452392578125],[276.23699340820315,293.1954620361328],[276.3564697265625,292.842855834961],[276.46778869628906,292.4875854492188],[276.57114257812503,292.12989807128906],[276.6665313720703,291.7700134277344],[276.75409240722655,291.40817871093753],[276.8341003417969,291.04453125000003],[276.9066925048828,290.67937316894535],[276.97181396484376,290.31284179687503],[277.0298217773438,289.94501953125],[277.0808807373047,289.5762084960938],[277.1250457763672,289.2066284179688],[277.16237182617186,288.83616943359374],[277.1931610107422,288.4651336669922],[277.2177429199219,288.09360351562503],[277.2361999511719,287.7217712402344],[277.2482025146484,287.349609375],[277.25438232421874,286.97739257812503],[277.2548492431641,286.60512084960936],[277.2497131347656,286.23279418945316],[277.2388366699219,285.8606323242188],[277.22252197265624,285.48866271972656],[277.20093383789066,285.11699523925785],[277.17420959472656,284.7456848144531],[277.1424041748047,284.37473144531253],[277.1055450439453,284.0042449951172],[277.06382446289064,283.63425292968753],[277.0172424316406,283.2648376464844],[276.9659362792969,282.8960815429688],[276.9099334716797,282.5280670166016],[276.8492889404297,282.1607391357422],[276.7841400146485,281.79412536621095],[276.7142669677734,281.42841796875],[276.6399719238281,281.0635894775391],[276.56109008789065,280.69980468750003],[276.4773742675781,280.3369812011719],[276.3894836425781,279.9751739501953],[276.29640197753906,279.61468505859375],[276.198568725586,279.25543212890625],[276.09532470703124,278.89771728515626],[275.9861755371094,278.5418151855469],[275.86870422363285,278.1885223388672],[275.71159973144535,277.85096740722656],[275.55921936035156,277.51124267578126],[275.4103546142578,277.1700073242188],[275.2643188476563,276.8274810791016],[275.1211669921875,276.4838836669922],[274.9804321289063,276.1391326904297],[274.84214172363284,275.7934478759766],[274.70624084472655,275.44682922363285],[274.57261962890624,275.0992767333984],[274.4412780761719,274.7509002685547],[274.3122161865235,274.4017547607422],[274.1850219726563,274.05181274414065],[274.06024475097655,273.70099182128905],[273.9377746582031,273.34942932128905],[273.8174743652344,272.9970428466797],[273.69931640625003,272.6439697265625],[273.5834655761719,272.2901824951172],[273.46978454589845,271.93565368652344],[273.3582733154297,271.5804382324219],[273.24915161132816,271.2244812011719],[273.1420349121094,270.8678924560547],[273.0374450683594,270.5105346679688],[272.9350799560547,270.1526275634766],[272.8348846435547,269.7940338134766],[272.7372161865234,269.4347259521484],[272.6419372558594,269.0747863769531],[272.54896545410156,268.7142700195313],[272.45830078125,268.3531219482422],[272.37046508789064,267.99139709472655],[272.2849914550781,267.62901306152344],[272.2019897460938,267.2660797119141],[272.1214599609375,266.9025421142578],[272.0437042236328,266.53842773437503],[271.9686950683594,266.1737365722656],[271.89635009765624,265.80857849121094],[271.82666931152346,265.4428161621094],[271.7597351074219,265.0765869140625],[271.6956024169922,264.7098083496094],[271.63462829589844,264.34253540039066],[271.57659301757815,263.9747680664063],[271.5215240478516,263.6065612792969],[271.4694763183594,263.2379150390625],[271.4205322265625,262.86882934570315],[271.37469177246095,262.4993041992188],[271.3320648193359,262.1294219970703],[271.2928436279297,261.75921020507815],[271.2570281982422,261.38861389160155],[271.2246459960938,261.01771545410156],[271.19577941894534,260.6465698242188],[271.17042846679686,260.2750946044922],[271.14886779785155,259.9033996582031],[271.1310150146484,259.5314849853516],[271.11695251464846,259.1594604492188],[271.1067626953125,258.7872711181641],[271.1005004882813,258.41502685546874],[271.0984130859375,258.04270019531253],[271.10044555664064,257.6703735351563],[271.1066802978516,257.2981292724609],[271.11717224121094,256.92596740722655],[271.13203125,256.55397033691406],[271.15158691406253,256.1821655273438],[271.17567443847656,255.81060791015625],[271.20440368652345,255.4394073486328],[271.2379119873047,255.06856384277344],[271.27622680664064,254.69829711914062],[271.31956787109374,254.32852478027345],[271.3680450439453,253.95938415527345],[271.42168579101565,253.59093017578127],[271.480517578125,253.22327270507813],[271.5447052001953,252.85654907226564],[271.61427612304686,252.49081420898438],[271.68958740234376,252.12617797851564],[271.77044677734375,251.76275024414062],[271.8570190429688,251.40066833496095],[271.9494140625,251.03998718261718],[272.04765930175785,250.68084411621095],[272.15186462402346,250.323486328125],[272.2622497558594,249.9679138183594],[272.3787322998047,249.61429138183595],[272.5013671875,249.26272888183595],[272.63023681640624,248.91341857910157],[272.76536865234374,248.56647033691408],[272.9068176269531,248.22213134765624],[273.0548034667969,247.8805114746094],[273.2091888427735,247.5417205810547],[273.36997375488284,247.20589599609374],[273.5371856689453,246.87320251464845],[273.71079711914064,246.54388732910158],[273.89080810546875,246.21803283691406],[274.0752410888672,245.89481506347656],[274.2106201171875,245.54797668457033],[274.35113525390625,245.2031982421875],[274.495166015625,244.85984802246094],[274.6427947998047,244.51803588867188],[274.7931701660156,244.1774871826172],[274.94626464843753,243.83811950683594],[275.10166625976564,243.49971313476564],[275.2597869873047,243.16270751953127],[275.4203796386719,242.82677307128907],[275.5832794189453,242.4919647216797],[275.74851379394534,242.15839233398438],[275.9160552978516,241.82589111328124],[276.08582153320316,241.49451599121093],[276.25786743164065,241.1643493652344],[276.43219299316405,240.83530883789064],[276.6085510253906,240.50739440917968],[276.787353515625,240.1808807373047],[276.96824340820314,239.8554656982422],[277.1511932373047,239.5312042236328],[277.3366424560547,239.20831604003908],[277.52417907714846,238.88671875],[277.7139129638672,238.5663299560547],[277.9057342529297,238.2472869873047],[278.09991760253905,237.92958984375],[278.296435546875,237.6133758544922],[278.49512329101566,237.2985076904297],[278.6960357666016,236.98506774902344],[278.8991729736328,236.67311096191406],[279.1046173095703,236.36255493164063],[279.31231384277345,236.05359191894533],[279.5224822998047,235.74624938964845],[279.73504028320315,235.44055480957033],[279.94993286132814,235.13648071289063],[280.16713256835936,234.83419189453124],[280.3868041992188,234.5335235595703],[280.608837890625,234.2346954345703],[280.83331604003905,233.93765258789062],[281.0600189208985,233.64228515625],[281.2894683837891,233.34906005859375],[281.5213897705078,233.05786743164063],[281.75583801269534,232.76862487792968],[281.9928680419922,232.48152465820314],[282.2325073242188,232.1965118408203],[282.47467346191405,231.91372375488282],[282.7195037841797,231.63321533203126],[282.96697082519535,231.3551239013672],[283.21710205078125,231.07933959960937],[283.4699249267578,230.8060272216797],[283.7254943847656,230.53524169921874],[283.9838104248047,230.26707916259767],[284.2448455810547,230.00163574218752],[284.50868225097656,229.73895263671875],[284.77532043457035,229.47911224365234],[285.04481506347656,229.22218322753906],[285.3170837402344,228.9683029174805],[285.59226379394534,228.7175262451172],[285.8703826904297,228.4698944091797],[286.1512756347656,228.2256271362305],[286.4351348876953,227.98471069335938],[286.72193298339846,227.74725494384765],[287.01161499023436,227.51339721679688],[287.3042907714844,227.28321990966796],[287.5998504638672,227.05687408447267],[287.8983489990234,226.83441467285158],[288.1998687744141,226.61591033935548],[288.5042724609375,226.40159454345704],[288.8116424560547,226.1914535522461],[289.1219787597656,225.98574829101562],[289.4352264404297,225.78450622558594],[289.75133056640624,225.5878921508789],[290.0703460693359,225.395947265625],[290.3922454833984,225.2088363647461],[290.7169464111328,225.02664184570312],[291.04442138671874,224.84954223632812],[291.3746704101563,224.67760620117187],[291.70758361816405,224.5109848022461],[292.0432159423828,224.34976043701172],[292.3813751220703,224.19408416748047],[292.72214355468753,224.04403839111328],[293.0653564453125,223.8997329711914],[293.41106872558595,223.76144256591797],[293.7590057373047,223.6291259765625],[294.1092498779297,223.50289306640624],[294.4616638183594,223.38279876708984],[294.8161651611328,223.26895294189453],[295.1726440429688,223.1614242553711],[295.53093566894535,223.0603225708008],[295.8909576416016,222.96568908691407],[296.2527648925781,222.87770233154296],[296.6160827636719,222.7964309692383],[296.9808837890625,222.72183380126953],[297.3469482421875,222.6538833618164],[297.71416625976565,222.59262084960938],[298.0824005126953,222.53807373046877],[298.4517059326172,222.49048919677736],[298.82175292968753,222.44979858398438],[299.1925415039063,222.41580963134766],[299.56385192871096,222.38837127685548],[299.93560180664065,222.36788177490234],[300.30762634277346,222.35423126220704],[300.67987060546875,222.3472137451172],[301.0521697998047,222.34693908691406],[301.4244415283203,222.35322875976564],[301.7965484619141,222.3661102294922],[302.16876525878905,222.3699691772461],[302.5410369873047,222.36969451904298],[302.9133636474609,222.36943359375002],[303.2856903076172,222.3691589355469],[303.65801696777345,222.36888427734377],[304.0303436279297,222.36862335205078],[304.402670288086,222.36834869384765],[304.7749420166016,222.36807403564453],[305.14726867675785,222.36781311035156],[305.51959533691405,222.36753845214844],[305.8919219970703,222.3672637939453],[306.2642486572266,222.36700286865235],[306.63657531738284,222.36672821044922],[307.00884704589845,222.3664535522461],[307.3811737060547,222.36619262695314],[307.753500366211,222.36591796875],[308.1258270263672,222.3656433105469],[308.49815368652344,222.36538238525392],[308.8704803466797,222.3651077270508],[309.2427520751953,222.36483306884767],[309.6150787353516,222.36457214355468],[309.98740539550784,222.36429748535156],[310.3597320556641,222.36402282714843],[310.7320587158203,222.36376190185547],[311.10438537597656,222.36348724365234],[311.4766571044922,222.36321258544922],[311.84898376464844,222.36295166015626],[312.2213104248047,222.36267700195313],[312.59363708496096,222.36240234375],[312.9659637451172,222.36214141845704],[313.3382904052734,222.36186676025392],[313.7105621337891,222.3615921020508],[314.0828887939453,222.36133117675783],[314.45521545410156,222.3610565185547],[314.8275421142578,222.36078186035158],[315.1998687744141,222.3605209350586],[315.57219543457035,222.36024627685546],[315.94446716308596,222.35997161865234],[316.3167938232422,222.35971069335938],[316.6891204833984,222.35943603515625],[317.0614471435547,222.35916137695312],[317.43377380371095,222.35890045166016],[317.8061004638672,222.35862579345704],[318.1783721923828,222.3583511352539],[318.5506988525391,222.35809020996095],[318.92302551269535,222.35781555175782],[319.29535217285155,222.3575408935547],[319.6676788330078,222.35727996826174],[320.0399505615234,222.3570053100586],[320.4122772216797,222.3567306518555],[320.78460388183595,222.3564697265625],[321.1569305419922,222.35619506835937],[321.5292572021485,222.35592041015624],[321.9015838623047,222.35565948486328],[322.27385559082035,222.35538482666016],[322.64618225097655,222.35511016845703],[323.0185089111328,222.35484924316407],[323.3908355712891,222.35457458496094],[323.76316223144534,222.35429992675782],[324.1354888916016,222.35403900146486],[324.5077606201172,222.35376434326173],[324.8800872802735,222.3534896850586],[325.2524139404297,222.35322875976564],[325.62474060058594,222.35295410156252],[325.9970672607422,222.3526794433594],[326.36939392089846,222.3524185180664],[326.7416656494141,222.35214385986328],[327.11399230957034,222.35186920166015],[327.4863189697266,222.3516082763672],[327.8586456298828,222.35133361816406],[328.23097229003906,222.35105895996094],[328.6032989501953,222.35079803466797],[328.97557067871094,222.35052337646485],[329.3478973388672,222.35024871826172],[329.72022399902346,222.34998779296876],[330.0925506591797,222.34971313476564],[330.4648773193359,222.3494384765625],[330.8372039794922,222.34917755126955],[331.2094757080078,222.34890289306642],[331.58180236816406,222.3486282348633],[331.9541290283203,222.3483673095703],[332.3264556884766,222.34809265136718],[332.69878234863285,222.34781799316406],[333.07110900878905,222.3475570678711],[333.4433807373047,222.34728240966797],[333.8157073974609,222.34700775146484],[334.1880340576172,222.34674682617188],[334.56036071777345,222.34647216796876],[334.9305450439453,222.3229751586914],[335.29424743652345,222.24347534179688],[335.65525817871094,222.15274200439453],[336.0138793945313,222.0526840209961],[336.3701110839844,221.94437255859376],[336.7239532470703,221.82850799560546],[337.07513122558595,221.70498046875],[337.4237274169922,221.57420196533204],[337.7695770263672,221.43633728027345],[338.1125152587891,221.29151000976563],[338.4525421142578,221.13980255126953],[338.78941040039064,220.9811737060547],[339.1228729248047,220.8156921386719],[339.45306701660155,220.6435775756836],[339.7793884277344,220.46444549560547],[340.10205688476566,220.27873535156252],[340.42071533203125,220.08614501953124],[340.73517150878905,219.88677062988282],[341.0453155517578,219.68079071044923],[341.3509002685547,219.4681640625],[341.6515686035156,219.2486572265625],[341.947348022461,219.02251739501955],[342.2379364013672,218.78978576660157],[342.52316894531253,218.55051727294924],[342.8028533935547,218.30469818115236],[343.07666015625,218.05247955322267],[343.34458923339844,217.79402618408204],[343.606201171875,217.52910461425782],[343.86146850585936,217.25804443359377],[344.11008911132814,216.98096923828126],[344.35203552246094,216.69798889160157],[344.58692321777346,216.4091033935547],[344.81475219726565,216.1146697998047],[345.03538513183594,215.81481170654297],[345.2486572265625,215.5096389770508],[345.45440368652345,215.19931640625],[345.65265197753905,214.88415985107423],[345.8430450439453,214.56423797607422],[346.02585754394534,214.23994903564454],[346.2007049560547,213.91123809814454],[346.36786193847655,213.57851715087892],[346.52708129882814,213.24200592041015],[346.67841796875,212.90180053710938],[346.8219268798828,212.5582717895508],[346.9576354980469,212.21165313720704],[347.0855438232422,211.86199951171875],[347.2057342529297,211.50958557128908],[347.3182067871094,211.15467224121093],[347.4231262207031,210.79742431640625],[347.5205749511719,210.43810272216797],[347.6118438720703,210.0772430419922],[347.7259094238281,209.7228240966797],[347.8400024414063,209.3684051513672],[347.9540679931641,209.01398620605468],[348.06813354492186,208.65955352783203],[348.1826110839844,208.30524444580078],[348.2971160888672,207.95101776123047],[348.41167602539065,207.59674987792968],[348.5262084960938,207.24248199462892],[348.6407409667969,206.88820037841796],[348.7552734375,206.5339324951172],[348.86980590820315,206.1796646118164],[348.9843383789063,205.8254379272461],[349.0988708496094,205.4711700439453],[349.2134033203125,205.11690216064454],[349.327963256836,204.76263427734375],[349.4424957275391,204.40835266113282],[349.55713806152346,204.05412597656252],[349.6721649169922,203.70007781982423],[349.78721923828124,203.34597473144532],[349.9023010253906,202.99187164306642],[350.0173553466797,202.6377685546875],[350.1324096679688,202.2836654663086],[350.2474639892578,201.9295623779297],[350.36249084472655,201.5755142211914],[350.47754516601566,201.2214111328125],[350.5925994873047,200.8673080444336],[350.70765380859376,200.5132049560547],[350.8227081298828,200.1591018676758],[350.93776245117186,199.80499877929688],[351.052816772461,199.45093688964843],[351.16787109375,199.09683380126953],[351.2829254150391,198.74273071289062],[351.3979797363281,198.3886276245117],[351.5130340576172,198.0345245361328],[351.6280883789063,197.68047637939455],[351.74314270019534,197.32637329101564],[351.8581970214844,196.97227020263674],[351.9733062744141,196.61819458007812],[352.0887451171875,196.26421508789062],[352.204183959961,195.91023559570314],[352.31959533691406,195.5562973022461],[352.43503417968753,195.2023178100586],[352.55047302246095,194.8483383178711],[352.6658843994141,194.4943588256836],[352.7813232421875,194.1403793334961],[352.8967620849609,193.7863998413086],[353.0121734619141,193.43247528076174],[353.1276123046875,193.07849578857423],[353.24305114746096,192.72451629638672],[353.3584899902344,192.37053680419922],[353.47392883300785,192.0165573120117],[353.5894775390625,191.66263275146486],[353.7051635742188,191.3087905883789],[353.8208770751953,190.9549072265625],[353.9365631103516,190.60101013183595],[354.0522766113281,190.2471130371094],[354.1679626464844,189.893229675293],[354.28367614746094,189.53933258056642],[354.3993621826172,189.18549041748048],[354.5150482177734,188.83159332275392],[354.63076171875,188.47770996093752],[354.74644775390624,188.12381286621095],[354.86216125488284,187.7699157714844],[354.97784729003905,187.41601867675783],[355.0935333251953,187.0621765136719],[355.20924682617186,186.7082931518555],[355.32493286132814,186.35439605712892],[355.4255676269531,185.9960494995117],[355.52647705078124,185.63767547607424],[355.6332092285156,185.28099060058594],[355.7443359375,184.9257339477539],[355.85999450683596,184.57178192138673],[355.9796630859375,184.21924438476563],[356.10328674316406,183.8680389404297],[356.2307556152344,183.51819305419923],[356.3620147705078,183.16978912353517],[356.4968994140625,182.8228271484375],[356.63538208007816,182.47721099853516],[356.7774353027344,182.13306427001953],[356.9233337402344,181.79053802490236],[357.07269287109375,181.44942626953124],[357.2258697509766,181.11007232666017],[357.3824798583984,180.77239379882812],[357.543017578125,180.43643188476562],[357.7070709228516,180.1021728515625],[357.8751617431641,179.76996002197265],[358.046713256836,179.43955993652344],[358.2223846435547,179.11128845214844],[358.4019012451172,178.78517303466796],[358.5851257324219,178.46102142333984],[358.7725524902344,178.13935546875],[358.9639892578125,177.8200241088867],[359.15960083007815,177.5032196044922],[359.35938720703126,177.18899688720703],[359.5633209228516,176.87757568359376],[359.7716766357422,176.5689697265625],[359.98423461914064,176.263330078125],[360.2013793945313,175.96084899902345],[360.42283630371094,175.66158142089844],[360.6490173339844,175.36582946777344],[360.87964782714846,175.07362060546876],[361.1150573730469,174.78518829345703],[361.35516357421875,174.5006286621094],[361.60007629394534,174.2201889038086],[361.8498504638672,173.94406127929688],[362.10443115234375,173.67239685058595],[362.3640106201172,173.40558013916015],[362.6284515380859,173.14348754882812],[362.89808349609376,172.8866958618164],[363.1726043701172,172.635205078125],[363.4521514892578,172.38931732177736],[363.73683471679686,172.14937591552734],[364.0264068603516,171.91539459228517],[364.32114257812503,171.68793640136718],[364.6208221435547,171.4670150756836],[364.9253356933594,171.2528091430664],[365.2349304199219,171.04600524902344],[365.5492218017578,170.84639739990234],[365.86809997558595,170.65435638427735],[366.1918121337891,170.47037658691406],[366.5198913574219,170.29437561035158],[366.8522003173828,170.12657318115234],[367.18890380859375,169.96758728027345],[367.5295074462891,169.8172119140625],[367.87376403808594,169.67563934326174],[368.2217559814453,169.5432540893555],[368.57312622070316,169.42017974853516],[368.927572631836,169.30634765625],[369.28493041992186,169.20177154541017],[369.64495239257815,169.1068359375],[370.0072814941406,169.02154083251955],[370.37183532714846,168.9457214355469],[370.73817443847656,168.87948760986328],[371.1061614990235,168.82283935546874],[371.4754943847656,168.7756805419922],[371.84584350585936,168.7378875732422],[372.21701660156253,168.70940551757812],[372.58884887695314,168.69009704589845],[372.9610107421875,168.67986602783205],[373.3333374023438,168.67853393554688],[373.70558166503906,168.68592224121093],[374.07757873535155,168.70185241699218],[374.4490539550781,168.7261459350586],[374.81995239257816,168.75852813720704],[375.1900268554688,168.79895782470703],[375.5592498779297,168.84710540771485],[375.92737426757816,168.9027099609375],[376.29431762695316,168.9657440185547],[376.65997009277345,169.03572692871094],[377.02422180175785,169.11272735595705],[377.38701782226565,169.1962646484375],[377.7483306884766,169.28633880615234],[378.10788574218753,169.3828125],[378.46593017578124,169.4849853515625],[378.8221069335938,169.59331054687502],[379.1766357421875,169.70693664550782],[379.5293243408203,169.8262893676758],[379.88022766113284,169.95075073242188],[380.22923583984374,170.08036193847656],[380.57640380859374,170.2148208618164],[380.9216766357422,170.35408630371094],[381.26513671875,170.49782867431642],[381.60667419433594,170.64615783691406],[381.8911376953125,170.87842254638673],[382.1622528076172,171.13364868164064],[382.43968505859374,171.38181610107424],[382.72230834960936,171.6241882324219],[383.0099304199219,171.8606414794922],[383.3020294189453,172.09149169921875],[383.5984680175781,172.31675262451174],[383.89910888671875,172.5364242553711],[384.2037322998047,172.75035552978517],[384.51233825683596,172.958642578125],[384.824789428711,173.16107940673828],[385.14116821289065,173.35736389160158],[385.46128234863284,173.54759216308594],[385.78496704101565,173.7314895629883],[386.1122497558594,173.90886383056642],[386.4431579589844,174.07952270507812],[386.7775543212891,174.2432052612305],[387.1153839111328,174.39971923828125],[387.4565643310547,174.54878997802734],[387.8009307861328,174.69026641845704],[388.14845581054686,174.82381896972657],[388.49900207519534,174.94922790527343],[388.85240478515624,175.06624603271484],[389.2086639404297,175.17444763183593],[389.5675048828125,175.2738052368164],[389.9287353515625,175.36401672363283],[390.2921081542969,175.44458770751953],[390.6575958251953,175.51561431884767],[391.0249237060547,175.57654724121093],[391.39373474121095,175.62746887207032],[391.7638641357422,175.66785736083986],[392.1349273681641,175.69782257080078],[392.50673217773436,175.71695251464845],[392.87889404296874,175.72527465820312],[393.251220703125,175.72276153564454],[393.62330017089846,175.70900115966796],[393.994775390625,175.68424072265626],[394.36534423828124,175.6484390258789],[394.73467712402345,175.6016098022461],[395.1024169921875,175.54380798339844],[395.468344116211,175.47499237060546],[395.83204650878906,175.39545135498048],[396.19324951171876,175.305322265625],[396.55173339843753,175.2047836303711],[396.9071960449219,175.09408264160157],[397.25941772460936,174.97345275878908],[397.6081237792969,174.84300384521484],[397.9531494140625,174.70316162109376],[398.29441223144534,174.55421447753906],[398.6316375732422,174.39654693603515],[398.9647430419922,174.2302963256836],[399.2936187744141,174.0558059692383],[399.61829223632816,173.8736114501953],[399.93848876953126,173.68353424072265],[400.254345703125,173.48650817871095],[400.5656707763672,173.28228607177735],[400.87257385253906,173.0716506958008],[401.175,172.85443725585938],[401.47300415039064,172.63120880126954],[401.76661376953126,172.4023223876953],[402.055746459961,172.1677230834961],[402.3405395507813,171.9278778076172],[402.6209655761719,171.6831024169922],[402.897216796875,171.4334930419922],[403.1878326416016,171.20093994140626],[403.48048095703126,170.9707763671875],[403.7731567382813,170.74061279296876],[404.0658325195313,170.51044921875],[404.35845336914065,170.28032684326172],[404.65110168457034,170.05016326904297],[404.94377746582035,169.81999969482422],[405.23642578125003,169.58983612060547],[405.5291015625,169.35967254638672],[405.8217498779297,169.12950897216797],[406.1143707275391,168.89937286376954],[406.40704650878905,168.66922302246095],[406.69969482421874,168.4390594482422],[406.99237060546875,168.20889587402345],[407.28504638671876,167.9787322998047],[407.57769470214845,167.74856872558595],[407.8703155517578,167.5184326171875],[408.1629913330078,167.28826904296875],[408.4556396484375,167.05810546875],[408.7483154296875,166.82794189453125],[409.0409637451172,166.5977783203125],[409.3336395263672,166.36761474609375],[409.6262603759766,166.1374923706055],[409.9189086914063,165.90732879638674],[410.2115844726563,165.677165222168],[410.50426025390624,165.44700164794924],[410.7969085693359,165.2168380737305],[411.08958435058594,164.98667449951174],[411.3822052001953,164.75655212402344],[411.674853515625,164.5263885498047],[411.967529296875,164.29622497558594],[412.2601776123047,164.0660614013672],[412.5528533935547,163.83589782714844],[412.8455017089844,163.6057342529297],[413.13812255859375,163.37559814453127],[413.43079833984376,163.14543457031252],[413.7234741210938,162.91527099609377],[414.01612243652346,162.68510742187502],[414.3087982177735,162.45494384765627],[414.60144653320316,162.22478027343752],[414.8940673828125,161.99465789794922],[415.18674316406253,161.76449432373047],[415.4794189453125,161.53433074951172],[415.7720672607422,161.30416717529297],[416.0647430419922,161.07400360107422],[416.3573913574219,160.84384002685547],[416.65001220703124,160.61371765136718],[416.94268798828125,160.38355407714843],[417.23533630371094,160.15339050292968],[417.52801208496095,159.92322692871093],[417.82066040039064,159.69306335449218],[418.11333618164065,159.46289978027343],[418.40595703125,159.232763671875],[418.6986328125,159.00260009765626],[418.9912811279297,158.7724365234375],[419.2839569091797,158.54227294921876],[419.5766052246094,158.312109375],[419.8692260742188,158.0819869995117],[420.1619018554688,157.85182342529296],[420.4545501708985,157.6216598510742],[420.7472259521484,157.39149627685546],[421.0398742675781,157.1613327026367],[421.3325500488281,156.93116912841796],[421.6251708984375,156.7010467529297],[421.9178466796875,156.47088317871095],[422.2104949951172,156.2407196044922],[422.5031707763672,156.01055603027345],[422.7958190917969,155.7803924560547],[423.0884948730469,155.55022888183595],[423.38111572265626,155.3200927734375],[423.67376403808595,155.08992919921874],[423.96643981933596,154.859765625],[424.259115600586,154.62960205078124],[424.55176391601566,154.3994384765625],[424.8444396972656,154.16927490234374],[425.13706054687503,153.93915252685548],[425.4297088623047,153.70898895263673],[425.7223846435547,153.47882537841798],[426.01503295898436,153.24866180419923],[426.3077087402344,153.01849822998048],[426.6003845214844,152.78833465576173],[426.89300537109375,152.55821228027344],[427.18565368652344,152.3280487060547],[427.47832946777345,152.09788513183594],[427.77097778320314,151.8677215576172],[428.06365356445315,151.63755798339844],[428.35630187988284,151.4073944091797],[428.6489227294922,151.17725830078126],[428.9415985107422,150.9470947265625],[429.2342468261719,150.71694488525392],[429.5269226074219,150.48678131103517],[429.81959838867186,150.25661773681642],[430.11224670410155,150.02645416259767],[430.404867553711,149.79631805419922],[430.6975433349609,149.56615447998047],[430.9901916503906,149.33599090576172],[431.2828674316406,149.10582733154297],[431.5755157470703,148.87566375732422],[431.8681915283203,148.64550018310547],[432.1608123779297,148.4153778076172],[432.4534606933594,148.18521423339845],[432.7461364746094,147.9550506591797],[433.0388122558594,147.72488708496095],[433.3314605712891,147.4947235107422],[433.6241363525391,147.26455993652345],[433.91675720214846,147.03443756103516],[434.20940551757815,146.8042739868164],[434.50208129882816,146.57411041259766],[434.79472961425785,146.3439468383789],[435.0874053955078,146.11378326416016],[435.3800811767578,145.8836196899414],[435.6727020263672,145.653483581543],[435.96535034179686,145.42332000732424],[436.2580261230469,145.1931564331055],[436.55067443847656,144.96299285888674],[436.8433502197266,144.732829284668],[437.13599853515626,144.50266571044924],[437.4286193847656,144.27254333496094],[437.72129516601564,144.0423797607422],[438.01397094726565,143.81221618652344],[438.30661926269534,143.5820526123047],[438.59929504394535,143.35188903808594],[438.89194335937503,143.1217254638672],[439.1845642089844,142.8916030883789],[439.4772399902344,142.66143951416015],[439.7698883056641,142.4312759399414],[440.06256408691405,142.20111236572265],[440.35521240234374,141.9709487915039],[440.64788818359375,141.74078521728515],[440.9405090332031,141.51064910888672],[441.2331848144531,141.28048553466797],[441.5258331298828,141.05032196044922],[441.8185089111328,140.82017211914064],[442.1111572265625,140.5900085449219],[442.4038330078125,140.35984497070314],[442.6964538574219,140.12970886230468],[442.9891021728516,139.89954528808593],[443.2817779541016,139.66938171386718],[443.5744537353516,139.43921813964843],[443.8671020507813,139.20905456542968],[444.15977783203124,138.97889099121093],[444.45239868164066,138.74876861572267],[444.74504699707035,138.51860504150392],[445.0444244384766,138.29747772216797],[445.3297393798828,138.05836029052736],[445.6021453857422,137.80463104248048],[445.8640045166016,137.53995666503906],[446.1158935546875,137.26587524414063],[446.3588012695313,136.98374633789064],[446.59324951171874,136.69454498291017],[446.81967773437503,136.39898529052735],[447.0384155273438,136.0976989746094],[447.2498474121094,135.79120788574218],[447.4542205810547,135.48006134033204],[447.65183715820314,135.16453399658204],[447.84299926757814,134.84501037597656],[448.0278991699219,134.52186126708986],[448.2065643310547,134.19522399902345],[448.3794616699219,133.8654556274414],[448.5465087890625,133.53281707763674],[448.7082550048828,133.1974319458008],[448.86439819335936,132.85947875976564],[449.0154052734375,132.5191635131836],[449.16138610839846,132.1766098022461],[449.30242309570315,131.83206481933595],[449.4386810302735,131.4855972290039],[449.57029724121094,131.1373306274414],[449.6973815917969,130.78738861083986],[449.8200164794922,130.43582611083986],[449.9384216308594,130.0828353881836],[450.0527069091797,129.7284713745117],[450.1628723144531,129.37291259765627],[450.2689453125,129.01602172851562],[450.37122802734376,128.65799102783203],[450.4698852539063,128.2989715576172],[450.5645324707031,127.93890838623047],[450.6558013916016,127.57791137695312],[450.7435272216797,127.21617279052735],[450.82773742675784,126.85350036621094],[450.9087615966797,126.49008636474609],[450.9863250732422,126.12591705322266],[451.06083984375,125.76111602783203],[451.13208618164066,125.39576568603516],[451.2003936767578,125.02974243164063],[451.26573486328124,124.66322479248048],[451.3279724121094,124.29614410400391],[451.3876007080078,123.92856903076172],[451.4710968017578,123.56575927734376],[451.55637817382814,123.20338897705078],[451.6416870117188,122.8409637451172],[451.7269683837891,122.47852478027345],[451.8122497558594,122.11609954833985],[451.89755859375003,121.75367431640625],[451.98283996582035,121.39124908447266],[452.06812133789066,121.0288787841797],[452.153402709961,120.6664535522461],[452.23871154785155,120.3040283203125],[452.32399291992186,119.94160308837891],[452.4093017578125,119.57917785644531],[452.4945831298828,119.21675262451173],[452.5798645019531,118.85438232421875],[452.66514587402344,118.49195709228516],[452.75042724609375,118.12953186035156],[452.8357360839844,117.76710662841798],[452.9210174560547,117.40468139648438],[453.00632629394534,117.04225616455078],[453.09160766601565,116.67987213134766],[453.17688903808596,116.31744689941407],[453.2621704101563,115.95502166748047],[453.3474792480469,115.59259643554688],[453.4327606201172,115.23017120361328],[453.51804199218753,114.86775283813476],[453.60332336425785,114.5053825378418],[453.6886322021484,114.14295043945313],[453.77391357421874,113.78052520751953],[453.85919494628905,113.41809997558595],[453.9445037841797,113.05567474365235],[454.02978515625,112.69324951171875],[454.1150665283203,112.33087921142578],[454.2003479003906,111.9684539794922],[454.28565673828126,111.6060287475586],[454.3709381103516,111.24359664916993],[454.4562194824219,110.88117141723633],[454.5415283203125,110.51874618530273],[454.62680969238284,110.15637588500977],[454.71209106445315,109.79395065307618],[454.79737243652346,109.43152542114258],[454.8826812744141,109.06910018920898],[454.9679626464844,108.7066749572754],[455.0532440185547,108.34424285888672],[455.13852539062503,107.98187255859375],[455.2238342285156,107.61944732666016],[455.3091156005859,107.25702209472657],[455.39439697265624,106.89459686279297],[455.4797058105469,106.53217163085938],[455.5649871826172,106.16974639892578],[455.6502685546875,105.80736923217773],[455.7355499267578,105.44494400024415],[455.82085876464845,105.08251876831055],[455.90614013671876,104.72009353637695],[455.9914489746094,104.35766830444337],[456.0767303466797,103.99524307250977],[456.16201171875,103.6328727722168],[456.24729309082034,103.27044067382813],[456.33257446289065,102.90801544189453],[456.4178833007813,102.54559020996093],[456.5031646728516,102.18316497802735],[456.5884735107422,101.82073974609375],[456.6737274169922,101.45836944580078],[456.7590362548828,101.09594421386718],[456.8443176269531,100.7335189819336],[456.92962646484375,100.37108688354492],[457.01490783691406,100.00866165161133],[457.1001892089844,99.64623641967773],[457.1854705810547,99.28386611938477],[457.2707794189453,98.92144088745117],[457.35606079101564,98.55901565551758],[457.44134216308595,98.19659042358398],[457.5266510009766,97.8341651916504],[457.6119323730469,97.47173309326172],[457.6972137451172,97.10936279296875],[457.7824951171875,96.74693756103515],[457.86780395507816,96.38451232910157],[457.9530853271485,96.02208709716797],[458.0383666992188,95.65966186523438],[458.12367553710936,95.29723663330078],[458.2089569091797,94.93485946655274],[458.29423828125,94.57243423461914],[458.3795196533203,94.21000900268555],[458.46482849121094,93.84758377075195],[458.55010986328125,93.48515853881837],[458.63539123535156,93.12273330688477],[458.7206726074219,92.7603630065918],[458.8059814453125,92.39793090820312],[458.8912628173828,92.03550567626954],[458.97654418945314,91.67308044433594],[459.0618530273438,91.31065521240235],[459.1471343994141,90.94822998046875],[459.2324157714844,90.58585968017579],[459.3176971435547,90.22343444824219],[459.40300598144535,89.8610092163086],[459.48828735351566,89.49857711791992],[459.573568725586,89.13615188598634],[459.65887756347655,88.77372665405274],[459.74415893554686,88.41135635375977],[459.8294403076172,88.04893112182617],[459.9147216796875,87.68650588989259],[460.0000305175781,87.32408065795899],[460.08531188964844,86.96165542602539],[460.1706207275391,86.59922332763672],[460.25587463378906,86.23685302734376],[460.3411834716797,85.87442779541016],[460.42646484375,85.51200256347657],[460.51177368164065,85.14957733154297],[460.59705505371096,84.78715209960937],[460.6823364257813,84.42472686767579],[460.7676177978516,84.06234970092774],[460.8528991699219,83.69992446899414],[460.93820800781253,83.33749923706056],[461.0235168457031,82.97507400512696],[461.10877075195316,82.61264877319336],[461.19407958984374,82.25022354125977],[461.2793334960938,81.8878532409668],[461.36464233398436,81.52542114257812],[461.449951171875,81.16299591064454],[461.535205078125,80.80057067871094],[461.6205139160156,80.43814544677734],[461.70582275390626,80.07577514648438],[461.79107666015625,79.71334991455079],[461.8763854980469,79.35092468261719],[461.9616943359375,78.98849945068359],[462.0469482421875,78.62606735229492],[462.13225708007815,78.26364212036133],[462.21751098632814,77.90127182006836],[462.3028198242188,77.53884658813477],[462.3881286621094,77.17642135620117],[462.4734375,76.81399612426758],[462.55869140625003,76.45157089233399],[462.6440002441406,76.08914566040039],[462.72925415039066,75.72676849365234],[462.81456298828124,75.36434326171876],[462.8998718261719,75.00191802978516],[462.98512573242186,74.63949279785156],[463.0704345703125,74.27706756591797],[463.15574340820314,73.91464233398438],[463.2409973144531,73.55226516723633],[463.32630615234376,73.18983993530274],[463.4116149902344,72.82741470336914],[463.4968688964844,72.46498947143554],[463.582177734375,72.10256423950196],[463.66748657226566,71.74013900756836],[463.75274047851565,71.3777687072754],[463.8380493164063,71.0153434753418],[463.9233032226563,70.65291137695313],[464.0086120605469,70.29048614501953],[464.0939208984375,69.92806091308594],[464.17917480468753,69.56563568115234],[464.2644836425781,69.20326538085938],[464.34979248046875,68.84084014892578],[464.43504638671874,68.4784149169922],[464.5203552246094,68.1159896850586],[464.6056640625,67.75356445312501],[464.69091796875,67.39113235473633],[464.77622680664064,67.02876205444336],[464.8614807128906,66.66633682250976],[464.94678955078126,66.30391159057618],[465.0320983886719,65.94148635864258],[465.1173522949219,65.57905426025391],[465.2026611328125,65.21662902832031],[465.28796997070316,64.85425872802735],[465.37322387695315,64.49183349609375],[465.4585327148438,64.12940826416016],[465.54384155273436,63.76698303222656],[465.6290954589844,63.40455780029297],[465.714404296875,63.04213256835938],[465.79965820312503,62.67975540161133],[465.8849670410156,62.31733016967774],[465.97027587890625,61.95490493774414],[466.05552978515624,61.59247970581055],[466.1408386230469,61.230054473876955],[466.2261474609375,60.86762924194336],[466.3114013671875,60.505252075195315],[466.39671020507814,60.14282684326172],[466.4820190429688,59.780401611328124],[466.56727294921876,59.41797637939453],[466.6525817871094,59.05555114746094],[466.73789062500003,58.69312591552735],[466.82314453125,58.330755615234374],[466.90845336914066,57.96833038330078],[466.99376220703124,57.60589828491211],[467.0790161132813,57.243473052978516],[467.16432495117186,56.88104782104492],[467.2496337890625,56.51862258911133],[467.3348876953125,56.156248855590825],[467.4201965332031,55.793823623657225],[467.5054504394531,55.43139839172363],[467.59075927734375,55.06897315979004],[467.6760681152344,54.70654449462891],[467.7613220214844,54.344119262695315],[467.846630859375,53.98174896240234],[467.93193969726565,53.61932029724121],[468.01719360351564,53.25689506530762],[468.1025024414063,52.894469833374025],[468.1878112792969,52.53204460144043],[468.2730651855469,52.16961936950684],[468.35837402343753,51.80724563598633],[468.4436279296875,51.444820404052734],[468.52893676757816,51.08239517211914],[468.61424560546874,50.71996650695801],[468.6994995117188,50.35754127502442],[468.78480834960936,49.995116043090825],[468.8701171875,49.63274230957031],[468.95537109375,49.27031707763672],[469.0406799316406,48.907891845703126],[469.12598876953126,48.545466613769534],[469.21124267578125,48.18304138183594],[469.2965515136719,47.82061271667481],[469.3818054199219,47.458242416381836],[469.4671142578125,47.095817184448244],[469.55242309570315,46.73338851928711],[469.63767700195314,46.37096328735352],[469.7229858398438,46.008538055419926],[469.8082946777344,45.64611282348633],[469.8935485839844,45.28373908996582],[469.97885742187503,44.92131385803223],[470.0641662597656,44.558888626098636],[470.14942016601566,44.19646339416504],[470.23472900390624,43.834038162231444],[470.3200378417969,43.47160949707031],[470.40529174804686,43.109239196777345],[470.4906005859375,42.74681053161621],[470.57590942382814,42.38438529968262],[470.6611633300781,42.02196006774903],[470.74647216796876,41.65953483581543],[470.8317810058594,41.297109603881836],[470.9170349121094,40.93473587036133],[471.00234375,40.57231063842774],[471.08759765625,40.209885406494145],[471.17290649414065,39.847460174560545],[471.2582153320313,39.48503150939941],[471.3434692382813,39.12260627746582],[471.4287780761719,38.760235977172854],[471.5140869140625,38.39780731201172],[471.59934082031253,38.03538208007813],[471.6846496582031,37.67295684814453],[471.76995849609375,37.31053161621094],[471.85521240234374,36.948106384277345],[471.9405212402344,36.58573265075684],[472.02577514648436,36.22330741882325],[472.111083984375,35.86088218688965],[472.19639282226564,35.498456954956055],[472.2816467285156,35.13602828979492],[472.36695556640626,34.773657989501956],[472.4522644042969,34.411232757568364],[472.5375183105469,34.04880409240723],[472.6228271484375,33.68637886047363],[472.70813598632816,33.32395362854004],[472.79338989257815,32.96152839660645],[472.8786987304688,32.59915466308594],[472.9639526367188,32.23672943115235],[473.0492614746094,31.874304199218752],[473.1345703125,31.511878967285156],[473.21982421875003,31.149450302124023],[473.3051330566406,30.78702507019043],[473.39044189453125,30.42465476989746],[473.47569580078124,30.06222610473633],[473.5610046386719,29.699800872802737],[473.6463134765625,29.33737564086914],[473.7315673828125,28.97495040893555],[473.81687622070314,28.612525177001952],[473.9021301269531,28.250151443481446],[473.98743896484376,27.887726211547854],[474.0727478027344,27.525300979614258],[474.15805664062503,27.162872314453125],[474.243310546875,26.800447082519533],[474.32861938476566,26.438021850585937],[474.41387329101565,26.07564811706543],[474.4991821289063,25.713222885131838],[474.58449096679686,25.350797653198242],[474.6697448730469,24.98837242126465],[474.7550537109375,24.625947189331054],[474.8403625488281,24.26351852416992],[474.9256164550781,23.901148223876955],[475.01092529296875,23.53872127532959],[475.0962341308594,23.176296043395997],[475.1814880371094,22.813869094848634],[475.266796875,22.45144386291504],[475.35210571289065,22.089018630981446],[475.43735961914064,21.72664489746094],[475.5226684570313,21.364219665527344],[475.60792236328126,21.00179443359375],[475.6932312011719,20.639369201660156],[475.77854003906253,20.276942253112793],[475.8637939453125,19.91451530456543],[475.94910278320316,19.55214500427246],[476.03441162109374,19.1897180557251],[476.1196655273438,18.827291107177736],[476.20497436523436,18.46486587524414],[476.290283203125,18.102440643310548],[476.375537109375,17.740015411376955],[476.4608459472656,17.377641677856445],[476.5460998535156,17.015216445922853],[476.63140869140625,16.652791213989257],[476.7167175292969,16.290364265441895],[476.8019714355469,15.927937316894532],[476.8872802734375,15.565512084960938],[476.97258911132815,15.2031400680542],[477.05784301757814,14.840713119506836],[477.1431518554688,14.478287887573243],[477.2284606933594,14.11586265563965],[477.3137145996094,13.753435707092285],[477.39902343750003,13.391010475158692],[477.48427734375,13.028638458251953],[477.56958618164066,12.666212368011475],[477.65489501953124,12.303786277770996],[477.7401489257813,11.941360187530519],[477.82545776367186,11.57893409729004],[477.9107666015625,11.216508865356445],[477.9960205078125,10.854135990142822],[478.0813293457031,10.491709899902345],[478.16663818359376,10.12928466796875],[478.25189208984375,9.766858577728271],[478.3372009277344,9.404432487487794],[478.4069091796875,9.03891305923462],[478.45497436523436,8.669768142700196],[478.4900756835938,8.299107456207276],[478.51353149414064,7.927567863464356],[478.52528686523436,7.555412006378174],[478.52495727539065,7.183108949661255],[478.51221313476566,6.81102819442749],[478.4863952636719,6.439667129516602],[478.4465698242188,6.069530868530274],[478.39202270507815,5.7012228012084964],[478.3216552734375,5.33566517829895],[478.23425903320316,4.973754930496216],[478.12879028320316,4.616725873947144],[478.0040954589844,4.266047430038452],[477.8589660644531,3.9232581138610843],[477.69219360351565,3.590431809425354],[477.5030090332031,3.2698481798172],[477.2910827636719,2.96387894153595],[477.0563049316406,2.6750028848648073],[476.79944458007816,2.4056953668594363],[476.52149047851566,2.158099365234375],[476.224365234375,1.9338898658752441],[475.9103210449219,1.7341082096099854],[475.58171997070315,1.5593508124351503],[475.2410339355469,1.4091916322708131],[474.8908996582031,1.2831057071685792],[474.5332397460938,1.1798027873039245],[474.17003173828124,1.0980705142021179],[473.802978515625,1.0362907648086548],[473.4331787109375,0.9929949760437012],[473.06178588867186,0.9676481008529664],[472.68951416015625,0.9614929676055909],[472.3174621582031,0.9740086913108826],[471.94639892578124,1.0044225811958314],[471.57736816406253,1.0519327640533447],[471.21042480468753,1.1155819058418275],[470.84661254882815,1.1943560242652893],[470.48609619140626,1.2873144149780273],[470.1293151855469,1.3935551047325134],[469.77637939453126,1.5122647404670715],[469.42761840820316,1.6424078822135926],[469.0829223632813,1.783289408683777],[468.7426208496094,1.934293270111084],[468.40660400390624,2.094472861289978],[468.07459716796876,2.2631953954696655],[467.7470397949219,2.4400930881500247],[467.4238220214844,2.6245232820510864],[467.1044494628906,2.8159218549728395],[466.7890319824219,3.013844633102417],[466.47784423828125,3.2180980682373046],[466.1703369140625,3.428075981140137],[465.8666198730469,3.6434264659881594],[465.5666931152344,3.863960695266724],[465.27028198242186,4.089428472518921],[464.97744140625,4.319289064407349],[464.68811645507816,4.553582382202149],[464.40219726562503,4.792064237594604],[464.11951904296876,5.034219646453858],[463.84019165039064,5.280403518676758],[463.56394042968753,5.529954957962036],[463.2909301757813,5.7832653522491455],[463.02105102539065,6.039672946929932],[462.7539733886719,6.299131393432617],[462.49013671875,6.561787891387939],[462.2292114257813,6.827450609207154],[461.97125244140625,7.095852613449097],[461.71631469726566,7.367296886444092],[461.46445312500003,7.641406631469727],[461.21555786132814,7.918275833129883],[460.96990356445315,8.197956848144532],[460.7275726318359,8.480668544769287],[460.4890045166016,8.766537952423096],[460.25419921875,9.055510997772217],[460.01933898925785,9.344112396240234],[459.7662689208984,9.617099475860597],[459.51267700195314,9.88985481262207],[459.25806884765626,10.161517524719239],[459.0034606933594,10.433180236816407],[458.74855041503906,10.704533958435059],[458.4930633544922,10.975370121002198],[458.23724670410155,11.24582347869873],[457.9812377929688,11.51601676940918],[457.7247344970703,11.78598861694336],[457.4680389404297,12.055688381195068],[457.2111785888672,12.325137519836426],[456.9538787841797,12.594242477416993],[456.69655151367186,12.863348293304444],[456.43872985839846,13.131982898712158],[456.18079833984376,13.400502490997315],[455.92286682128906,13.668937969207764],[455.6643310546875,13.936862754821778],[455.4057952880859,14.204787540435792],[455.14720458984374,14.472690010070801],[454.88811950683595,14.739932441711426],[454.6289520263672,15.00725383758545],[454.3697845458984,15.274575233459473],[454.11009521484374,15.541457176208496],[453.8502685546875,15.80815715789795],[453.59046936035156,16.07485885620117],[453.33050537109375,16.341385459899904],[453.07007446289066,16.607474327087402],[452.8096435546875,16.873563194274904],[452.54921264648436,17.139652061462403],[452.28850708007815,17.40539588928223],[452.02744445800784,17.670863342285156],[451.7664367675781,17.936253547668457],[451.5053741455078,18.201722717285158],[451.2440093994141,18.466862297058107],[450.98228759765624,18.731701469421388],[450.72059326171876,18.9965389251709],[450.4588989257813,19.26137809753418],[450.1970123291016,19.52604904174805],[449.9346588134766,19.790242767333986],[449.67230529785155,20.054438209533693],[449.4099517822266,20.31863193511963],[449.14759826660156,20.582825660705566],[448.88466796875,20.846543884277345],[448.62176513671875,21.11001319885254],[448.35875244140624,21.373561477661134],[448.09576721191405,21.637109756469727],[447.8327545166016,21.900544738769533],[447.5690826416016,22.163440704345703],[447.30543823242186,22.426336669921877],[447.0417938232422,22.689232635498048],[446.7781219482422,22.95212688446045],[446.5143951416016,23.21491641998291],[446.2500915527344,23.477148056030273],[445.9857604980469,23.739381408691408],[445.7214569091797,24.00161304473877],[445.45720825195315,24.263769149780273],[445.1929046630859,24.526000785827637],[444.9278869628906,24.787638473510743],[444.662924194336,25.049204063415527],[444.39796142578126,25.310771369934084],[444.1329711914063,25.572336959838868],[443.8680084228516,25.83390254974365],[443.60271606445315,26.095026969909668],[443.3370666503906,26.355916213989257],[443.07141723632816,26.61680374145508],[442.80579528808596,26.87769298553467],[442.54014587402344,27.138582229614258],[442.2745788574219,27.39939250946045],[442.0082977294922,27.65965518951416],[441.7419891357422,27.919862937927245],[441.4756805419922,28.180068969726562],[441.2093719482422,28.44027671813965],[440.9430633544922,28.700484466552734],[440.67669982910155,28.960637283325195],[440.4097045898438,29.22014808654785],[440.1427368164063,29.47966232299805],[439.87574157714846,29.739173126220702],[439.60874633789064,29.99868392944336],[439.34177856445314,30.258198165893557],[439.0748657226563,30.517623138427734],[438.807211303711,30.7764404296875],[438.53952941894534,31.035257720947268],[438.271875,31.29407501220703],[438.0042205810547,31.5528923034668],[437.7365661621094,31.811709594726562],[437.4689117431641,32.07052688598633],[437.20073547363285,32.328842926025395],[436.9323944091797,32.58694953918457],[436.6640533447266,32.84505615234375],[436.3957122802735,33.10316276550293],[436.12737121582035,33.36127281188965],[435.85911254882814,33.61930389404297],[435.5906616210938,33.87722854614258],[435.32163391113284,34.1346176147461],[435.0526062011719,34.39201011657715],[434.78357849121096,34.6494026184082],[434.51455078125,34.90679512023926],[434.2455230712891,35.164187622070315],[433.9764678955078,35.42158012390137],[433.7071105957031,35.6786190032959],[433.43739624023436,35.93528366088867],[433.1676818847656,36.191951751708984],[432.8980224609375,36.4485408782959],[432.62830810546876,36.70520553588867],[432.35859375,36.961873626708986],[432.08885192871094,37.21853828430176],[431.8187530517578,37.474801254272464],[431.54835205078126,37.73073463439942],[431.2779235839844,37.986668014526366],[431.0074951171875,38.24259796142578],[430.7370941162109,38.498531341552734],[430.4666656494141,38.75446472167969],[430.19626464843753,39.0103946685791],[429.92558898925785,39.26600189208985],[429.65455627441406,39.5211181640625],[429.38344116210936,39.776309967041016],[429.1123260498047,40.03150177001953],[428.8412109375,40.28669357299805],[428.5700958251953,40.54188194274902],[428.2989807128906,40.79707374572754],[428.0277557373047,41.052310180664065],[427.7559265136719,41.30675010681153],[427.4840972900391,41.56119003295898],[427.21226806640624,41.815633392333986],[426.9404663085938,42.07007331848145],[426.66863708496095,42.324516677856444],[426.3968902587891,42.57888107299805],[426.1250885009766,42.833320999145506],[425.8529296875,43.08740386962891],[425.58038635253905,43.341088485717776],[425.30787048339846,43.594769668579104],[425.0353271484375,43.84845428466797],[424.7628112792969,44.102138900756835],[424.4902679443359,44.35582008361816],[424.21775207519534,44.60950469970703],[423.94520874023436,44.86318588256836],[423.67225341796876,45.11625938415528],[423.39902343750003,45.36917495727539],[423.1258483886719,45.62201156616211],[422.8526184082031,45.87492713928223],[422.57936096191406,46.12783927917481],[422.30613098144534,46.38075485229492],[422.0328735351563,46.6336669921875],[421.7596435546875,46.88658256530762],[421.48594665527344,47.1391170501709],[421.21216735839846,47.391448974609375],[420.9383880615234,47.643777465820314],[420.66460876464845,47.89610939025879],[420.3905822753906,48.14819412231446],[420.1164459228516,48.40013809204102],[419.84239196777344,48.65200653076172],[419.56825561523436,48.903950500488286],[419.2937896728516,49.155568313598636],[419.0191314697266,49.406921768188475],[418.74444580078125,49.65827178955078],[418.4697601318359,49.90962524414063],[418.19507446289066,50.16097869873047],[417.92038879394534,50.41232872009277],[417.64573059082034,50.66368217468262],[417.371044921875,50.915032196044926],[417.09633178710936,51.16621055603027],[416.82109680175785,51.416970062255864],[416.5459442138672,51.667650604248045],[416.27073669433594,51.9184066772461],[415.99550170898436,52.16916275024414],[415.71990966796875,52.41957893371582],[415.44431762695314,52.6699333190918],[415.1687255859375,52.920287704467775],[414.8931335449219,53.17064552307129],[414.61732177734376,53.42073554992676],[414.34137268066405,53.670688247680665],[414.0654235839844,53.92063751220703],[413.7894744873047,54.1705867767334],[413.51341552734374,54.420436477661134],[413.23716430664064,54.66991195678711],[412.9608581542969,54.91945953369141],[412.6845245361328,55.16901054382324],[412.40821838378906,55.41855812072754],[412.13161010742186,55.66772804260254],[411.85491943359375,55.916870498657225],[411.57822875976564,56.166009521484376],[411.30156555175785,56.41515197753906],[411.0246826171875,56.66415710449219],[410.7476348876953,56.91288757324219],[410.47055969238284,57.16161460876465],[410.1935119628906,57.41034164428711],[409.91651916503906,57.65899658203125],[409.63914184570314,57.90734939575196],[409.3617370605469,58.15566787719727],[409.0843048095703,58.40399322509766],[408.80687255859374,58.65231170654297],[408.5293304443359,58.90048599243164],[408.251513671875,59.14838562011719],[407.9737243652344,59.39629211425781],[407.69593505859376,59.64419174194336],[407.4181182861328,59.89209136962891],[407.14002685546876,60.139688873291014],[406.8618530273438,60.3871696472168],[406.5837890625,60.6345817565918],[406.305615234375,60.88206253051758],[406.0274139404297,61.12948150634766],[405.7488555908203,61.37655029296875],[405.47032470703124,61.623619079589844],[405.1917938232422,61.870687866210936],[404.9132354736328,62.117756652832036],[404.6345123291016,62.36466064453125],[404.35559692382816,62.6113037109375],[404.0766815185547,62.85794677734375],[403.7977661132813,63.10458984375],[403.51885070800785,63.35123977661133],[403.2397705078125,63.5974983215332],[402.9604705810547,63.84371566772461],[402.6811981201172,64.08992614746094],[402.4018981933594,64.33614349365234],[402.1225982666016,64.58236083984376],[401.8429412841797,64.82820053100586],[401.56328430175785,65.07399215698243],[401.2835998535156,65.319783782959],[401.0039428710938,65.56556854248048],[400.72425842285156,65.81131210327149],[400.4442169189453,66.05667114257812],[400.1641479492188,66.3020233154297],[399.8841888427734,66.54730682373047],[399.6041473388672,66.79266586303712],[399.3239959716797,67.03795623779297],[399.0435699462891,67.28288955688477],[398.7631439208985,67.52781600952149],[398.48271789550785,67.7727424621582],[398.2022918701172,68.01767578125],[397.92181091308595,68.26242370605469],[397.64100036621096,68.5069175720215],[397.360189819336,68.7514045715332],[397.07940673828125,68.99589157104492],[396.7986785888672,69.24030990600586],[396.5177032470703,69.48468017578125],[396.2365356445313,69.72873458862306],[395.95534057617186,69.97278900146485],[395.6741455078125,70.21683654785157],[395.3929779052734,70.46089096069336],[395.11170043945316,70.7047737121582],[394.8301208496094,70.94838180541993],[394.54856872558594,71.19199676513672],[394.2669891357422,71.43560485839843],[393.98540954589845,71.67921981811524],[393.7036926269531,71.92275924682617],[393.4218383789063,72.16585235595703],[393.13987426757814,72.40902099609376],[392.8579376220703,72.65218963623047],[392.5759735107422,72.89535827636719],[392.29400939941405,73.13841018676759],[392.01166076660155,73.38112564086914],[391.7293395996094,73.62384796142578],[391.4469909667969,73.86657028198242],[391.1646423339844,74.10928573608399],[390.8822387695313,74.35203552246094],[390.5995330810547,74.5943115234375],[390.3167999267578,74.83658752441407],[390.0341766357422,75.07878799438477],[389.75144348144534,75.32106399536133],[389.46873779296874,75.56333312988282],[389.18572998046875,75.80519027709961],[388.9026123046875,76.04700622558595],[388.61949462890624,76.28882904052735],[388.33640441894534,76.53064498901368],[388.05328674316405,76.77246780395508],[387.769921875,77.01401596069336],[387.4864196777344,77.25538558959961],[387.20294494628905,77.49675521850587],[386.91944274902346,77.73811798095703],[386.6360229492188,77.9794189453125],[386.3523834228516,78.22063751220703],[386.06849670410156,78.46154708862305],[385.78460998535155,78.70245666503907],[385.50075073242186,78.94336624145508],[385.2168640136719,79.1842758178711],[384.9329498291016,79.42517852783203],[384.6486785888672,79.66562805175782],[384.3644073486328,79.9060775756836],[384.08013610839845,80.14652709960937],[383.7958648681641,80.38697662353516],[383.5115936279297,80.62742614746094],[383.22715759277344,80.86747741699219],[382.9424743652344,81.10746002197266],[382.65781860351564,81.3474494934082],[382.3731628417969,81.58743209838867],[382.08847961425784,81.82742156982422],[381.8037139892578,82.06728057861328],[381.5186462402344,82.30679626464844],[381.23357849121095,82.54631881713867],[380.94853820800785,82.78583450317383],[380.66347045898436,83.02535705566406],[380.37843017578126,83.26487274169922],[380.0930877685547,83.50395584106445],[379.80771789550784,83.7429428100586],[379.522265625,83.98199157714843],[379.2368133544922,84.22104034423829],[378.9513610839844,84.46009597778321],[378.6657440185547,84.69901428222657],[378.3798797607422,84.93759613037109],[378.09404296875,85.17617111206054],[377.80820617675784,85.41474609375],[377.5223419189453,85.65332107543945],[377.23650512695315,85.8918960571289],[376.9503387451172,86.13007278442383],[376.66411743164065,86.36818084716798],[376.3779510498047,86.60622024536133],[376.09172973632815,86.84432830810547],[375.80548095703125,87.0824363708496],[375.51909484863285,87.32044143676758],[375.2324615478516,87.55806884765626],[374.9458282470703,87.79569625854492],[374.65919494628906,88.03331680297852],[374.3725616455078,88.2709442138672],[374.0859283447266,88.50856475830078],[373.7990753173828,88.74583511352539],[373.5120574951172,88.9829818725586],[373.2250122070313,89.2201286315918],[372.9380767822266,89.45720672607422],[372.6510314941406,89.69436035156251],[372.364013671875,89.9315071105957],[372.0765289306641,90.16820755004883],[371.7890991210938,90.40487365722656],[371.5016693115235,90.6415397644043],[371.21421203613284,90.87820587158204],[370.9267822265625,91.11487197875977],[370.63929748535156,91.35133209228516],[370.3514831542969,91.58750381469727],[370.0636413574219,91.82368240356446],[369.7757995605469,92.05985412597657],[369.4880401611328,92.29596405029297],[369.2002258300781,92.53213577270508],[368.91216430664065,92.76803283691406],[368.62391052246096,93.0037239074707],[368.3356842041016,93.23940811157227],[368.0474578857422,93.47509918212891],[367.7592315673828,93.71078338623047],[367.4709777832031,93.94647445678712],[367.1823669433594,94.18181533813477],[366.89372863769535,94.41701202392578],[366.60509033203124,94.65220184326172],[366.3164520263672,94.88739166259766],[366.02789611816405,95.1225196838379],[365.7392578125,95.35770950317384],[365.4502349853516,95.59239120483399],[365.1612121582031,95.8270866394043],[364.8721618652344,96.0617889404297],[364.58311157226564,96.296484375],[364.2940887451172,96.53117980957032],[364.00501098632816,96.76579971313477],[363.7155487060547,97.00000076293945],[363.4261138916016,97.23420181274415],[363.1366790771485,97.46839599609375],[362.847216796875,97.70259704589844],[362.5578643798828,97.93672943115234],[362.26829223632814,98.17082748413087],[361.97844543457035,98.40452041625977],[361.6885986328125,98.63822021484376],[361.3987518310547,98.87191314697266],[361.10890502929686,99.10561294555664],[360.8190582275391,99.33930587768555],[360.5291015625,99.57282028198243],[360.2388427734375,99.80601196289062],[359.94858398437503,100.03921051025391],[359.6583251953125,100.27240219116212],[359.36817626953126,100.50552520751954],[359.0779174804688,100.73871688842773],[358.78749389648436,100.9717643737793],[358.4968231201172,101.20444793701172],[358.20615234375003,101.43713150024415],[357.9154815673828,101.66981506347656],[357.624838256836,101.90250549316407],[357.33416748046875,102.13518905639648],[357.0434143066406,102.3676528930664],[356.7523590087891,102.59982833862306],[356.4612762451172,102.83199691772461],[356.17022094726565,103.06417236328126],[355.8792205810547,103.29627227783203],[355.5881378173828,103.52844772338868],[355.2969177246094,103.76049957275391],[355.0054504394531,103.99215316772461],[354.7139556884766,104.22380676269532],[354.42246093750003,104.4554672241211],[354.13099365234376,104.6871208190918],[353.8394989013672,104.9187744140625],[353.5479766845703,105.1503044128418],[353.2560699462891,105.38144302368164],[352.9641906738281,105.61258163452149],[352.6722839355469,105.84372024536133],[352.3804870605469,106.0747901916504],[352.0885803222656,106.30592880249024],[351.7966735839844,106.5370262145996],[351.5043548583985,106.7676498413086],[351.2120635986328,106.9982666015625],[350.9197448730469,107.22888336181641],[350.62742614746094,107.45950012207031],[350.33513488769535,107.69011688232422],[350.0428161621094,107.92074050903321],[349.75014038085936,108.15087661743165],[349.45740966796876,108.38096466064454],[349.1647064208984,108.61105270385742],[348.87205810546874,108.84107208251953],[348.57932739257814,109.0711669921875],[348.2866241455078,109.30125503540039],[347.9935638427734,109.53099975585938],[347.70042114257814,109.76056594848633],[347.40727844238285,109.99013214111328],[347.1141632080078,110.21969833374024],[346.82102050781253,110.44926452636719],[346.5279052734375,110.67882385253907],[346.23459777832034,110.90810852050781],[345.9410430908203,111.13713912963867],[345.6474884033203,111.36617660522461],[345.3540435791016,111.59513854980469],[345.06048889160155,111.82417602539063],[344.7669342041016,112.05320663452149],[344.47332458496095,112.28212051391601],[344.1793579101563,112.51061553955078],[343.88539123535156,112.73911056518556],[343.5914245605469,112.9676124572754],[343.2974578857422,113.19610748291016],[343.0034912109375,113.424609375],[342.70952453613285,113.65310440063477],[342.4152008056641,113.88111190795898],[342.1208221435547,114.10907821655273],[341.82652587890624,114.33696899414063],[341.5321472167969,114.56493530273438],[341.2377410888672,114.79289474487305],[340.9433624267578,115.02085418701172],[340.6487091064453,115.24855957031251],[340.35389099121096,115.47599029541016],[340.05910034179686,115.70340728759766],[339.7642822265625,115.93082427978516],[339.46949157714846,116.15824127197266],[339.17470092773436,116.38565826416016],[338.8798828125,116.6129379272461],[338.58465270996095,116.8398193359375],[338.28953247070314,117.06663208007812],[337.9943023681641,117.29349975585937],[337.6990997314453,117.52038116455078],[337.40386962890625,117.7472625732422],[337.1086395263672,117.97413024902345],[336.8130798339844,118.20062713623047],[336.51743774414064,118.42695922851563],[336.2217956542969,118.65327758789063],[335.9261810302734,118.87960968017579],[335.6305389404297,119.10594177246094],[335.33489685058595,119.33226013183594],[335.039144897461,119.55841369628907],[334.74317321777346,119.78411407470703],[334.44711914062503,120.00988311767578],[334.1510375976563,120.2356658935547],[333.8549835205078,120.46143493652345],[333.55890197753905,120.6872039794922],[333.2628479003906,120.91297302246095],[332.96643676757816,121.13831634521485],[332.6699432373047,121.36352233886718],[332.3734497070313,121.58874206542968],[332.0769836425781,121.81396179199218],[331.7804901123047,122.03918151855468],[331.48399658203124,122.26440124511718],[331.1875030517578,122.48937377929688],[330.8905975341797,122.71404418945313],[330.59369201660155,122.93870086669922],[330.2967864990234,123.16335754394531],[329.9998809814453,123.38801422119141],[329.7029754638672,123.6126708984375],[329.40606994628905,123.83734130859375],[329.1088348388672,124.06165466308595],[328.8115173339844,124.28577575683595],[328.5141998291016,124.5099105834961],[328.2168823242188,124.7340316772461],[327.9195922851563,124.9581527709961],[327.6223571777344,125.18221893310547],[327.3250396728516,125.4062713623047],[327.0273376464844,125.62989807128906],[326.7296630859375,125.85352478027345],[326.4319610595703,126.07715148925782],[326.13428649902346,126.30077819824218],[325.8365844726563,126.52440490722657],[325.5389099121094,126.74803161621094],[325.241015625,126.9713836669922],[324.9429565429688,127.19451599121093],[324.6448974609375,127.41766204833985],[324.3469207763672,127.64072570800782],[324.0488616943359,127.86385803222656],[323.7508026123047,128.0869903564453],[323.45274353027344,128.3101364135742],[323.15435485839845,128.53277435302735],[322.85593872070314,128.75542602539062],[322.5575225830078,128.97806396484376],[322.2591064453125,129.20071563720703],[321.9606903076172,129.42336730957032],[321.6622741699219,129.6460189819336],[321.36366577148436,129.86846466064455],[321.064892578125,130.09063568115235],[320.7662017822266,130.31273803710937],[320.4674285888672,130.5349090576172],[320.1686553955078,130.757080078125],[319.86988220214846,130.97925109863283],[319.57110900878905,131.20140838623047],[319.2720062255859,131.42318115234374],[318.97287597656253,131.6448715209961],[318.6737457275391,131.86656188964844],[318.37461547851564,132.08826599121093],[318.0754852294922,132.3099563598633],[317.77635498046874,132.53164672851562],[317.4771423339844,132.75315856933594],[317.1777374267578,132.97431335449218],[316.87827758789064,133.19553680419924],[316.57879028320315,133.41676025390626],[316.27930297851566,133.6379837036133],[315.97984313964844,133.8592071533203],[315.68035583496095,134.0804443359375],[315.38062133789066,134.30128326416016],[315.0808044433594,134.52203979492188],[314.7809600830078,134.74281005859376],[314.48114318847655,134.96356658935548],[314.18132629394535,135.18433685302736],[313.8815093994141,135.40509338378908],[313.5816375732422,135.6256851196289],[313.2814910888672,135.84600219726562],[312.9813446044922,136.0663055419922],[312.6811981201172,136.28660888671877],[312.3810241699219,136.5069122314453],[312.0808776855469,136.7272155761719],[311.7807312011719,136.94751892089843],[311.4803375244141,137.1674789428711],[311.179833984375,137.3873291015625],[310.8793579101563,137.6071792602539],[310.5788543701172,137.82702941894533],[310.27837829589845,138.04687957763673],[309.9779846191406,138.2666748046875],[309.67742614746095,138.48638763427735],[309.3766204833984,138.70579833984377],[309.07581481933596,138.9251953125],[308.77500915527344,139.1446060180664],[308.474203491211,139.36401672363283],[308.1733703613281,139.58342742919922],[307.87256469726566,139.80282440185547],[307.5714569091797,140.02191925048828],[307.2703491210938,140.24087677001953],[306.96921386718753,140.45984802246093],[306.66807861328124,140.6788055419922],[306.367025756836,140.89770812988283],[306.0658905029297,141.11667938232424],[305.7646453857422,141.33551330566408],[305.4632080078125,141.55404510498047],[305.1617706298828,141.77257690429687],[304.8603057861328,141.9911087036133],[304.5588684082031,142.2096405029297],[304.2574035644531,142.4281723022461],[303.9559661865234,142.64671783447267],[303.6542541503906,142.864892578125],[303.3524871826172,143.0829849243164],[303.05072021484375,143.30109100341798],[302.7490631103516,143.51912841796874],[302.4472961425781,143.73722076416016],[302.1455291748047,143.95532684326173],[301.84365234375,144.17326812744142],[301.5415832519531,144.39093475341798],[301.23951416015626,144.6086151123047],[300.9374725341797,144.8262954711914],[300.6354034423828,145.04397583007812],[300.333334350586,145.2616424560547],[300.03126525878906,145.4793228149414],[299.72889404296876,145.69659118652345],[299.42652282714846,145.91384582519532],[299.1242614746094,146.13103179931642],[298.8218902587891,146.3482864379883],[298.51951904296874,146.56554107666017],[298.21714782714844,146.78279571533204],[297.9146942138672,146.9997756958008],[297.6120208740235,147.21661834716798],[297.3093475341797,147.43346099853517],[297.006674194336,147.65030364990236],[296.7040283203125,147.86713256835938],[296.40135498046874,148.08397521972657],[296.0986267089844,148.3007766723633],[295.7956512451172,148.5172073364258],[295.49278564453124,148.73356933593752],[295.1898101806641,148.95000000000002],[294.8868621826172,149.16643066406252],[294.58388671875,149.38286132812502],[294.28093872070315,149.59929199218752],[293.97777099609374,149.81539306640624],[293.6745208740235,150.03142547607422],[293.37127075195315,150.24744415283203],[293.0680206298828,150.46346282958984],[292.7647705078125,150.67949523925782],[292.4615203857422,150.89551391601563],[292.15818786621094,151.11138153076172],[291.85471801757814,151.32693328857422],[291.5511932373047,151.54256744384767],[291.24766845703124,151.75818786621093],[290.9441162109375,151.97380828857422],[290.6405914306641,152.1894287109375],[290.3369842529297,152.4050765991211],[290.03318481445314,152.62029876708985],[289.72935791015624,152.8355209350586],[289.4255310058594,153.0507568359375],[289.1217315673828,153.26597900390627],[288.8179046630859,153.481201171875],[288.5141876220703,153.69636840820314],[288.2101959228516,153.91128845214845],[287.9060943603516,154.12612609863282],[287.60199279785155,154.3409637451172],[287.2979187011719,154.5557876586914],[286.9938171386719,154.7706253051758],[286.68971557617186,154.98546295166017],[286.38544921875,155.20017700195314],[286.0811004638672,155.41461639404298],[285.7767242431641,155.629069519043],[285.47234802246095,155.84350891113283],[285.1679992675781,156.0579620361328],[284.86370544433595,156.27234649658203],[284.55930175781253,156.48674468994142],[284.2546783447266,156.70079956054687],[283.9500274658203,156.9148681640625],[283.64540405273436,157.12892303466796],[283.34075317382815,157.3429916381836],[283.0361297607422,157.55704650878906],[282.7314788818359,157.7711151123047],[282.4266357421875,157.98482666015624],[282.1217376708984,158.1985107421875],[281.8168395996094,158.41219482421874],[281.51194152832034,158.62587890625],[281.2071258544922,158.83949432373046],[280.90220031738284,159.0531784057617],[280.59710998535155,159.26665649414062],[280.2919372558594,159.4799560546875],[279.98679199218753,159.69326934814453],[279.68161926269534,159.90658264160157],[279.37644653320314,160.11988220214843],[279.07127380371094,160.33319549560548],[278.7660736083985,160.54631652832032],[278.4606536865235,160.75925903320314],[278.1552337646485,160.9721878051758],[277.8498138427735,161.1851303100586],[277.5444763183594,161.39800415039062],[277.2390563964844,161.61094665527344],[276.9334991455078,161.82386169433593],[276.62783203125,162.03643341064455],[276.3221374511719,162.24900512695314],[276.0164703369141,162.46157684326172],[275.71080322265624,162.6741485595703],[275.4051086425781,162.8867202758789],[275.0994415283203,163.09927825927736],[274.7934997558594,163.31149291992188],[274.4875854492188,163.52369384765626],[274.1816436767578,163.73590850830078],[273.8758117675781,163.94805450439455],[273.5698699951172,164.16026916503907],[273.26392822265626,164.37247009277345],[272.9578491210938,164.58434143066407],[272.65166015625,164.7961853027344],[272.34547119140626,165.00804290771484],[272.0393096923828,165.21990051269532],[271.7331207275391,165.43174438476564],[271.42693176269535,165.6436019897461],[271.1205230712891,165.8552261352539],[270.8140869140625,166.0667266845703],[270.50767822265624,166.27821350097656],[270.2013244628906,166.48965911865236],[269.89491577148436,166.7011459350586],[269.58847961425784,166.91264648437502],[269.28193359375,167.12388610839844],[268.97527770996095,167.33502960205078],[268.6686218261719,167.5461868286133],[268.3619384765625,167.75733032226563],[268.05528259277344,167.96847381591797],[267.7486267089844,168.17961730957032],[267.44183349609375,168.39055480957032],[267.1349304199219,168.60135498046876],[266.82802734375,168.8121551513672],[266.5212066650391,169.02288665771485],[266.2143035888672,169.23370056152345],[265.90740051269535,169.4445007324219],[265.6003326416016,169.65513610839844],[265.2931823730469,169.86559295654297],[264.98605957031253,170.07606353759766],[264.6789093017578,170.2865203857422],[264.37175903320315,170.49697723388672],[264.06463623046875,170.70743408203126],[263.7573486328125,170.91771240234377],[263.4499786376953,171.1278259277344],[263.1426086425781,171.33795318603515],[262.8353210449219,171.547998046875],[262.5279510498047,171.75811157226562],[262.2205810546875,171.9682388305664],[261.91310119628906,172.1781463623047],[261.6055114746094,172.38794403076173],[261.2978942871094,172.5977279663086],[260.9903045654297,172.80751190185546],[260.68271484375003,173.01729583740234],[260.37509765625003,173.22707977294922],[260.06731567382815,173.43669891357422],[259.7594787597656,173.64615325927736],[259.45166931152346,173.85559387207033],[259.1439147949219,174.06497955322266],[258.8361053466797,174.2744338989258],[258.5282684326172,174.4838882446289],[258.22034912109376,174.69305419921875],[257.9123199462891,174.90217895507814],[257.60426330566406,175.1113037109375],[257.29620666503905,175.32041473388674],[256.9881500244141,175.5295394897461],[256.6800933837891,175.73865051269533],[256.3718719482422,175.94751434326173],[256.0635955810547,176.1563232421875],[255.7553466796875,176.36511840820313],[255.44715270996093,176.57384490966797],[255.13887634277344,176.78265380859375],[254.83062744140625,176.99144897460937],[254.52213134765626,177.19994201660157],[254.21363525390626,177.4084213256836],[253.90516662597656,177.61688690185548],[253.59667053222657,177.82536621093752],[253.28817443847657,178.0338317871094],[252.97959594726564,178.2423110961914],[252.67090759277343,178.45047454833986],[252.36219177246093,178.65862426757812],[252.05347595214843,178.8667739868164],[251.7448699951172,179.07486877441406],[251.436181640625,179.2830322265625],[251.12741088867188,179.4910858154297],[250.8185028076172,179.69891967773438],[250.5095672607422,179.90676727294922],[250.2006591796875,180.1146011352539],[249.89175109863282,180.32244873046875],[249.58284301757814,180.53028259277343],[249.27371520996095,180.73788299560547],[248.9644775390625,180.945263671875],[248.65526733398437,181.1526306152344],[248.3461120605469,181.35994262695314],[248.03687438964843,181.56732330322265],[247.72766418457033,181.77469024658203],[247.41842651367188,181.98207092285156],[247.10918884277345,182.18943786621094],[246.79997863769532,182.39681854248047],[246.4907409667969,182.60418548583985],[246.18150329589844,182.8115661621094],[245.8722381591797,183.0188232421875],[245.56261596679687,183.2255859375],[245.25296630859376,183.4323486328125],[244.94334411621094,183.639111328125],[244.63377685546877,183.84580535888674],[244.32415466308595,184.0525680541992],[244.0145050048828,184.25933074951172],[243.7048553466797,184.46609344482422],[243.39523315429688,184.67285614013673],[243.08558349609376,184.87961883544924],[242.77593383789062,185.0863815307617],[242.46631164550783,185.29314422607422],[242.15635986328127,185.4993438720703],[241.84632568359376,185.70550231933595],[241.53626403808593,185.91167449951172],[241.22622985839845,186.11783294677736],[240.9163055419922,186.32393646240234],[240.6062438964844,186.53010864257814],[240.29620971679688,186.73626708984375],[239.98617553710938,186.94243927001955],[239.67614135742187,187.14859771728516],[239.3661071777344,187.3547561645508],[239.0560729980469,187.56092834472656],[238.7456817626953,187.76666107177735],[238.43526306152344,187.97222900390625],[238.12481689453125,188.1778106689453],[237.81439819335938,188.38339233398438],[237.5039794921875,188.58896026611328],[237.19364318847656,188.79447326660156],[236.8831970214844,189.00005493164062],[236.5727783203125,189.20562286376955],[236.26235961914062,189.4112045288086],[235.95191345214843,189.61678619384767],[235.64149475097656,189.82235412597657],[235.33080139160157,190.02741394042968],[235.0199981689453,190.2324188232422],[234.70919494628907,190.43740997314453],[234.39836425781252,190.64241485595704],[234.08756103515626,190.84740600585937],[233.7767578125,191.0524108886719],[233.4660369873047,191.2573471069336],[233.15523376464844,191.4623519897461],[232.84443054199218,191.6673568725586],[232.53362731933595,191.87234802246095],[232.22276916503907,192.07732543945312],[231.91160888671877,192.28176727294922],[231.60042114257814,192.48620910644533],[231.28923339843752,192.69063720703124],[230.9780456542969,192.89507904052735],[230.66688537597656,193.09952087402345],[230.35569763183594,193.30394897460937],[230.04452362060547,193.50839080810547],[229.73343200683595,193.7127639770508],[229.42225799560546,193.91720581054688],[229.11107025146484,194.12163391113282],[228.7997039794922,194.32585601806642],[228.4881591796875,194.52974853515624],[228.17662811279297,194.73362731933594],[227.86508331298828,194.93750610351563],[227.5535385131836,195.1413986206055],[227.24199371337892,195.34527740478515],[226.93044891357422,195.549169921875],[226.6189178466797,195.7530487060547],[226.307373046875,195.95694122314453],[225.9959243774414,196.1607650756836],[225.68437957763672,196.3646438598633],[225.37250518798828,196.56797332763674],[225.06061706542968,196.7713165283203],[224.74871520996095,196.97464599609376],[224.4368133544922,197.17798919677736],[224.12491149902345,197.38133239746094],[223.81302337646486,197.58466186523438],[223.5011215209961,197.788005065918],[223.18921966552736,197.99134826660156],[222.87733154296876,198.19469146728517],[222.5654296875,198.3980209350586],[222.25332183837892,198.6009521484375],[221.94107666015626,198.80375976562502],[221.6288314819336,199.0065673828125],[221.31658630371095,199.209375],[221.00435485839844,199.4121826171875],[220.69210968017578,199.614990234375],[220.37986450195314,199.81779785156252],[220.06761932373047,200.02060546875],[219.75537414550783,200.22342681884766],[219.44314270019532,200.42623443603517],[219.13066406250002,200.62869873046876],[218.81807556152344,200.83098449707032],[218.50558319091797,201.0332015991211],[218.19300842285156,201.23548736572266],[217.88041992187502,201.43777313232422],[217.56783142089844,201.6400588989258],[217.25525665283203,201.84234466552735],[216.9426681518555,202.0446304321289],[216.63009338378907,202.24691619873047],[216.3175048828125,202.44920196533204],[216.00475158691407,202.65103454589845],[215.69183349609375,202.85279846191406],[215.37891540527343,203.05457611083986],[215.06601104736328,203.25635375976563],[214.75318908691406,203.45806274414062],[214.44027099609374,203.65984039306642],[214.12735290527345,203.86160430908203],[213.8144485473633,204.06338195800782],[213.50153045654298,204.26514587402343],[213.1885711669922,204.4668685913086],[212.87533721923828,204.66815185546875],[212.5620895385742,204.86942138671876],[212.2488555908203,205.07069091796876],[211.9356216430664,205.27196044921877],[211.6223876953125,205.47322998046874],[211.3091537475586,205.67449951171875],[210.99600219726562,205.87571411132814],[210.68276824951172,206.07698364257814],[210.36953430175782,206.27825317382812],[210.05606689453126,206.47923431396484],[209.7425033569336,206.6800094604492],[209.4289535522461,206.8807846069336],[209.11539001464845,207.08154602050783],[208.80184020996094,207.2823211669922],[208.48829040527343,207.48309631347658],[208.1747268676758,207.68387145996095],[207.86117706298828,207.88464660644533],[207.54770965576174,208.08536682128906],[207.23399505615234,208.28599090576174],[206.9201431274414,208.48627166748048],[206.6062774658203,208.6865661621094],[206.29241180419922,208.8868606567383],[205.97854614257812,209.0871551513672],[205.66468048095703,209.2874496459961],[205.3508285522461,209.487744140625],[205.036962890625,209.68802490234376],[204.7230972290039,209.88831939697266],[204.40921783447266,210.08839416503906],[204.09505004882814,210.28822174072266],[203.7809783935547,210.48796691894532],[203.46681060791016,210.68778076171876],[203.15264282226562,210.88760833740236],[202.8384750366211,211.0874221801758],[202.52430725097656,211.28723602294923],[202.21013946533205,211.48704986572267],[201.8959716796875,211.6868637084961],[201.58161163330078,211.88645782470704],[201.26715545654298,212.08580474853517],[200.95268554687502,212.2851516723633],[200.6382293701172,212.48451232910156],[200.32375946044922,212.6838592529297],[200.00938568115234,212.88313751220704],[199.69492950439454,213.0824981689453],[199.38045959472657,213.28184509277344],[199.06600341796874,213.48119201660157],[198.75127258300782,213.68011322021485],[198.43651428222657,213.8790069580078],[198.12175598144532,214.07788696289063],[197.80701141357423,214.2767807006836],[197.49225311279298,214.47567443847657],[197.17749481201173,214.67456817626953],[196.86275024414064,214.87344818115236],[196.5479919433594,215.0723419189453],[196.23319244384766,215.27090606689453],[195.91814575195312,215.46934661865234],[195.60311279296874,215.66778717041015],[195.28807983398437,215.86622772216796],[194.97303314208986,216.06465454101564],[194.6580001831055,216.26309509277345],[194.34295349121095,216.46153564453127],[194.02792053222657,216.65997619628908],[193.71270904541015,216.858251953125],[193.39738769531252,217.0562530517578],[193.08206634521486,217.25424041748047],[192.76675872802736,217.45224151611328],[192.4515335083008,217.65017395019532],[192.13621215820314,217.84817504882812],[191.82089080810547,218.0461624145508],[191.5055694580078,218.2441635131836],[191.19016571044924,218.44187622070314],[190.87456970214845,218.6394241333008],[190.55898742675782,218.8369857788086],[190.24339141845704,219.0345474243164],[189.9278091430664,219.23210906982422],[189.61221313476562,219.42967071533204],[189.29661712646484,219.62723236083986],[188.9810348510742,219.8247802734375],[188.66524658203124,220.02190246582032],[188.3493896484375,220.21902465820312],[188.03353271484374,220.4161605834961],[187.71767578125,220.6132827758789],[187.40181884765624,220.81041870117187],[187.0859619140625,221.00755462646484],[186.77010498046874,221.20467681884767],[186.45406951904297,221.40157928466797],[186.13795166015626,221.5982894897461],[185.82183380126955,221.7949996948242],[185.5057159423828,221.99170989990236],[185.18958435058593,222.18842010498048],[184.87356262207032,222.38507537841798],[184.5574447631836,222.5817855834961],[184.2411895751953,222.77830352783204],[183.92481079101563,222.9745880126953],[183.60843200683595,223.17088623046877],[183.29205322265625,223.3671844482422],[182.97568817138674,223.56348266601563],[182.65930938720703,223.75978088378906],[182.34293060302736,223.9560791015625],[182.02645568847657,224.15206146240234],[181.70982971191407,224.3479476928711],[181.3931900024414,224.54383392333986],[181.07666015625,224.739665222168],[180.76002044677736,224.93555145263673],[180.44339447021486,225.13143768310547],[180.12671356201173,225.32729644775392],[179.80982666015626,225.52278442382814],[179.49295349121095,225.71827239990236],[179.17608032226562,225.9137741088867],[178.8592071533203,226.10926208496093],[178.54232025146484,226.30475006103515],[178.22544708251954,226.50023803710937],[177.90834045410156,226.69542388916017],[177.59122009277345,226.89052734375],[177.27419586181642,227.08556213378907],[176.9570755004883,227.28066558837892],[176.6399688720703,227.4757553100586],[176.3228485107422,227.67085876464844],[176.00557708740234,227.86559143066407],[175.68822326660157,228.06031036376953],[175.37085571289063,228.25501556396486],[175.05350189208986,228.44972076416016],[174.73614807128908,228.64443969726562],[174.4186981201172,228.83911743164063],[174.10111083984376,229.03345184326173],[173.7835235595703,229.22778625488283],[173.4660186767578,229.42205200195312],[173.14843139648437,229.61638641357422],[172.83084411621095,229.81072082519532],[172.51311950683595,230.0047393798828],[172.19529876708984,230.19868927001954],[171.87747802734376,230.3926528930664],[171.55965728759767,230.58660278320312],[171.24185028076172,230.78056640625002],[170.92380981445314,230.9741455078125],[170.60565948486328,231.16755981445314],[170.28750915527345,231.36097412109376],[169.9694549560547,231.55433349609376],[169.65130462646485,231.74772033691406],[169.333154296875,231.9411346435547],[169.01500396728517,232.13454895019532],[168.6968536376953,232.32796325683594],[168.3787033081055,232.52137756347656],[168.0604019165039,232.71446228027344],[167.74181213378907,232.90716247558595],[167.4232360839844,233.09986267089843],[167.1046600341797,233.29256286621094],[166.78607025146485,233.48526306152345],[166.46749420166017,233.67796325683594],[166.1490005493164,233.87060852050783],[165.83042449951174,234.0633087158203],[165.51156005859374,234.25570678710938],[165.19255828857422,234.44769287109375],[164.8735565185547,234.63970642089845],[164.55456848144533,234.83171997070312],[164.23556671142578,235.02373352050782],[163.91656494140625,235.21574707031252],[163.59756317138672,235.4077331542969],[163.27820434570313,235.59916992187502],[162.95880432128908,235.79049682617188],[162.639404296875,235.98185119628906],[162.3201141357422,236.17315063476562],[162.00071411132814,236.3644775390625],[161.68106689453126,236.5553924560547],[161.36126861572265,236.74606018066407],[161.04148406982424,236.93675537109377],[160.7216995239258,237.12745056152343],[160.4016128540039,237.31759643554688],[160.08145751953126,237.50765991210938],[159.76113739013672,237.69742126464845],[159.43245391845704,237.872021484375],[159.1080551147461,238.05486145019532],[158.7899597167969,238.24822082519532],[158.4781951904297,238.45146789550782],[158.17285766601563,238.66463012695314],[157.87488098144533,238.88770751953126],[157.58486938476562,239.12124938964845],[157.3041000366211,239.36566772460938],[157.0334930419922,239.62142944335938],[156.7749435424805,239.8893035888672],[156.5303192138672,240.16983947753906],[156.30181732177735,240.4637237548828],[156.0922393798828,240.77147827148437],[155.90492248535156,241.09313049316407],[155.74347839355468,241.4284881591797],[155.61193084716797,241.7765075683594],[155.51409759521485,242.13556823730468],[155.453466796875,242.50281372070313],[155.43230438232422,242.87431640625002],[155.4515167236328,243.24590148925782],[155.5099090576172,243.61353149414063],[155.60510559082033,243.97322387695314],[155.73341217041016,244.32261657714844],[155.89107971191407,244.65984191894532],[156.07376861572266,244.98407592773438],[156.27808685302736,245.29529113769533],[156.50068359375,245.59376220703126],[156.73867492675782,245.87981872558595],[156.98995971679688,246.15447692871095],[157.25262908935548,246.41842346191407],[157.52496643066408,246.67218017578125],[157.80566711425783,246.91673583984377],[158.0937286376953,247.15274963378906],[158.38806610107423,247.38074340820313],[158.6880065917969,247.60121154785156],[158.99295959472656,247.8148956298828],[159.30223846435547,248.02215270996095],[159.61547241210937,248.22347717285157],[159.93219451904298,248.41919860839843],[160.2685546875,248.57858276367188],[160.60517578125,248.73763732910157],[160.9416046142578,248.89715881347658],[161.27781372070314,249.0571472167969],[161.61380310058595,249.21746520996095],[161.94964141845705,249.37822265625002],[162.28541107177736,249.53900756835938],[162.62086486816406,249.7005615234375],[162.95630493164063,249.86211547851562],[163.29173126220704,250.02386169433595],[163.62675933837892,250.18629455566406],[163.9617874145508,250.34869995117188],[164.29671936035157,250.51107788085938],[164.6313491821289,250.67430725097657],[164.9659378051758,250.8376190185547],[165.30052642822267,251.00095825195314],[165.6350875854492,251.16446228027345],[165.96920928955078,251.32876281738282],[166.30333099365234,251.4930633544922],[166.6374526977539,251.65733642578127],[166.97151947021484,251.82169189453126],[167.30513305664064,251.98700866699218],[167.6387466430664,252.1522979736328],[167.97236022949218,252.31761474609377],[168.30587768554688,252.48287658691407],[168.6392028808594,252.6486602783203],[168.97241821289063,252.81474609375002],[169.3055648803711,252.98102416992188],[169.63851928710938,253.1476593017578],[169.9714599609375,253.31432189941407],[170.30418090820314,253.48147888183595],[170.63684692382813,253.64869079589843],[170.96937561035156,253.81609497070312],[171.30172576904297,253.9839111328125],[171.63408966064455,254.1517547607422],[171.9662338256836,254.3200653076172],[172.29819946289064,254.48843078613282],[172.63020629882814,254.6569610595703],[172.96195220947266,254.82598571777345],[173.29368438720704,254.9950378417969],[173.62533416748047,255.16441955566407],[173.9567367553711,255.3341033935547],[174.28815307617188,255.50378723144533],[174.61926727294923,255.67391052246094],[174.95032653808593,255.8442810058594],[175.28139953613282,256.01462402343753],[175.61217041015627,256.1856262207031],[175.94277648925782,256.35662841796875],[176.27346496582032,256.52768554687503],[176.60381011962892,256.6994567871094],[176.9341552734375,256.87120056152344],[177.26441802978516,257.04302673339845],[177.5943786621094,257.21551208496095],[177.9243392944336,257.3880249023438],[178.25421752929688,257.56064758300784],[178.58377990722656,257.73390197753906],[178.91334228515626,257.90715637207035],[179.24287719726564,258.08054809570314],[179.57201385498047,258.2545989990235],[179.90106811523438,258.42859497070316],[180.23020477294924,258.6027282714844],[180.55890197753908,258.77760314941406],[180.88761291503906,258.9524780273438],[181.2162826538086,259.1273529052734],[181.54454040527344,259.30307922363284],[181.87278442382814,259.47877807617186],[182.20104217529297,259.6545043945313],[182.52881927490236,259.8309997558594],[182.85659637451172,260.00757751464846],[183.18438720703125,260.18418273925784],[183.5117660522461,260.361474609375],[183.8389663696289,260.5389312744141],[184.16624908447267,260.71644287109376],[184.49322967529298,260.89453125],[184.8200180053711,261.07297668457034],[185.14679260253908,261.2514221191406],[185.4733612060547,261.43027954101564],[185.79960021972656,261.6097412109375],[186.12582550048828,261.7891754150391],[186.45191345214843,261.96880187988285],[186.7775894165039,262.14927978515624],[187.10325164794924,262.3297576904297],[187.42891387939454,262.5102081298828],[187.75397186279298,262.69170227050785],[188.07904357910158,262.8732513427735],[188.40411529541015,263.0547729492188],[188.72865142822266,263.23711853027345],[189.05310516357423,263.4197662353516],[189.37754516601564,263.6024139404297],[189.70175170898438,263.785693359375],[190.02554626464845,263.96949462890626],[190.3493408203125,264.15329589843753],[190.67294311523438,264.33728942871096],[190.99622955322266,264.5219970703125],[191.3193374633789,264.7071441650391],[191.64210205078126,264.8924011230469],[191.96466064453125,265.0783721923828],[192.28712310791016,265.26459045410155],[192.6092971801758,265.451220703125],[192.93115539550783,265.63831787109376],[193.25289001464844,265.82566223144534],[193.5742950439453,266.01361083984375],[193.89549407958984,266.20191650390626],[194.21650085449218,266.3905517578125],[194.53719177246094,266.57981872558594],[194.85764923095704,266.7693603515625],[195.17780456542968,266.95945129394534],[195.49754791259767,267.1499267578125],[195.81722259521484,267.34075927734375],[196.13648529052736,267.53233337402344],[196.4555419921875,267.7242370605469],[196.77432403564453,267.91660766601564],[197.09276275634767,268.1096649169922],[197.41092681884766,268.3029693603516],[197.72872009277344,268.49696044921876],[198.04625244140627,268.6915008544922],[198.36348266601564,268.8863433837891],[198.68024597167968,269.08203735351566],[198.99672088623046,269.27808837890626],[199.3128387451172,269.4745788574219],[199.62857208251953,269.67197570800784],[199.94407196044924,269.86972961425784],[200.25914611816407,270.068115234375],[200.57376708984376,270.2672424316406],[200.88803100585938,270.4667541503906],[201.20186920166017,270.66708984375003],[201.5153366088867,270.8681121826172],[201.8284469604492,271.0695465087891],[202.14098052978517,271.27191467285155],[202.4531021118164,271.4749420166016],[202.76488037109377,271.6784637451172],[203.07588958740234,271.88294677734376],[203.38654174804688,272.0880615234375],[203.69693298339845,272.29380798339844],[204.00652770996095,272.50062561035156],[204.3156967163086,272.7081298828125],[204.62439880371093,272.91623840332034],[204.93235931396484,273.12547302246094],[205.2397705078125,273.33550415039065],[205.54676971435546,273.54624938964844],[205.85295867919922,273.7580932617188],[206.15846099853516,273.97084350585936],[206.4634552001953,274.1844177246094],[206.76763916015625,274.39892578125],[207.07101287841797,274.614697265625],[207.3738784790039,274.83140258789064],[207.6760437011719,275.04895935058596],[207.9771240234375,275.26799926757815],[208.27743530273438,275.4880828857422],[208.57696380615235,275.7091278076172],[208.87566833496095,275.93138122558594],[209.17317810058594,276.1552276611328],[209.46980895996094,276.38022766113284],[209.76565704345703,276.6063262939453],[210.06029663085937,276.83399047851566],[210.35361785888674,277.0631103515625],[210.65968322753906,277.27454223632816],[210.96600952148438,277.4860565185547],[211.2672134399414,277.7049865722656],[211.5633499145508,277.9307006835938],[211.85441894531252,278.16273193359376],[212.14057159423828,278.4009979248047],[212.4214096069336,278.6453887939453],[212.69680938720703,278.8960418701172],[212.96616668701174,279.1529571533203],[213.2292892456055,279.41649169921874],[213.4856140136719,279.68645324707035],[213.73442687988282,279.9632537841797],[213.97552185058595,280.24700317382815],[214.20774536132814,280.53797607421876],[214.4304656982422,280.8363372802734],[214.6425979614258,281.1423614501953],[214.84309844970704,281.45591125488284],[215.031005859375,281.77739868164065],[215.20460357666016,282.1066589355469],[215.36279296875,282.4437469482422],[215.50391235351563,282.78819580078124],[215.62608032226564,283.13986816406253],[215.72790985107423,283.4978302001953],[215.80768432617188,283.8614776611328],[215.86360473632814,284.2294372558594],[215.8947509765625,284.600390625],[215.89991455078126,284.97263488769534],[215.87853240966797,285.3441925048828],[215.83061828613282,285.7133331298828],[215.75655670166017,286.0782165527344],[215.65740509033205,286.4369750976563],[215.53441314697267,286.78834533691406],[215.38921508789062,287.13111877441406],[215.2235549926758,287.4644439697266],[215.03939666748047,287.7879089355469],[214.83829193115236,288.10118408203124],[214.62210845947266,288.40435180664065],[214.3924118041992,288.69724731445314],[214.1507125854492,288.9805023193359],[213.89830169677734,289.2541442871094],[213.63623657226563,289.51861267089845],[213.3656021118164,289.7742919921875],[213.08734588623048,290.02162170410156],[212.80230560302735,290.2611511230469],[212.51101684570312,290.4929626464844],[212.2142761230469,290.7177978515625],[211.9124954223633,290.93568420410156],[211.6061965942383,291.14739074707035],[211.29573669433594,291.3529449462891],[210.98155517578127,291.5526489257813],[210.663981628418,291.7469421386719],[210.3432632446289,291.93609924316405],[210.01966094970703,292.1203125],[209.69344940185547,292.2998291015625],[209.36487579345703,292.4748138427735],[209.0339813232422,292.6456237792969],[208.70108184814453,292.8123413085938],[208.36625976562502,292.9751861572266],[208.02978973388673,293.1343231201172],[207.69153442382813,293.28977966308594],[207.35060119628906,293.4393035888672],[207.0051498413086,293.5781707763672],[206.65969848632812,293.7170379638672],[206.3142333984375,293.85593261718753],[205.96878204345703,293.9947998046875],[205.62331695556642,294.1336669921875],[205.27786560058595,294.27256164550784],[204.9324142456055,294.41142883300785],[204.58694915771486,294.5502960205078],[204.2414978027344,294.68919067382814],[203.896142578125,294.8280303955078],[203.5506774902344,294.96689758300784],[203.20522613525392,295.10576477050785],[202.85977478027345,295.2446594238281],[202.51430969238282,295.38352661132814],[202.16885833740236,295.52239379882815],[201.82339324951172,295.6612884521484],[201.47794189453126,295.80015563964844],[201.1324905395508,295.93902282714845],[200.78702545166016,296.0779174804688],[200.4415740966797,296.21678466796874],[200.09610900878906,296.35565185546875],[199.7507537841797,296.49449157714844],[199.40530242919922,296.63335876464845],[199.05985107421876,296.7722534179688],[198.71438598632812,296.91112060546874],[198.36893463134766,297.04998779296875],[198.02346954345703,297.1888824462891],[197.67801818847656,297.3277496337891],[197.33255310058595,297.46661682128905],[196.9871017456055,297.6055114746094],[196.64165039062502,297.7443786621094],[196.2961853027344,297.8832458496094],[195.95073394775392,298.0221405029297],[195.60537872314453,298.16095275878905],[195.25991363525392,298.2998474121094],[194.91446228027345,298.4387145996094],[194.569010925293,298.5775817871094],[194.21268310546876,298.6844512939453],[193.85047760009766,298.77099609375],[193.48553924560548,298.84449462890626],[193.11844482421876,298.90686950683596],[192.74974365234377,298.95825805664066],[192.3797103881836,298.9990997314453],[192.00860595703125,299.02955932617186],[191.63682861328127,299.0496368408203],[191.26473541259767,299.05933227539066],[190.89251861572265,299.0585083007813],[190.5203842163086,299.04713745117186],[190.14866180419924,299.02524719238284],[189.7778045654297,298.9925903320313],[189.4080322265625,298.94911193847656],[189.03972930908205,298.8947021484375],[188.6732940673828,298.82903137207035],[188.30889129638672,298.75242919921874],[187.94705657958986,298.6647857666016],[187.58817443847656,298.56577148437503],[187.23254699707033,298.45557861328126],[186.8807373046875,298.3341796875],[186.5327590942383,298.2016296386719],[186.18925781250002,298.0580657958985],[185.85052185058595,297.9036804199219],[185.51688079833986,297.7384460449219],[185.18858184814454,297.5626647949219],[184.8661880493164,297.3766662597656],[184.5496032714844,297.1805328369141],[184.23948669433594,296.97459411621094],[183.9357696533203,296.75920715332035],[183.63880920410156,296.53472900390625],[183.34864654541016,296.30137939453124],[183.0655700683594,296.05970764160156],[182.7895523071289,295.8099060058594],[182.52068939208985,295.55244140625],[182.25889892578127,295.28761596679686],[182.0044418334961,295.0158966064453],[181.75719451904297,294.73753051757814],[181.51700592041016,294.45301208496096],[181.28409576416016,294.16253356933595],[181.05812072753906,293.86658935546876],[180.83920440673828,293.5654266357422],[180.5993179321289,293.2829956054688],[180.3261703491211,293.02992553710936],[180.0487518310547,292.78171691894534],[179.7681610107422,292.53716125488285],[179.4848373413086,292.29554443359376],[179.19931640625,292.05661926269534],[178.91162567138673,291.8201110839844],[178.62220458984376,291.5859649658203],[178.33099822998048,291.35390625],[178.03832244873047,291.1237701416016],[177.74414978027343,290.89569396972655],[177.4484115600586,290.66937561035155],[177.15142364501955,290.4447875976563],[176.85330963134766,290.22192993164066],[176.5539047241211,290.0006103515625],[176.2534149169922,289.7808563232422],[175.95171661376955,289.56255798339845],[175.6490707397461,289.3457977294922],[175.34533996582033,289.13035583496094],[175.04068908691406,288.916342163086],[174.7351043701172,288.70359191894534],[174.42855834960938,288.49224243164065],[174.12105102539064,288.2823486328125],[173.8127883911133,288.0736907958985],[173.50363311767578,287.86610412597656],[173.19392852783204,287.6597534179688],[172.88319396972656,287.454638671875],[172.57159423828125,287.2507598876953],[172.25939025878907,287.04795227050784],[171.94652709960937,286.84605102539064],[171.63273010253906,286.6456329345703],[171.31837005615236,286.44623107910155],[171.00344696044922,286.2476531982422],[170.68767242431642,286.05039367675784],[170.37119750976564,285.8541229248047],[170.0543655395508,285.65862121582035],[169.73665466308594,285.46449279785156],[169.4185043334961,285.2712707519531],[169.0998321533203,285.0787078857422],[168.78025360107424,284.88762817382815],[168.4603454589844,284.69712524414064],[168.13977813720703,284.50774841308595],[167.81868896484374,284.3193603515625],[167.4971878051758,284.1315490722656],[167.1748764038086,283.94516601562503],[166.85230407714843,283.75914001464844],[166.52899017333985,283.5744873046875],[166.20541534423828,283.39043884277345],[165.88119506835938,283.20740661621096],[165.5565628051758,283.02519836425785],[165.2314636230469,282.84373168945314],[164.90573272705078,282.66330871582034],[164.57974090576172,282.48340759277346],[164.25313110351564,282.304769897461],[163.9262878417969,282.1264617919922],[163.59870300292968,281.94947204589846],[163.2709945678711,281.77275695800785],[162.94251708984376,281.5973602294922],[162.61395721435548,281.4222381591797],[162.28469696044922,281.2484619140625],[161.95528564453124,281.07493286132814],[161.62532501220704,280.90272216796876],[161.2950897216797,280.7307586669922],[160.964208984375,280.5598937988281],[160.63316345214844,280.3895233154297],[160.3016784667969,280.2201141357422],[159.9698226928711,280.0513092041016],[159.63762359619142,279.8832183837891],[159.30495758056642,279.71600646972655],[158.98613433837892,279.5283874511719],[158.69516143798828,279.2961090087891],[158.39307861328126,279.0784423828125],[158.08260498046874,278.87302551269534],[157.76503143310546,278.67889709472655],[157.44100341796874,278.4954803466797],[157.11131744384767,278.32252807617186],[156.77649536132813,278.1597930908203],[156.4368667602539,278.00722045898436],[156.09287109375,277.86472778320314],[155.74498901367187,277.7323699951172],[155.3932891845703,277.6099548339844],[155.0383758544922,277.49753723144534],[154.6804412841797,277.39511718750003],[154.3197738647461,277.3025848388672],[153.95679931640626,277.2198852539063],[153.59183349609376,277.1471282958984],[153.22489013671876,277.0842315673828],[152.8563674926758,277.0307281494141],[152.48667755126954,276.9872772216797],[152.11587524414062,276.95305480957035],[151.74437255859377,276.9283081054688],[151.37244415283203,276.91289978027345],[151.00010375976564,276.90680236816405],[150.6278045654297,276.9094940185547],[150.25569763183594,276.92119445800785],[149.88396148681642,276.9416015625],[149.5127197265625,276.9704956054688],[149.1424118041992,277.0077117919922],[148.77283172607423,277.0531677246094],[148.4043914794922,277.1066162109375],[148.03711853027343,277.1678375244141],[147.6712875366211,277.23658447265626],[147.30681610107422,277.31271972656253],[146.9439651489258,277.39613342285156],[146.58273468017578,277.4865234375],[146.22333068847658,277.5836151123047],[145.86578063964845,277.6873809814453],[145.51009826660157,277.7975189208984],[145.1564483642578,277.9138092041016],[144.80487213134765,278.0362243652344],[144.45532836914063,278.16443481445316],[144.11068725585938,278.30530700683596],[143.76689758300782,278.4482666015625],[143.42310791015626,278.59119873046876],[143.0793182373047,278.7341583251953],[142.73552856445312,278.8771179199219],[142.39173889160156,279.0200500488281],[142.04793548583984,279.1630096435547],[141.7041458129883,279.3059417724609],[141.36035614013673,279.4489013671875],[141.01656646728517,279.59186096191405],[140.6728729248047,279.734765625],[140.32908325195314,279.87769775390626],[139.98529357910158,280.0206573486328],[139.64150390625,280.1636169433594],[139.29771423339844,280.3065490722656],[138.95392456054688,280.4495086669922],[138.61012115478516,280.59246826171875],[138.2663314819336,280.735400390625],[137.92254180908205,280.87835998535155],[137.57875213623046,281.02129211425785],[137.2349624633789,281.1642517089844],[136.89126892089845,281.3071563720703],[136.5496078491211,281.4549224853516],[136.21937255859376,281.6268310546875],[135.90078277587892,281.8193389892578],[135.594580078125,282.03101806640626],[135.30249481201173,282.26173095703126],[135.0264083862305,282.5115051269531],[134.76893005371093,282.7802307128906],[134.53294372558594,283.0681823730469],[134.32156677246095,283.37456359863285],[134.13790283203124,283.69824829101566],[133.9846435546875,284.03745117187503],[133.86421966552734,284.38950805664064],[133.7777847290039,284.7514251708985],[133.7255859375,285.1199890136719],[133.7067855834961,285.49171142578126],[133.71966705322265,285.8636810302734],[133.7620056152344,286.23353576660156],[133.83090362548828,286.5993255615235],[133.92376556396485,286.9597869873047],[134.03795471191407,287.3141784667969],[134.17101287841797,287.6618682861328],[134.32071533203126,288.00266418457034],[134.4851806640625,288.33667602539066],[134.66260986328126,288.66387634277345],[134.8518081665039,288.9845397949219],[135.0512237548828,289.29888610839845],[135.25995025634765,289.6072723388672],[135.47687530517578,289.90980834960936],[135.70129852294923,290.2069061279297],[135.93253326416016,290.49873046875],[136.16976928710938,290.7856109619141],[136.41274566650392,291.0677947998047],[136.6606658935547,291.34547424316406],[136.94468994140627,291.58250427246094],[137.25255432128907,291.7919036865234],[137.56033630371095,292.001220703125],[137.86820068359376,292.2105926513672],[138.17607879638672,292.4199920654297],[138.48395690917968,292.6293640136719],[138.7918212890625,292.83876342773436],[139.0996856689453,293.0481353759766],[139.40756378173828,293.2575347900391],[139.71544189453127,293.46690673828124],[140.02330627441407,293.6763061523438],[140.33118438720703,293.88567810058595],[140.63904876708986,294.09507751464844],[140.94692687988282,294.30444946289066],[141.25470886230468,294.5137664794922],[141.5625732421875,294.7231658935547],[141.87045135498047,294.9325378417969],[142.17831573486328,295.1419372558594],[142.48619384765627,295.3513092041016],[142.79405822753907,295.5607086181641],[143.10193634033203,295.77008056640625],[143.409814453125,295.97947998046874],[143.71767883300782,296.18885192871096],[144.02554321289062,296.39825134277345],[144.3334213256836,296.6076232910156],[144.64129943847658,296.81702270507816],[144.94908142089844,297.0263397216797],[145.25694580078127,297.2357116699219],[145.56481018066407,297.4451110839844],[145.87268829345703,297.65448303222655],[146.18056640625,297.8638824462891],[146.48843078613282,298.07325439453126],[146.7963088989258,298.28265380859375],[147.1041732788086,298.492025756836],[147.41205139160158,298.70142517089846],[147.71991577148438,298.9107971191406],[148.02779388427734,299.1201965332031],[148.33565826416017,299.32956848144534],[148.64344024658203,299.5388854980469],[148.951318359375,299.7482849121094],[149.25918273925782,299.95765686035156],[149.5670608520508,300.16705627441405],[149.8749252319336,300.3764282226563],[150.18280334472658,300.58582763671876],[150.49066772460938,300.7951995849609],[150.79854583740234,301.0045989990235],[151.1064239501953,301.21397094726564],[151.41428833007814,301.4233703613281],[151.7221664428711,301.63274230957035],[152.0300308227539,301.84214172363284],[152.3378128051758,302.0514587402344],[152.64569091796875,302.2608581542969],[152.95355529785158,302.47023010253906],[153.26143341064454,302.6796020507813],[153.56929779052734,302.8890014648438],[153.8771759033203,303.09837341308594],[154.18504028320314,303.3077728271484],[154.4929183959961,303.51714477539065],[154.8007827758789,303.72654418945314],[155.1086608886719,303.9359161376953],[155.4165252685547,304.14531555175785],[155.72440338134766,304.3546875],[156.03218536376954,304.5640319824219],[156.34004974365234,304.7734039306641],[156.6479278564453,304.98277587890624],[156.95579223632814,305.1921752929688],[157.2636703491211,305.4015747070313],[157.57154846191406,305.61094665527344],[157.8794128417969,305.82031860351566],[158.1872772216797,306.02971801757815],[158.49515533447266,306.2390899658203],[158.80303344726562,306.4484893798828],[159.11089782714845,306.657861328125],[159.4187759399414,306.8672607421875],[159.7265579223633,307.0765777587891],[160.0344223022461,307.2859771728516],[160.34230041503906,307.49534912109374],[160.6501647949219,307.7047485351563],[160.95804290771486,307.91412048339845],[161.26590728759766,308.1234924316406],[161.57378540039062,308.33289184570316],[161.88164978027345,308.5422637939453],[162.1895278930664,308.7516632080078],[162.4973922729492,308.96103515625003],[162.8052703857422,309.1704345703125],[163.11305236816406,309.3797515869141],[163.4209167480469,309.5891510009766],[163.72879486083986,309.79852294921875],[164.03667297363282,310.00792236328124],[164.34453735351562,310.21729431152346],[164.65240173339845,310.42669372558595],[164.9602798461914,310.6360656738281],[165.26815795898438,310.84546508789066],[165.5760223388672,311.0548370361328],[165.88390045166017,311.264208984375],[166.19176483154297,311.47360839843753],[166.49964294433593,311.6829803466797],[166.80742492675782,311.8923248291016],[167.11528930664062,312.10169677734376],[167.4231674194336,312.31109619140625],[167.7310317993164,312.5204681396485],[168.03890991210938,312.72986755371096],[168.3467742919922,312.9392395019531],[168.65465240478517,313.1486389160156],[168.96251678466797,313.35801086425784],[169.27039489746093,313.5674102783203],[169.57825927734376,313.7767822265625],[169.88613739013672,313.98618164062503],[170.1940155029297,314.1955535888672],[170.5017837524414,314.4048706054688],[170.80966186523438,314.61427001953126],[171.1175262451172,314.8236419677734],[171.42540435791017,315.033041381836],[171.73328247070313,315.24241333007814],[172.04114685058593,315.4518127441406],[172.34902496337892,315.66118469238285],[172.65688934326172,315.87058410644534],[172.9647674560547,316.0799560546875],[173.27263183593752,316.28935546875],[173.58050994873048,316.4987274169922],[173.88837432861328,316.7081268310547],[174.19615631103517,316.9174438476563],[174.50403442382813,317.12681579589844],[174.81189880371093,317.3362152099609],[175.11977691650392,317.54558715820315],[175.42764129638672,317.75498657226564],[175.7355194091797,317.9643585205078],[176.04338378906252,318.17375793457035],[176.35126190185548,318.3831298828125],[176.65912628173828,318.592529296875],[176.96700439453124,318.8019012451172],[177.27488250732424,319.0113006591797],[177.58274688720704,319.2206726074219],[177.89052886962892,319.42998962402345],[178.1984069824219,319.63938903808594],[178.5062713623047,319.84876098632816],[178.81414947509765,320.05816040039065],[179.12201385498048,320.2675323486328],[179.42989196777344,320.4769317626953],[179.73775634765624,320.6863037109375],[180.05343475341797,320.8835357666016],[180.36809692382812,321.0826354980469],[180.67973785400392,321.2862121582031],[180.9889343261719,321.49363403320314],[181.29580993652345,321.7046264648438],[181.60030975341797,321.91864013671875],[181.90257110595704,322.1359771728516],[182.2028549194336,322.3561981201172],[182.50114746093752,322.5790283203125],[182.7970916748047,322.8048522949219],[183.0910171508789,323.0334777832031],[183.38271789550782,323.26471252441405],[183.6723587036133,323.4986938476563],[183.95982971191407,323.73533935546874],[184.24510345458984,323.97453918457035],[184.5282760620117,324.2164306640625],[184.808935546875,324.460986328125],[185.08732910156252,324.70806884765625],[185.3635665893555,324.9577331542969],[185.63733215332033,325.21008911132816],[185.90859832763672,325.4649993896484],[186.1776123046875,325.72251892089844],[186.4437973022461,325.9827850341797],[186.70757904052735,326.24549560546876],[186.96864166259766,326.51109008789064],[187.2269714355469,326.7791015625],[187.48251342773438,327.04991455078124],[187.73528137207032,327.3232818603516],[187.98500061035156,327.59942321777345],[188.23182220458986,327.8780090332031],[188.47543029785157,328.15964355468753],[188.71612701416015,328.4436401367188],[188.95325317382813,328.7306579589844],[189.18731689453125,329.0202850341797],[189.41783752441407,329.31268615722655],[189.64480133056642,329.6077789306641],[189.8683868408203,329.90545349121095],[190.08789367675783,330.20623168945315],[190.30398101806642,330.50945434570315],[190.51594848632814,330.8155883789063],[190.72393341064455,331.1243865966797],[190.92760620117187,331.4359039306641],[191.12709045410156,331.75025024414066],[191.3222900390625,332.0672607421875],[191.5129577636719,332.38707275390624],[191.69895629882814,332.70960388183596],[191.8803268432617,333.03485412597655],[192.05672607421874,333.3627136230469],[192.2280990600586,333.6932373046875],[192.39444580078126,334.0262878417969],[192.5554916381836,334.3620300292969],[192.71112670898438,334.7002716064453],[192.86133728027343,335.0409301757813],[193.0057113647461,335.3840057373047],[193.144482421875,335.7295257568359],[193.27725219726562,336.07738037109374],[193.40396575927736,336.42743225097655],[193.52462310791017,336.77959899902345],[193.63882598876953,337.13401794433594],[193.7468215942383,337.4903869628906],[193.84808807373048,337.8486236572266],[193.94285888671877,338.2086181640625],[194.03077697753906,338.57045288085936],[194.111979675293,338.93385314941406],[194.18613739013674,339.29868164062503],[194.2533187866211,339.66477355957034],[194.31334533691407,340.0321838378906],[194.36629943847657,340.4007476806641],[194.41193389892578,340.7703002929688],[194.4504409790039,341.1405944824219],[194.48140869140624,341.51157531738284],[194.5052490234375,341.8831329345703],[194.5215087890625,342.2550750732422],[194.5716064453125,342.6231994628906],[194.62888641357424,342.99107666015624],[194.67987670898438,343.3599426269531],[194.72552490234375,343.729330444336],[194.76651763916016,344.09937744140626],[194.80293731689454,344.46994628906253],[194.83509979248046,344.8408172607422],[194.86363677978517,345.21204528808596],[194.8880126953125,345.58360290527344],[194.90863952636718,345.9553253173828],[194.92554473876953,346.3272674560547],[194.93881072998047,346.69931945800784],[194.94847869873047,347.07159118652345],[194.9546310424805,347.44386291503906],[194.95730895996095,347.816162109375],[194.95652618408204,348.18840637207035],[194.95213165283204,348.5607055664063],[194.94444122314454,348.93292236328125],[194.9333724975586,349.3050567626953],[194.9186782836914,349.6770812988281],[194.9008804321289,350.0489959716797],[194.87933349609375,350.4207458496094],[194.85472412109377,350.7921936035156],[194.82640686035157,351.1634765625],[194.79502716064454,351.53442993164066],[194.75989837646486,351.90508117675785],[194.72161102294922,352.27540283203126],[194.67983551025392,352.64536743164064],[194.63457183837892,353.01494750976565],[194.58614959716797,353.3840057373047],[194.53399200439455,353.7526519775391],[194.47848358154297,354.1208038330078],[194.41973419189455,354.4885162353516],[194.35730438232423,354.8556243896484],[194.2914001464844,355.2220458984375],[194.22220001220703,355.5879180908203],[194.1496765136719,355.9529937744141],[194.07325286865236,356.3174102783203],[193.99347839355468,356.68108520507815],[193.9103530883789,357.0439086914063],[193.82379455566408,357.4060455322266],[193.73345947265625,357.76727600097655],[193.63959503173828,358.1275177001953],[193.5422836303711,358.48688049316405],[193.44151153564454,358.8453094482422],[193.3372787475586,359.2027496337891],[193.22946166992188,359.5591186523438],[193.11781311035156,359.914306640625],[193.00293731689453,360.26853332519534],[192.88443603515626,360.62144165039064],[192.7622268676758,360.9731689453125],[192.63652954101562,361.32355041503905],[192.50728912353517,361.67266845703125],[192.37449188232424,362.0205505371094],[192.23809661865235,362.36692199707034],[192.09808959960938,362.7119476318359],[191.95452575683595,363.0555450439453],[191.8074737548828,363.3975769042969],[191.65685119628907,363.73809814453125],[191.5027267456055,364.0769714355469],[191.3449905395508,364.4142517089844],[191.1837387084961,364.7498016357422],[191.0189437866211,365.0837036132813],[190.85071563720703,365.4157653808594],[190.6789993286133,365.7460144042969],[190.50375366210938,366.0745330810547],[190.3250473022461,366.4012115478516],[190.14283905029296,366.72596740722656],[189.95727996826173,367.04863586425785],[189.76820526123046,367.36949157714844],[189.5758071899414,367.688232421875],[189.3800033569336,368.0048858642578],[189.18083496093752,368.3194519042969],[188.9783706665039,368.6318756103516],[188.7725555419922,368.9422119140625],[188.5635543823242,369.25013122558596],[188.3512161254883,369.55596313476565],[188.13560943603517,369.8595703125],[187.9168716430664,370.1608154296875],[187.69496154785156,370.4597534179688],[187.4698928833008,370.7563842773438],[187.24173431396486,371.05059814453125],[187.0108154296875,371.34266967773436],[186.77940216064454,371.63432922363285],[186.54798889160156,371.9260162353516],[186.3165756225586,372.21770324707035],[186.08516235351564,372.5093627929688],[185.85381774902345,372.80096740722655],[185.6223907470703,373.09262695312503],[185.39097747802734,373.3843139648438],[185.1595642089844,373.6759735107422],[184.92815093994142,373.96766052246096],[184.69673767089844,374.2593475341797],[184.46532440185547,374.55100708007814],[184.2339111328125,374.8426940917969],[184.00249786376955,375.1343536376953],[183.77108459472657,375.42604064941406],[183.5396713256836,375.7177276611328],[183.30825805664062,376.00938720703124],[183.07691345214843,376.3009918212891],[182.8455001831055,376.5926513671875],[182.6140869140625,376.88433837890625],[182.38267364501954,377.1759979248047],[182.15126037597656,377.4676849365234],[181.9198471069336,377.7593719482422],[181.68843383789064,378.05103149414066],[181.45702056884767,378.3427185058594],[181.2256072998047,378.63437805175784],[180.99419403076172,378.9260650634766],[180.76278076171874,379.21775207519534],[180.5313674926758,379.50941162109376],[180.30000915527344,379.8010162353516],[180.06859588623047,380.09267578125],[179.8371826171875,380.3843627929688],[179.60576934814455,380.6760223388672],[179.37435607910157,380.96770935058595],[179.1429428100586,381.2593963623047],[178.91152954101562,381.5510559082031],[178.68011627197265,381.8427429199219],[178.4487030029297,382.1344024658203],[178.21728973388673,382.42608947753905],[177.98587646484376,382.7177764892578],[177.75446319580078,383.0094360351563],[177.5231185913086,383.30104064941406],[177.29170532226564,383.5927001953125],[177.06029205322267,383.88438720703124],[176.8288787841797,384.1760467529297],[176.59746551513672,384.4677337646485],[176.36605224609374,384.7594207763672],[176.1346389770508,385.05108032226565],[175.90322570800782,385.3427673339844],[175.67181243896485,385.6344268798828],[175.44039916992188,385.9261138916016],[175.2089859008789,386.2178009033203],[174.97764129638674,386.50937805175784],[174.73363494873047,386.7875244140625],[174.4228729248047,386.9925018310547],[174.10880126953126,387.19248046875003],[173.7924774169922,387.3888885498047],[173.47407989501954,387.5818359375],[173.15393829345703,387.7718994140625],[172.83208007812502,387.9591064453125],[172.5087661743164,388.14373168945315],[172.1839828491211,388.32585754394535],[171.85773010253908,388.50534667968753],[171.53033752441408,388.68247375488284],[171.20165405273437,388.8572113037109],[170.87165222167968,389.0297515869141],[170.5404830932617,389.19984741210936],[170.2082702636719,389.3678009033203],[169.87479400634766,389.53350219726565],[169.54024658203124,389.6968963623047],[169.20464172363282,389.858203125],[168.8680618286133,390.01734008789066],[168.53041076660156,390.1741424560547],[168.19170227050782,390.3287750244141],[167.8520050048828,390.48121032714846],[167.5113052368164,390.63153076171875],[167.16985015869142,390.7795715332031],[166.82728271484376,390.9254974365235],[166.4838088989258,391.0692810058594],[166.13955230712892,391.2107849121094],[165.79425201416015,391.3501739501953],[165.4480728149414,391.4873382568359],[165.10104217529297,391.6222778320313],[164.7531463623047,391.75493774414065],[164.40442657470703,391.885400390625],[164.05489654541017,392.01361083984375],[163.7045150756836,392.1395690917969],[163.35333709716798,392.26324768066405],[163.00152740478515,392.3845916748047],[162.64878387451174,392.5037384033203],[162.29521636962892,392.6205780029297],[161.94097595214845,392.7351104736328],[161.5859390258789,392.84736328125],[161.23018798828124,392.95728149414066],[160.87380523681642,393.064892578125],[160.51669464111328,393.1702789306641],[160.15882873535156,393.2731109619141],[159.80022125244142,393.3733337402344],[159.44109191894532,393.47141418457034],[159.0813171386719,393.56702270507816],[158.72088317871095,393.6601867675781],[158.35970764160157,393.75079650878905],[157.9979965209961,393.8390167236328],[157.6356948852539,393.9247650146485],[157.27278900146484,394.0079040527344],[156.90930633544923,394.0886260986328],[156.545329284668,394.1667938232422],[156.18072052001955,394.242269897461],[155.81560363769532,394.3153564453125],[155.45001983642578,394.3856964111328],[155.08391418457032,394.4534545898438],[154.71734161376955,394.51874084472655],[154.350439453125,394.5810882568359],[153.98294677734376,394.6409912109375],[153.61495971679688,394.6981475830078],[153.24668426513674,394.7526397705078],[152.87798309326172,394.8044403076172],[152.50889739990234,394.8533569335938],[152.13945465087892,394.8997467041016],[151.7696548461914,394.9431427001953],[151.39956665039062,394.9839569091797],[151.0292175292969,395.0217498779297],[150.65853881835938,395.05693359375],[150.28761291503906,395.08909606933594],[149.9165496826172,395.1185668945313],[149.5451431274414,395.1450439453125],[149.1736267089844,395.16880187988284],[148.80184936523438,395.1894836425781],[148.42998962402345,395.2073913574219],[148.05792388916015,395.22222290039065],[147.68583068847656,395.2343353271485],[147.3135726928711,395.2432067871094],[146.94134216308595,395.2494140625],[146.56900177001953,395.25229797363284],[146.19664764404297,395.252490234375],[145.82438964843752,395.24944152832035],[145.45218658447266,395.24350891113284],[145.08001098632812,395.2345001220703],[144.7078353881836,395.2224426269531],[144.33579711914064,395.2074462890625],[143.96395111083984,395.1891540527344],[143.59224243164064,395.16803283691405],[143.22068481445314,395.1435882568359],[142.84945678710938,395.1161773681641],[142.47833862304688,395.0856903076172],[142.10750885009767,395.0519622802735],[141.7370361328125,395.0153778076172],[141.3668655395508,394.97544250488284],[140.99716186523438,394.9324584960938],[140.62767791748047,394.88648071289066],[140.25860595703125,394.8370697021484],[139.88997344970704,394.78477478027344],[139.52180786132814,394.7292938232422],[139.15412292480468,394.6705718994141],[138.7869598388672,394.6089111328125],[138.4203598022461,394.54392700195314],[138.05433654785156,394.47581176757814],[137.68883514404297,394.4047576904297],[137.32397918701173,394.3303527832031],[136.95985107421876,394.2528442382813],[136.5964370727539,394.17242431640625],[136.23361358642578,394.0887084960938],[135.8716278076172,394.0018341064453],[135.51026000976563,393.91199340820316],[135.1497573852539,393.8190490722656],[134.79011993408204,393.72283630371095],[134.43116912841796,393.6236572265625],[134.0731384277344,393.52159423828124],[133.7160415649414,393.416098022461],[133.3599060058594,393.3076904296875],[133.0045944213867,393.19634399414065],[132.6503677368164,393.08203125],[132.2971160888672,392.9643951416016],[131.94483947753906,392.84393005371095],[131.5935516357422,392.7205810546875],[131.24328002929687,392.5942657470703],[130.89417572021486,392.46470947265624],[130.54617004394532,392.33237915039064],[130.1993179321289,392.1972198486328],[129.85348205566407,392.0592315673828],[129.5090057373047,391.9180847167969],[129.1655731201172,391.7740814208984],[128.82339019775392,391.6273590087891],[128.48247070312502,391.4779449462891],[128.14300689697265,391.32520751953126],[127.81676788330078,391.14580078125],[127.4905288696289,390.96636657714845],[127.16428985595704,390.7869323730469],[126.83805084228516,390.6074981689453],[126.51181182861329,390.4280639648438],[126.18555908203125,390.2486572265625],[125.85910034179688,390.06963500976565],[125.53265533447266,389.8905853271485],[125.20619659423828,389.71156311035156],[124.8797378540039,389.5325408935547],[124.55337524414062,389.3535461425781],[124.22691650390625,389.1745239257813],[123.9003890991211,388.9955291748047],[123.57372436523438,388.8168914794922],[123.24705963134765,388.6382263183594],[122.92039489746094,388.4595611572266],[122.59374389648438,388.2809234619141],[122.26707916259765,388.1022583007813],[121.94041442871094,387.92359313964846],[121.61374969482422,387.74492797851565],[121.2870849609375,387.56629028320316],[120.96040649414063,387.3877624511719],[120.63359069824219,387.2095916748047],[120.30669250488282,387.0313934326172],[119.97978057861329,386.8531951904297],[119.65286865234376,386.6749694824219],[119.32597045898437,386.4967712402344],[118.99905853271484,386.31854553222655],[118.67216033935547,386.1403472900391],[118.34524841308594,385.9621215820313],[118.01833648681641,385.78392333984374],[117.69143829345704,385.60569763183594],[117.36432037353516,385.4277740478516],[117.03713378906251,385.2500701904297],[116.71004333496094,385.0724212646484],[116.38285675048829,384.8947448730469],[116.05567016601563,384.717041015625],[115.72846984863281,384.53936462402345],[115.40128326416016,384.3616607666016],[115.0740966796875,384.1839569091797],[114.74691009521484,384.00628051757815],[114.41972351074219,383.8285766601563],[114.09253005981445,383.6508728027344],[113.7653434753418,383.47319641113285],[113.43798522949218,383.2958221435547],[113.1104621887207,383.11875000000003],[112.78303527832031,382.941732788086],[112.45551223754883,382.76466064453126],[112.12798919677735,382.58758850097655],[111.80045928955079,382.4105163574219],[111.4729362487793,382.2334442138672],[111.14541320800781,382.05637207031253],[110.81789016723633,381.8792999267578],[110.49036712646485,381.7022277832031],[110.16283721923828,381.52515563964846],[109.8353141784668,381.34808349609375],[109.50779113769532,381.1710113525391],[109.18009643554687,380.9942138671875],[108.85237426757813,380.8177185058594],[108.52456283569336,380.641195678711],[108.19674453735352,380.4646728515625],[107.86892623901367,380.2881225585938],[107.54110794067383,380.1115997314453],[107.21329650878907,379.93507690429686],[106.88532028198243,379.7588562011719],[106.55728225708008,379.58274536132814],[106.22925109863282,379.4066070556641],[105.90121307373047,379.2304962158203],[105.57317504882813,379.0543579101563],[105.24513702392578,378.8782470703125],[104.91719512939453,378.70216369628906],[104.58895111083984,378.52646484375003],[104.26066589355469,378.3508209228516],[103.93238067626953,378.17514953613284],[103.60410232543946,377.9994781494141],[103.2758171081543,377.82383422851564],[102.94753189086914,377.6481628417969],[102.61921920776368,377.4724914550781],[102.29066619873048,377.29734191894534],[101.9621063232422,377.1221923828125],[101.63354644775391,376.9470428466797],[101.3049934387207,376.7718933105469],[100.97652969360352,376.5967987060547],[100.64797668457031,376.42164916992186],[100.3193962097168,376.2465270996094],[99.99052734375,376.0719818115235],[99.6616584777832,375.8974090576172],[99.33279647827149,375.72283630371095],[99.0039276123047,375.5482635498047],[98.6750587463379,375.37371826171875],[98.3461898803711,375.1991455078125],[98.01731414794922,375.0247375488281],[97.68810195922852,374.8508239746094],[97.35888977050782,374.6769104003906],[97.0297737121582,374.5030517578125],[96.7005615234375,374.3291381835938],[96.3713493347168,374.155224609375],[96.04213027954101,373.98131103515624],[95.71276016235352,373.807699584961],[95.38314971923829,373.6345550537109],[95.05354614257813,373.4613830566406],[94.7239356994629,373.2882110595703],[94.39432525634766,373.1150665283203],[94.06471481323243,372.94189453125],[93.73510437011718,372.76875],[93.405233001709,372.5962646484375],[93.07516250610352,372.4239715576172],[92.74509887695312,372.2516784667969],[92.41503524780273,372.0793853759766],[92.08496475219727,371.90709228515624],[91.75490112304688,371.73479919433595],[91.42478256225586,371.56272583007814],[91.09433441162109,371.39117431640625],[90.76387939453126,371.21962280273436],[90.43336257934571,371.0480987548828],[90.10262603759766,370.8771240234375],[89.77188262939454,370.7061218261719],[89.44124221801758,370.53517456054686],[89.11015548706055,370.3647766113281],[88.77910995483398,370.1943786621094],[88.44805755615235,370.02398071289065],[88.11669616699218,369.8542419433594],[87.78530731201172,369.68450317382815],[87.45391845703125,369.5147644042969],[87.12222747802734,369.3457946777344],[86.79046783447266,369.17677001953126],[86.45866012573242,369.0078552246094],[86.12648849487304,368.83965454101565],[85.79431686401368,368.6714538574219],[85.46209716796875,368.5035827636719],[85.12948608398438,368.33628845214844],[84.79686813354492,368.1689666748047],[84.46391372680664,368.00224914550785],[84.13079452514648,367.83594360351566],[83.7976890563965,367.6696380615235],[83.46402053833008,367.5044311523438],[83.13035202026367,367.3392242431641],[82.79638137817383,367.1746765136719],[82.46208114624024,367.0107330322266],[82.12772598266602,366.84698181152345],[81.79272537231445,366.6844940185547],[81.45782775878907,366.52203369140625],[81.12209930419922,366.3609191894531],[80.78629531860352,366.20007934570316],[80.45005874633789,366.0402282714844],[80.11330032348633,365.88153076171875],[79.77597885131836,365.72393188476565],[79.4380874633789,365.56756896972655],[79.09949569702148,365.41257934570314],[78.76025848388672,365.25926513671874],[78.41993637084961,365.10803833007816],[78.07870788574219,364.9592559814453],[77.73623657226562,364.81316528320315],[77.39221343994141,364.670947265625],[77.04626083374023,364.5333709716797],[76.69750671386718,364.40318298339844],[76.36460037231446,364.2442932128906],[76.0532341003418,364.0402770996094],[75.73559188842773,363.8460662841797],[75.41284790039063,363.6604797363281],[75.08564071655273,363.48280334472656],[74.75439605712891,363.31287231445316],[74.41936798095703,363.1504669189453],[74.08068008422852,362.9956420898438],[73.73874435424806,362.8484252929688],[73.39368438720703,362.70892639160155],[73.0454315185547,362.5773376464844],[72.69428787231446,362.4535217285156],[72.34034957885743,362.33800048828124],[71.98384323120118,362.2307464599609],[71.62491302490234,362.13184204101566],[71.26366195678712,362.04172668457034],[70.90022735595703,361.96051025390625],[70.53495254516602,361.88841247558594],[70.1680160522461,361.8256805419922],[69.79952087402344,361.77256164550784],[69.42971420288086,361.72913818359376],[69.05905609130859,361.69568481445316],[68.68750534057618,361.6723663330078],[68.31536407470703,361.6593475341797],[67.94309921264649,361.6567657470703],[67.57079315185547,361.6648681640625],[67.19901580810547,361.6837371826172],[66.82787017822265,361.7133728027344],[66.45782318115235,361.7537750244141],[66.0890121459961,361.8052459716797],[65.72195892333984,361.86756591796876],[65.3569450378418,361.9407073974609],[64.99424514770509,362.0247528076172],[64.63423004150391,362.1194549560547],[64.27716751098633,362.22462158203126],[63.923325347900395,362.34047241210936],[63.572916412353514,362.4664031982422],[63.22632522583008,362.6023315429688],[62.88381271362305,362.74814758300784],[62.545447540283206,362.90354919433594],[62.21151123046875,363.0681518554688],[61.88214111328125,363.2417907714844],[61.55750198364258,363.42405395507814],[61.23770370483398,363.6146667480469],[60.92282180786133,363.8133544921875],[60.613076019287114,364.019677734375],[60.308294677734374,364.23358154296875],[60.00869064331055,364.45465393066405],[59.714236450195315,364.6824005126953],[59.424781036376956,364.9166290283203],[59.14064025878906,365.15728454589845],[58.86153945922852,365.4035980224609],[58.587519836425784,365.6557067871094],[58.31851272583008,365.9130889892578],[58.05453872680664,366.1756896972656],[57.79535064697266,366.4429595947266],[57.54124717712403,366.7150360107422],[57.29179229736328,366.99139709472655],[57.047016906738286,367.2718505859375],[56.80661544799805,367.55628662109376],[56.56679077148438,367.8411071777344],[56.32696609497071,368.1259002685547],[56.087134552001956,368.410693359375],[55.847309875488286,368.69548645019535],[55.607478332519534,368.98027954101565],[55.367653656005864,369.26507263183595],[55.12782211303711,369.54986572265625],[54.88799743652344,369.8346862792969],[54.648172760009764,370.1194793701172],[54.4084098815918,370.40419006347656],[54.168585205078124,370.68898315429686],[53.92876052856445,370.9737762451172],[53.6889289855957,371.2585693359375],[53.44910430908203,371.54338989257815],[53.20927276611328,371.82818298339845],[52.96944808959961,372.11297607421875],[52.72962341308594,372.39776916503905],[52.48979187011719,372.6825622558594],[52.24996719360352,372.96738281250003],[52.010135650634766,373.25217590332034],[51.770379638671876,373.5368865966797],[51.530554962158206,373.8216796875],[51.290723419189455,374.1064727783203],[51.050898742675784,374.3912658691406],[50.81106719970703,374.67608642578125],[50.57124252319336,374.96087951660155],[50.33141784667969,375.2456726074219],[50.09158630371094,375.5304656982422],[49.85176162719727,375.8152587890625],[49.61193008422852,376.10007934570314],[49.37210540771485,376.38487243652344],[49.13228073120117,376.66966552734374],[48.89251785278321,376.9543762207031],[48.65269317626953,377.2391693115234],[48.41286849975586,377.5239624023438],[48.17303695678711,377.8087829589844],[47.93321228027344,378.0935760498047],[47.693380737304686,378.378369140625],[47.453556060791016,378.6631622314453],[47.213724517822264,378.9479553222656],[46.973899841308594,379.232748413086],[46.73407516479492,379.5175415039063],[46.49424362182617,379.8023620605469],[46.2544189453125,380.0871551513672],[46.01466293334961,380.3718658447266],[45.77483139038086,380.6566589355469],[45.53500671386719,380.9414520263672],[45.29517517089844,381.2262451171875],[45.05535049438477,381.5110656738281],[44.8155258178711,381.7958587646485],[44.57569427490235,382.0806518554688],[44.335869598388676,382.3654449462891],[44.096038055419925,382.6502380371094],[43.856213378906254,382.93505859375],[43.6163818359375,383.2198516845703],[43.37655715942383,383.50464477539066],[43.136801147460936,383.78935546875],[42.896976470947266,384.07414855957035],[42.657144927978514,384.35894165039065],[42.417320251464844,384.6437622070313],[42.17748870849609,384.9285552978516],[41.93766403198242,385.2133483886719],[41.69783248901367,385.4981414794922],[41.4580078125,385.78293457031253],[41.21818313598633,386.06775512695316],[40.97835159301758,386.35254821777346],[40.73852691650391,386.63734130859376],[40.498695373535156,386.92213439941406],[40.25893936157227,387.20684509277345],[40.0191146850586,387.49163818359375],[39.779283142089845,387.7764587402344],[39.539458465576175,388.0612518310547],[39.299633789062504,388.34604492187503],[39.05980224609375,388.63083801269534],[38.81997756958008,388.91563110351564],[38.58014602661133,389.20042419433594],[38.34032135009766,389.48521728515624],[38.10048980712891,389.77003784179686],[37.86066513061524,390.0548309326172],[37.62084045410156,390.3396240234375],[37.3810775756836,390.6243347167969],[37.14125289916992,390.9091278076172],[36.90142822265625,391.19394836425784],[36.6615966796875,391.47874145507814],[36.42177200317383,391.76353454589844],[36.18194046020508,392.04832763671874],[35.942115783691406,392.3331207275391],[35.702284240722655,392.6179138183594],[35.462459564208984,392.902734375],[35.222634887695314,393.1875274658203],[34.98280334472656,393.4723205566406],[34.74297866821289,393.7571136474609],[34.50322265625,394.0418243408203],[34.26339111328125,394.3266174316406],[34.02356643676758,394.61143798828124],[33.78373489379883,394.8962310791016],[33.54391021728516,395.1810241699219],[33.30408554077149,395.4658172607422],[33.06425399780274,395.7506103515625],[32.82442932128907,396.0354309082031],[32.584597778320315,396.3202239990234],[32.344773101806645,396.6050170898438],[32.10494155883789,396.8898101806641],[31.86511688232422,397.1746032714844],[31.62536087036133,397.4593139648438],[31.38553276062012,397.7441345214844],[31.14570465087891,398.0289276123047],[30.905879974365234,398.313720703125],[30.666048431396487,398.5985137939453],[30.426223754882812,398.88330688476566],[30.1863956451416,399.16809997558596],[29.94656753540039,399.4529205322266],[29.70673942565918,399.7377136230469],[29.46691131591797,400.0225067138672],[29.2270866394043,400.3072998046875],[28.987255096435547,400.59209289550785],[28.747500801086428,400.8768035888672],[28.507672691345217,401.1616241455078],[28.267844581604006,401.44641723632816],[28.028018188476562,401.73121032714846],[27.78819007873535,402.01600341796876],[27.54836196899414,402.30079650878906],[27.3085355758667,402.58558959960936],[27.06870746612549,402.87041015625],[26.828879356384277,403.15520324707035],[26.589052963256837,403.43999633789065],[26.349224853515626,403.72478942871095],[26.109396743774415,404.00958251953125],[25.869640731811526,404.29429321289064],[25.629812622070315,404.57911376953126],[25.389984512329104,404.86390686035156],[25.15015811920166,405.14869995117186],[24.91033000946045,405.4334930419922],[24.670501899719238,405.7182861328125],[24.430675506591797,406.00310668945315],[24.190847396850586,406.28789978027345],[23.951019287109375,406.57269287109375],[23.711192893981934,406.85748596191405],[23.471364784240723,407.1422790527344],[23.231536674499512,407.4270721435547],[22.991780662536623,407.71181030273436],[22.751952552795412,407.9966033935547],[22.5121244430542,408.281396484375],[22.272298049926757,408.5661895751953],[22.032469940185546,408.8509826660156],[21.792641830444335,409.1357757568359],[21.552815437316895,409.42059631347655],[21.312987327575684,409.7053894042969],[21.073159217834473,409.9901824951172],[20.833332824707032,410.2749755859375],[20.59350471496582,410.5597686767578],[20.353748703002932,410.8444793701172],[20.11392059326172,411.1292999267578],[19.87409248352051,411.4140930175781],[19.6342643737793,411.6988861083984],[19.394437980651855,411.9836791992188],[19.154609870910644,412.2684722900391],[18.914781761169433,412.5532653808594],[18.674955368041992,412.8380859375],[18.43512725830078,413.1228790283203],[18.19529914855957,413.4076721191406],[17.95547275543213,413.692465209961],[17.71564464569092,413.9772583007813],[17.47588863372803,414.26196899414066],[17.23606052398682,414.5467895507813],[16.996232414245608,414.8315826416016],[16.756406021118163,415.1163757324219],[16.516577911376952,415.4011688232422],[16.27674980163574,415.6859619140625],[16.03692169189453,415.9707824707031],[15.79709529876709,416.2555755615235],[15.557267189025879,416.5403686523438],[15.317440795898438,416.8251617431641],[15.077612686157227,417.1099548339844],[14.837784576416016,417.3947479248047],[14.598028564453125,417.6794860839844],[14.358200454711914,417.9642791748047],[14.118372344970703,418.249072265625],[13.878545093536378,418.53386535644535],[13.638717842102052,418.81865844726565],[13.398889732360841,419.10345153808595],[13.159062480926513,419.3882720947266],[12.919235229492188,419.6730651855469],[12.679407119750977,419.9578582763672],[12.43957986831665,420.24265136718753],[12.19975175857544,420.52744445800784],[11.959924507141114,420.81223754882814],[11.720167636871338,421.09697570800785],[11.480340385437012,421.38176879882815],[11.240512275695801,421.66656188964845],[11.000685024261475,421.95135498046875],[10.76085777282715,422.23614807128905],[10.521029663085939,422.5209411621094],[10.281202411651611,422.80576171875003],[10.041375160217285,423.09055480957034],[9.801547050476074,423.37534790039064],[9.561719799041748,423.66014099121094],[9.321892547607423,423.94493408203124],[9.082064437866212,424.22975463867186],[8.842307567596436,424.51446533203125],[8.60248031616211,424.79925842285155],[8.362652206420899,425.0840515136719],[8.122824954986573,425.3688446044922],[7.882997703552246,425.6536376953125],[7.643169593811035,425.93845825195314],[7.4033423423767095,426.22325134277344],[7.16351466178894,426.50804443359374],[6.923687410354614,426.7928375244141],[6.683859729766846,427.0776306152344],[6.444032049179078,427.3624237060547],[6.204204368591308,427.6472442626953],[5.964447498321533,427.9319549560547],[5.724620246887207,428.216748046875],[5.484792566299439,428.5015411376953],[5.24496488571167,428.7863342285156],[5.005066394805908,429.0712371826172],[4.7653099536895756,429.3559478759766],[4.5255530834198,429.6406585693359],[4.285654592514038,429.9255340576172],[4.045898151397705,430.2102447509766],[3.8059996604919433,430.4951202392578],[3.566242790222168,430.7798309326172],[3.3263445138931274,431.0647338867188],[3.086587643623352,431.3494445800781],[2.8499337673187255,431.63673706054686],[2.649028587341309,431.95017700195314],[2.4640198945999146,432.27336730957035],[2.2934077978134155,432.60413818359376],[2.1368903875350953,432.9420501708984],[1.9953881978988648,433.2862518310547],[1.8696224212646484,433.63657836914064],[1.76093190908432,433.99272766113285],[1.6709236264228822,434.3537109375],[1.6008489847183227,434.7195556640625],[1.5530492305755617,435.08864135742186],[1.5291451692581177,435.46014404296875],[1.5310376286506653,435.83233337402345],[1.560466718673706,436.2035614013672],[1.6187267661094666,436.5709167480469],[1.7067207098007202,436.9326965332031],[1.8245035886764527,437.2858520507813],[1.971603226661682,437.62758178710936],[2.1465319633483886,437.9561004638672],[2.347446155548096,438.26951293945314],[2.5718826770782472,438.5665557861328],[2.81709086894989,438.84632263183596],[3.0808595180511475,439.1092254638672],[3.360264801979065,439.3549346923828],[3.653570795059204,439.5845489501953],[3.9582276821136477,439.79839782714845],[4.272814321517944,439.99768981933596],[4.595403814315796,440.18300170898436],[4.925524950027466,440.3556243896484],[5.2613139152526855,440.51596984863284],[5.602406358718873,440.6652465820313],[5.947783041000366,440.80425109863285],[6.296985197067261,440.93347778320316],[6.649287557601929,441.0537780761719],[7.004393577575684,441.16570129394535],[7.3618432044982915,441.2697967529297],[7.721425724029541,441.3665313720703],[8.082758331298828,441.45648193359375],[8.445490837097168,441.53992309570316],[8.809729671478271,441.617431640625]], bounds=3000, full_zoom=0.19, max_episode_steps=2000 ) Bahrain = RaceTrack( name='Bahrain', xy = [[241.8538818359375, 401.49005126953125], [241.29580688476562, 401.4912109375], [240.7377471923828, 401.49237060546875], [240.17967224121094, 401.4935302734375], [239.62159729003906, 401.49468994140625], [239.0635223388672, 401.495849609375], [238.50546264648438, 401.49700927734375], [237.9473876953125, 401.4981689453125], [237.38931274414062, 401.49932861328125], [236.83123779296875, 401.50048828125], [236.27317810058594, 401.50164794921875], [235.71510314941406, 401.5028076171875], [235.1570281982422, 401.50396728515625], [234.59896850585938, 401.505126953125], [234.0408935546875, 401.50628662109375], [233.48281860351562, 401.5074462890625], [232.92474365234375, 401.50860595703125], [232.36668395996094, 401.509765625], [231.80860900878906, 401.51092529296875], [231.2505340576172, 401.5120849609375], [230.6924591064453, 401.51324462890625], [230.1343994140625, 401.514404296875], [229.57632446289062, 401.51531982421875], [229.01824951171875, 401.5160217285156], [228.46017456054688, 401.5166931152344], [227.902099609375, 401.5173645019531], [227.3440399169922, 401.5180358886719], [226.7859649658203, 401.5187072753906], [226.22789001464844, 401.5193786621094], [225.66981506347656, 401.5200500488281], [225.11175537109375, 401.5207214355469], [224.55368041992188, 401.5213928222656], [223.99560546875, 401.5220947265625], [223.43753051757812, 401.5225524902344], [222.87945556640625, 401.5229187011719], [222.32139587402344, 401.5232849121094], [221.76332092285156, 401.5236511230469], [221.2052459716797, 401.5240173339844], [220.6471710205078, 401.5243835449219], [220.08909606933594, 401.5247802734375], [219.53102111816406, 401.525146484375], [218.97296142578125, 401.5255126953125], [218.41488647460938, 401.52587890625], [217.8568115234375, 401.5262451171875], [217.29873657226562, 401.5262451171875], [216.74066162109375, 401.52618408203125], [216.18260192871094, 401.526123046875], [215.62452697753906, 401.5260925292969], [215.0664520263672, 401.5260314941406], [214.5083770751953, 401.5260009765625], [213.95030212402344, 401.52593994140625], [213.39224243164062, 401.52587890625], [212.83416748046875, 401.5258483886719], [212.27609252929688, 401.5257873535156], [211.718017578125, 401.5257568359375], [211.15994262695312, 401.52569580078125], [210.60186767578125, 401.5256652832031], [210.04380798339844, 401.5256042480469], [209.48573303222656, 401.5255432128906], [208.9276580810547, 401.5255126953125], [208.3695831298828, 401.52545166015625], [207.8115234375, 401.5254211425781], [207.25344848632812, 401.5253601074219], [206.69537353515625, 401.52532958984375], [206.13729858398438, 401.5252685546875], [205.5792236328125, 401.5250244140625], [205.02114868164062, 401.5244445800781], [204.4630889892578, 401.5238952636719], [203.90501403808594, 401.5233459472656], [203.34693908691406, 401.5227966308594], [202.7888641357422, 401.5222473144531], [202.23080444335938, 401.5216979980469], [201.6727294921875, 401.5211181640625], [201.11465454101562, 401.52056884765625], [200.55657958984375, 401.52001953125], [199.99850463867188, 401.51947021484375], [199.4404296875, 401.5189208984375], [198.8823699951172, 401.51837158203125], [198.3242950439453, 401.5177917480469], [197.76622009277344, 401.5172424316406], [197.20814514160156, 401.5166931152344], [196.6500701904297, 401.5161437988281], [196.09201049804688, 401.5155944824219], [195.533935546875, 401.5150451660156], [194.97586059570312, 401.51446533203125], [194.41778564453125, 401.513916015625], [193.85971069335938, 401.51336669921875], [193.30165100097656, 401.5124206542969], [192.7435760498047, 401.51141357421875], [192.1855010986328, 401.51043701171875], [191.62742614746094, 401.5094299316406], [191.06936645507812, 401.5084228515625], [190.51129150390625, 401.5074462890625], [189.95321655273438, 401.5064392089844], [189.3951416015625, 401.50543212890625], [188.83706665039062, 401.5044250488281], [188.2790069580078, 401.5034484863281], [187.72093200683594, 401.50244140625], [187.16285705566406, 401.5014343261719], [186.60479736328125, 401.5004577636719], [186.04672241210938, 401.49945068359375], [185.4886474609375, 401.4984436035156], [184.93057250976562, 401.4974670410156], [184.37249755859375, 401.4964599609375], [183.81443786621094, 401.4954528808594], [183.25636291503906, 401.4944763183594], [182.6982879638672, 401.49346923828125], [182.1402130126953, 401.4924621582031], [181.5821533203125, 401.4913330078125], [181.02407836914062, 401.4899597167969], [180.46600341796875, 401.48858642578125], [179.90794372558594, 401.4872131347656], [179.34986877441406, 401.48583984375], [178.7917938232422, 401.4844665527344], [178.23373413085938, 401.48309326171875], [177.6756591796875, 401.4817199707031], [177.11758422851562, 401.4803466796875], [176.5595245361328, 401.4789733886719], [176.00144958496094, 401.4775695800781], [175.44337463378906, 401.4761962890625], [174.8852996826172, 401.4748229980469], [174.32723999023438, 401.47344970703125], [173.7691650390625, 401.4720764160156], [173.21109008789062, 401.470703125], [172.65301513671875, 401.4693298339844], [172.09495544433594, 401.46795654296875], [171.53688049316406, 401.4665832519531], [170.9788055419922, 401.4652099609375], [170.42074584960938, 401.4638366699219], [169.8626708984375, 401.46246337890625], [169.30459594726562, 401.4608154296875], [168.7465362548828, 401.4591369628906], [168.18846130371094, 401.4574279785156], [167.63040161132812, 401.45574951171875], [167.07232666015625, 401.45404052734375], [166.51425170898438, 401.4523620605469], [165.95619201660156, 401.45068359375], [165.3981170654297, 401.448974609375], [164.8400421142578, 401.4472961425781], [164.281982421875, 401.4455871582031], [163.72390747070312, 401.44390869140625], [163.16583251953125, 401.44219970703125], [162.60777282714844, 401.4405212402344], [162.04969787597656, 401.4388122558594], [161.4916229248047, 401.4371337890625], [160.93356323242188, 401.4354248046875], [160.37548828125, 401.4337463378906], [159.81741333007812, 401.4320373535156], [159.2593536376953, 401.43035888671875], [158.70127868652344, 401.4286804199219], [158.14320373535156, 401.4269714355469], [157.58514404296875, 401.4252014160156], [157.02706909179688, 401.4232482910156], [156.46900939941406, 401.42132568359375], [155.9109344482422, 401.41937255859375], [155.35287475585938, 401.41741943359375], [154.7947998046875, 401.4154968261719], [154.23672485351562, 401.4135437011719], [153.6786651611328, 401.4115905761719], [153.12059020996094, 401.4096374511719], [152.56251525878906, 401.40771484375], [152.00445556640625, 401.40576171875], [151.44638061523438, 401.40380859375], [150.8883056640625, 401.40185546875], [150.3302459716797, 401.3999328613281], [149.7721710205078, 401.3979797363281], [149.214111328125, 401.3960266113281], [148.65603637695312, 401.39410400390625], [148.0979766845703, 401.39215087890625], [147.53990173339844, 401.39019775390625], [146.98184204101562, 401.38824462890625], [146.42376708984375, 401.3863220214844], [145.86569213867188, 401.3843688964844], [145.3076171875, 401.3822326660156], [144.7495574951172, 401.3800354003906], [144.19149780273438, 401.3778381347656], [143.6334228515625, 401.3756408691406], [143.0753631591797, 401.3734436035156], [142.5172882080078, 401.37127685546875], [141.95921325683594, 401.36907958984375], [141.40115356445312, 401.36688232421875], [140.84307861328125, 401.36468505859375], [140.28501892089844, 401.36248779296875], [139.72694396972656, 401.36029052734375], [139.16888427734375, 401.35809326171875], [138.61080932617188, 401.3559265136719], [138.05274963378906, 401.3537292480469], [137.4946746826172, 401.3515319824219], [136.93661499023438, 401.3493347167969], [136.3785400390625, 401.3471374511719], [135.82046508789062, 401.3449401855469], [135.2624053955078, 401.3427734375], [134.70433044433594, 401.340576171875], [134.14627075195312, 401.33837890625], [133.58819580078125, 401.336181640625], [133.03013610839844, 401.333984375], [132.47207641601562, 401.331787109375], [131.91400146484375, 401.32958984375], [131.35592651367188, 401.3274230957031], [130.79786682128906, 401.3252258300781], [130.2397918701172, 401.3230285644531], [129.6817169189453, 401.3208312988281], [129.1236572265625, 401.3186340332031], [128.5655975341797, 401.3164367675781], [128.0075225830078, 401.3142395019531], [127.44945526123047, 401.31207275390625], [126.89138793945312, 401.30987548828125], [126.33332061767578, 401.30767822265625], [125.77525329589844, 401.30548095703125], [125.21717834472656, 401.30328369140625], [124.65911865234375, 401.30108642578125], [124.1010513305664, 401.29888916015625], [123.54297637939453, 401.2967224121094], [122.98491668701172, 401.2945251464844], [122.42684173583984, 401.2923278808594], [121.8687744140625, 401.2901306152344], [121.31071472167969, 401.287841796875], [120.75264739990234, 401.2855529785156], [120.19458770751953, 401.2832336425781], [119.63651275634766, 401.2809143066406], [119.07844543457031, 401.2785949707031], [118.5203857421875, 401.2762756347656], [117.96231079101562, 401.27398681640625], [117.40424346923828, 401.27166748046875], [116.84617614746094, 401.26934814453125], [116.2881088256836, 401.26702880859375], [115.73004150390625, 401.26470947265625], [115.1719741821289, 401.2624206542969], [114.61390686035156, 401.2601013183594], [114.05584716796875, 401.2577819824219], [113.49777221679688, 401.2554626464844], [112.93970489501953, 401.2531433105469], [112.38163757324219, 401.2508544921875], [111.82356262207031, 401.24853515625], [111.26551055908203, 401.2462158203125], [110.70743560791016, 401.243896484375], [110.14936828613281, 401.2415771484375], [109.59130096435547, 401.2392883300781], [109.0332260131836, 401.2369689941406], [108.47517395019531, 401.2346496582031], [107.91709899902344, 401.2323303222656], [107.3590316772461, 401.2300109863281], [106.80096435546875, 401.2276916503906], [106.24288940429688, 401.22540283203125], [105.6848373413086, 401.22308349609375], [105.12677001953125, 401.22076416015625], [104.56869506835938, 401.21844482421875], [104.01062774658203, 401.21612548828125], [103.45256042480469, 401.2138366699219], [102.89448547363281, 401.2115173339844], [102.33643341064453, 401.2091979980469], [101.77835845947266, 401.2068786621094], [101.22029113769531, 401.2045593261719], [100.66222381591797, 401.2022705078125], [100.1041488647461, 401.199951171875], [99.54609680175781, 401.1976318359375], [98.98802947998047, 401.1953125], [98.4299545288086, 401.1929931640625], [97.87188720703125, 401.1907043457031], [97.31381225585938, 401.1884765625], [96.75574493408203, 401.186279296875], [96.19769287109375, 401.1841125488281], [95.63961791992188, 401.18194580078125], [95.08154296875, 401.17974853515625], [94.52347564697266, 401.1775817871094], [93.96540832519531, 401.1754150390625], [93.4073486328125, 401.1732177734375], [92.84928131103516, 401.1710510253906], [92.29120635986328, 401.16888427734375], [91.73313903808594, 401.16668701171875], [91.17506408691406, 401.1645202636719], [90.61699676513672, 401.162353515625], [90.05894470214844, 401.16015625], [89.50086975097656, 401.1579895019531], [88.94280242919922, 401.15582275390625], [88.38472747802734, 401.15362548828125], [87.82666015625, 401.1514587402344], [87.26860046386719, 401.1492919921875], [86.71053314208984, 401.1470947265625], [86.1524658203125, 401.1449279785156], [85.59439086914062, 401.1427307128906], [85.03632354736328, 401.14056396484375], [84.4782485961914, 401.1383972167969], [83.92019653320312, 401.1361999511719], [83.36212158203125, 401.134033203125], [82.8040542602539, 401.1318664550781], [82.24597930908203, 401.1296691894531], [81.68791198730469, 401.12750244140625], [81.12985229492188, 401.1253356933594], [80.57178497314453, 401.1231384277344], [80.01371765136719, 401.1209716796875], [79.45564270019531, 401.1188049316406], [78.89757537841797, 401.1166076660156], [78.3395004272461, 401.11444091796875], [77.78144836425781, 401.1122741699219], [77.22337341308594, 401.1100769042969], [76.6653060913086, 401.10791015625], [76.10723876953125, 401.1057434082031], [75.54916381835938, 401.1035461425781], [74.9911117553711, 401.10137939453125], [74.43303680419922, 401.0992126464844], [73.87496948242188, 401.0970153808594], [73.31689453125, 401.0950012207031], [72.75881958007812, 401.09307861328125], [72.20074462890625, 401.0911560058594], [71.64269256591797, 401.0892639160156], [71.0846176147461, 401.08734130859375], [70.52655029296875, 401.0854187011719], [69.96847534179688, 401.08349609375], [69.410400390625, 401.0815734863281], [68.85234832763672, 401.0796813964844], [68.29427337646484, 401.0777587890625], [67.7362060546875, 401.0758361816406], [67.17813110351562, 401.07391357421875], [66.62006378173828, 401.0719909667969], [66.0619888305664, 401.0700988769531], [65.50393676757812, 401.06817626953125], [64.94586181640625, 401.0662536621094], [64.38778686523438, 401.0643310546875], [63.82971954345703, 401.0624084472656], [63.271644592285156, 401.0605163574219], [62.71358871459961, 401.05859375], [62.155517578125, 401.0566711425781], [61.59743881225586, 401.0547790527344], [61.03936767578125, 401.0531311035156], [60.481292724609375, 401.05145263671875], [59.923221588134766, 401.0498046875], [59.36516571044922, 401.04815673828125], [58.807090759277344, 401.0465087890625], [58.249019622802734, 401.0448303222656], [57.690948486328125, 401.0431823730469], [57.13287353515625, 401.0415344238281], [56.5748176574707, 401.0398864746094], [56.016746520996094, 401.0382385253906], [55.45867156982422, 401.03656005859375], [54.90060043334961, 401.034912109375], [54.342529296875, 401.03326416015625], [53.784454345703125, 401.0316162109375], [53.22639846801758, 401.02996826171875], [52.66832733154297, 401.0282897949219], [52.110252380371094, 401.0266418457031], [51.552181243896484, 401.0249938964844], [50.99410629272461, 401.0233459472656], [50.43605041503906, 401.0216979980469], [49.87797927856445, 401.02001953125], [49.31990432739258, 401.0189514160156], [48.76182556152344, 401.0190734863281], [48.203758239746094, 401.0207214355469], [47.64569854736328, 401.0238037109375], [47.0876579284668, 401.0283203125], [46.52960205078125, 401.0343017578125], [45.971580505371094, 401.0414733886719], [45.41357421875, 401.0497741699219], [44.855567932128906, 401.0592041015625], [44.297611236572266, 401.0697937011719], [43.73965835571289, 401.0814514160156], [43.18171691894531, 401.09320068359375], [42.623809814453125, 401.1068115234375], [42.06589889526367, 401.1203918457031], [41.50802230834961, 401.1351623535156], [40.95016860961914, 401.1502990722656], [40.39230728149414, 401.1659851074219], [39.83447265625, 401.182373046875], [39.27663803100586, 401.19891357421875], [38.718841552734375, 401.2164306640625], [38.16105651855469, 401.23394775390625], [37.60325622558594, 401.2514953613281], [37.04545593261719, 401.2690124511719], [36.487667083740234, 401.2867126464844], [35.92987823486328, 401.30462646484375], [35.37208938598633, 401.322509765625], [34.8143196105957, 401.3404235839844], [34.25653076171875, 401.35833740234375], [33.698734283447266, 401.3757629394531], [33.14093017578125, 401.39312744140625], [32.583106994628906, 401.4100341796875], [32.02528762817383, 401.426513671875], [31.467456817626953, 401.44281005859375], [30.909591674804688, 401.4581298828125], [30.351726531982422, 401.4734191894531], [29.79383659362793, 401.4873962402344], [29.235931396484375, 401.5011901855469], [28.67801284790039, 401.513916015625], [28.12006378173828, 401.5257873535156], [27.562101364135742, 401.53729248046875], [27.004125595092773, 401.5474548339844], [26.446123123168945, 401.5564880371094], [25.888113021850586, 401.5643005371094], [25.330087661743164, 401.5709228515625], [24.772029876708984, 401.5763244628906], [24.21397590637207, 401.5804138183594], [23.655908584594727, 401.5830993652344], [23.097850799560547, 401.5843505859375], [22.539783477783203, 401.5840759277344], [21.981712341308594, 401.58203125], [21.42363929748535, 401.57818603515625], [20.865596771240234, 401.5725402832031], [20.307575225830078, 401.5650939941406], [19.74959945678711, 401.5556945800781], [19.191650390625, 401.5442810058594], [18.633731842041016, 401.53082275390625], [18.07588005065918, 401.5151672363281], [17.518089294433594, 401.49725341796875], [16.96040916442871, 401.4766845703125], [16.40280532836914, 401.45367431640625], [15.845322608947754, 401.4281005859375], [15.287965774536133, 401.39990234375], [14.730754852294922, 401.36895751953125], [14.173713684082031, 401.335205078125], [13.61685848236084, 401.2985534667969], [13.060174942016602, 401.25909423828125], [12.503761291503906, 401.2161865234375], [11.947595596313477, 401.1700439453125], [11.391730308532715, 401.1204833984375], [10.836198806762695, 401.0673828125], [10.281003952026367, 401.0107421875], [9.726197242736816, 400.950439453125], [9.171832084655762, 400.88629150390625], [8.624361991882324, 400.78460693359375], [8.127180099487305, 400.5353088378906], [7.706707000732422, 400.1700439453125], [7.358236312866211, 399.73480224609375], [7.06716251373291, 399.2589416503906], [6.819914817810059, 398.7587890625], [6.60578727722168, 398.2435302734375], [6.417086124420166, 397.7184143066406], [6.247847557067871, 397.1866455078125], [6.092538356781006, 396.6506042480469], [5.946728229522705, 396.1119384765625], [5.80479621887207, 395.57220458984375], [5.685039520263672, 395.0272216796875], [5.596343517303467, 394.4763488769531], [5.537746906280518, 393.9214172363281], [5.509877681732178, 393.3641357421875], [5.514557361602783, 392.80615234375], [5.554825782775879, 392.2496643066406], [5.635164260864258, 391.69757080078125], [5.761688709259033, 391.15423583984375], [5.941728591918945, 390.6263122558594], [6.184455871582031, 390.1242370605469], [6.476639270782471, 389.6489562988281], [6.8020758628845215, 389.1957092285156], [7.154440879821777, 388.7630615234375], [7.527862071990967, 388.3484191894531], [7.917654991149902, 387.9490661621094], [8.319835662841797, 387.56219482421875], [8.731029510498047, 387.1849060058594], [9.148186683654785, 386.814208984375], [9.568826675415039, 386.44744873046875], [9.990156173706055, 386.0815124511719], [10.41053295135498, 385.7144470214844], [10.827012062072754, 385.3429870605469], [11.237401962280273, 384.9648132324219], [11.638572692871094, 384.576904296875], [12.027488708496094, 384.17669677734375], [12.402008056640625, 383.76300048828125], [12.773113250732422, 383.34619140625], [13.14478588104248, 382.9299011230469], [13.516766548156738, 382.5138854980469], [13.889727592468262, 382.0987243652344], [14.26276969909668, 381.68365478515625], [14.635811805725098, 381.2685852050781], [15.009319305419922, 380.85394287109375], [15.383352279663086, 380.43975830078125], [15.75738525390625, 380.02557373046875], [16.131439208984375, 379.61138916015625], [16.50594711303711, 379.1976318359375], [16.880435943603516, 378.7839050292969], [17.25494384765625, 378.37017822265625], [17.629440307617188, 377.9564208984375], [18.003934860229492, 377.5426330566406], [18.378429412841797, 377.1288757324219], [18.752853393554688, 376.7150573730469], [19.1268367767334, 376.30084228515625], [19.500818252563477, 375.8866271972656], [19.874801635742188, 375.4723815917969], [20.24810218811035, 375.05755615234375], [20.62103843688965, 374.6424255371094], [20.99399757385254, 374.2272644042969], [21.366737365722656, 373.8119201660156], [21.738618850708008, 373.39581298828125], [22.110082626342773, 372.97930908203125], [22.481077194213867, 372.5624084472656], [22.851295471191406, 372.1448059082031], [23.221240997314453, 371.7269592285156], [23.590072631835938, 371.3081359863281], [23.95850944519043, 370.88897705078125], [24.326053619384766, 370.4690246582031], [24.692760467529297, 370.0483703613281], [25.058895111083984, 369.627197265625], [25.423690795898438, 369.2048645019531], [25.78804588317871, 368.78216552734375], [26.150955200195312, 368.3581848144531], [26.51310157775879, 367.9335632324219], [26.874189376831055, 367.508056640625], [27.2338809967041, 367.0813903808594], [27.592992782592773, 366.6542053222656], [27.95042610168457, 366.2256164550781], [28.306612014770508, 365.79595947265625], [28.66144561767578, 365.3652648925781], [29.014934539794922, 364.9334411621094], [29.367040634155273, 364.5004577636719], [29.717697143554688, 364.0662841796875], [30.066680908203125, 363.6308288574219], [30.41410255432129, 363.1940612792969], [30.759883880615234, 362.7560119628906], [31.104001998901367, 362.3166809082031], [31.446401596069336, 361.8760070800781], [31.787023544311523, 361.43389892578125], [32.1255989074707, 360.9902648925781], [32.4603385925293, 360.5437927246094], [32.7624626159668, 360.0747985839844], [33.02500915527344, 359.5824890136719], [33.251068115234375, 359.0723876953125], [33.44388198852539, 358.54876708984375], [33.60663986206055, 358.0150451660156], [33.74240493774414, 357.4737854003906], [33.8538818359375, 356.927001953125], [33.943382263183594, 356.3761901855469], [34.012962341308594, 355.822509765625], [34.06425094604492, 355.2668151855469], [34.0977897644043, 354.7098083496094], [34.10912322998047, 354.1518859863281], [34.09882736206055, 353.5939636230469], [34.06817626953125, 353.0367431640625], [34.01790237426758, 352.48095703125], [33.948856353759766, 351.9272155761719], [33.86164855957031, 351.37603759765625], [33.75662612915039, 350.82794189453125], [33.63429641723633, 350.2834777832031], [33.49468231201172, 349.7431640625], [33.337989807128906, 349.2075500488281], [33.16410827636719, 348.6773376464844], [32.978736877441406, 348.15093994140625], [32.792022705078125, 347.6250305175781], [32.6041145324707, 347.09954833984375], [32.4150276184082, 346.574462890625], [32.224815368652344, 346.0498352050781], [32.03324890136719, 345.5256652832031], [31.840606689453125, 345.00189208984375], [31.646953582763672, 344.478515625], [31.45231056213379, 343.9554748535156], [31.256711959838867, 343.43280029296875], [31.06015396118164, 342.9105224609375], [30.862525939941406, 342.3885803222656], [30.66407585144043, 341.86700439453125], [30.46479606628418, 341.345703125], [30.26461410522461, 340.8247985839844], [30.06346321105957, 340.3042297363281], [29.86231231689453, 339.7836608886719], [29.659671783447266, 339.263671875], [29.456830978393555, 338.7437744140625], [29.25331687927246, 338.22412109375], [29.048992156982422, 337.7048034667969], [28.844650268554688, 337.1855163574219], [28.639053344726562, 336.66668701171875], [28.43345832824707, 336.1478576660156], [28.227230072021484, 335.6292724609375], [28.02057647705078, 335.1108703613281], [27.813793182373047, 334.5925598144531], [27.606279373168945, 334.0744934082031], [27.398765563964844, 333.5564270019531], [27.190616607666016, 333.0386047363281], [26.982234954833984, 332.5209045410156], [26.773855209350586, 332.003173828125], [26.565486907958984, 331.4855041503906], [26.357107162475586, 330.9678039550781], [26.14832878112793, 330.4502258300781], [25.93948745727539, 329.9327087402344], [25.730648040771484, 329.4151916503906], [25.521806716918945, 328.89764404296875], [25.312965393066406, 328.380126953125], [25.104490280151367, 327.86248779296875], [24.896011352539062, 327.3448181152344], [24.687530517578125, 326.8271484375], [24.479049682617188, 326.3094787597656], [24.270679473876953, 325.7917785644531], [24.062990188598633, 325.2737731933594], [23.855300903320312, 324.75579833984375], [23.648170471191406, 324.2375793457031], [23.4412841796875, 323.7192687988281], [23.23465919494629, 323.2008361816406], [23.028778076171875, 322.68212890625], [22.822895050048828, 322.1634216308594], [22.618038177490234, 321.6443176269531], [22.41338348388672, 321.1251220703125], [22.209312438964844, 320.605712890625], [22.006101608276367, 320.08599853515625], [21.802879333496094, 319.56622314453125], [21.601242065429688, 319.04583740234375], [21.399654388427734, 318.52545166015625], [21.199068069458008, 318.004638671875], [20.99933433532715, 317.4835510253906], [20.79978370666504, 316.96240234375], [20.60157012939453, 316.4407043457031], [20.404340744018555, 315.91864013671875], [20.208003997802734, 315.396240234375], [20.012588500976562, 314.87347412109375], [19.818138122558594, 314.35040283203125], [19.624664306640625, 313.8269348144531], [19.43242073059082, 313.3030090332031], [19.241323471069336, 312.7786865234375], [19.05132484436035, 312.2539367675781], [18.862464904785156, 311.7287902832031], [18.674781799316406, 311.2032470703125], [18.488309860229492, 310.6772766113281], [18.30339241027832, 310.15069580078125], [18.11976432800293, 309.6236877441406], [17.93745994567871, 309.09625244140625], [17.756513595581055, 308.568359375], [17.577056884765625, 308.0399169921875], [17.40547752380371, 307.5088806152344], [17.24541664123535, 306.9742736816406], [17.096240997314453, 306.4365234375], [16.958040237426758, 305.8958435058594], [16.830236434936523, 305.35260009765625], [16.712900161743164, 304.8070068359375], [16.605480194091797, 304.2593994140625], [16.508092880249023, 303.70989990234375], [16.420166015625, 303.1587829589844], [16.341882705688477, 302.60626220703125], [16.272668838500977, 302.0525207519531], [16.21269416809082, 301.4976806640625], [16.161476135253906, 300.94195556640625], [16.119144439697266, 300.385498046875], [16.085294723510742, 299.8284606933594], [16.060056686401367, 299.2709655761719], [16.043054580688477, 298.7131652832031], [16.034452438354492, 298.1551513671875], [16.03324317932129, 297.5970764160156], [16.038267135620117, 297.0390319824219], [16.049129486083984, 296.4811096191406], [16.065467834472656, 295.92327880859375], [16.08700942993164, 295.3656311035156], [16.11366844177246, 294.80816650390625], [16.144994735717773, 294.2509765625], [16.1806697845459, 293.6940612792969], [16.220428466796875, 293.13739013671875], [16.264205932617188, 292.5810241699219], [16.31154441833496, 292.02496337890625], [16.362125396728516, 291.4692077636719], [16.415685653686523, 290.9137268066406], [16.471965789794922, 290.3584899902344], [16.53070068359375, 289.8035583496094], [16.591644287109375, 289.2488098144531], [16.65452766418457, 288.69427490234375], [16.71918296813965, 288.1399841308594], [16.785675048828125, 287.58587646484375], [16.852611541748047, 287.0318298339844], [16.920841217041016, 286.4779357910156], [16.98950958251953, 285.9241027832031], [17.058685302734375, 285.3703308105469], [17.127859115600586, 284.8165588378906], [17.197031021118164, 284.2628173828125], [17.26556396484375, 283.7089538574219], [17.33384895324707, 283.15509033203125], [17.40070343017578, 282.60101318359375], [17.467411041259766, 282.0469665527344], [17.53380584716797, 281.49285888671875], [17.600200653076172, 280.9387512207031], [17.666597366333008, 280.3846130371094], [17.73299217224121, 279.83050537109375], [17.799495697021484, 279.27642822265625], [17.86705780029297, 278.7224426269531], [17.93461799621582, 278.16851806640625], [18.002180099487305, 277.6145324707031], [18.06974220275879, 277.0605773925781], [18.137304306030273, 276.506591796875], [18.20578384399414, 275.9527282714844], [18.274402618408203, 275.3988952636719], [18.3430233001709, 274.84503173828125], [18.41164207458496, 274.29119873046875], [18.480260848999023, 273.73736572265625], [18.54948616027832, 273.1836242675781], [18.61905288696289, 272.6298828125], [18.688615798950195, 272.0762023925781], [18.758182525634766, 271.5224914550781], [18.827749252319336, 270.96875], [18.897661209106445, 270.41510009765625], [18.96806526184082, 269.8614807128906], [19.038467407226562, 269.307861328125], [19.108871459960938, 268.7542419433594], [19.179275512695312, 268.20062255859375], [19.249814987182617, 267.6470031738281], [19.320945739746094, 267.0934753417969], [19.39207649230957, 266.5399475097656], [19.46320343017578, 265.9864501953125], [19.534334182739258, 265.4329528808594], [19.605464935302734, 264.8794250488281], [19.677181243896484, 264.32598876953125], [19.74892807006836, 263.7725524902344], [19.820674896240234, 263.2191162109375], [19.892419815063477, 262.6656494140625], [19.96416664123535, 262.1122131347656], [20.036285400390625, 261.5588073730469], [20.108539581298828, 261.00543212890625], [20.1807918548584, 260.4520568847656], [20.253042221069336, 259.8987121582031], [20.325294494628906, 259.3453063964844], [20.3978214263916, 258.7919921875], [20.47061538696289, 258.2386779785156], [20.54340934753418, 257.68536376953125], [20.61620330810547, 257.1320495605469], [20.688997268676758, 256.5787353515625], [20.761791229248047, 256.02545166015625], [20.834585189819336, 255.47213745117188], [20.907379150390625, 254.9188232421875], [20.980173110961914, 254.3655242919922], [21.052963256835938, 253.81224060058594], [21.125774383544922, 253.25894165039062], [21.19892120361328, 252.70567321777344], [21.272069931030273, 252.1524200439453], [21.345218658447266, 251.59915161132812], [21.418367385864258, 251.0458984375], [21.491514205932617, 250.4926300048828], [21.56466293334961, 249.9393768310547], [21.6378116607666, 249.38612365722656], [21.710960388183594, 248.83285522460938], [21.784107208251953, 248.27960205078125], [21.85725212097168, 247.7263641357422], [21.930349349975586, 247.17311096191406], [22.0034122467041, 246.61984252929688], [22.076475143432617, 246.06655883789062], [22.149538040161133, 245.51329040527344], [22.22260093688965, 244.96002197265625], [22.295663833618164, 244.40675354003906], [22.36872673034668, 243.85348510742188], [22.441789627075195, 243.30020141601562], [22.51485252380371, 242.74693298339844], [22.58791732788086, 242.19366455078125], [22.660905838012695, 241.64039611816406], [22.733444213867188, 241.08706665039062], [22.805984497070312, 240.53372192382812], [22.878522872924805, 239.98037719726562], [22.95106315612793, 239.42703247070312], [23.023601531982422, 238.8737030029297], [23.096141815185547, 238.3203582763672], [23.16868019104004, 237.7670135498047], [23.24121856689453, 237.2136688232422], [23.313758850097656, 236.66033935546875], [23.38629722595215, 236.10699462890625], [23.458454132080078, 235.55364990234375], [23.530441284179688, 235.00022888183594], [23.602428436279297, 234.4468231201172], [23.674415588378906, 233.89340209960938], [23.74640464782715, 233.33999633789062], [23.818391799926758, 232.78659057617188], [23.890378952026367, 232.23316955566406], [23.962366104125977, 231.6797637939453], [24.034353256225586, 231.1263427734375], [24.106340408325195, 230.57293701171875], [24.178327560424805, 230.01951599121094], [24.25031089782715, 229.4661407470703], [24.322298049926758, 228.9127197265625], [24.394285202026367, 228.35931396484375], [24.46627426147461, 227.805908203125], [24.53826141357422, 227.2524871826172], [24.610248565673828, 226.69908142089844], [24.682235717773438, 226.14566040039062], [24.754222869873047, 225.59225463867188], [24.826210021972656, 225.03883361816406], [24.898197174072266, 224.4854278564453], [24.970184326171875, 223.9320068359375], [25.04216766357422, 223.37863159179688], [25.113985061645508, 222.8251953125], [25.1857967376709, 222.27175903320312], [25.257606506347656, 221.71832275390625], [25.329416275024414, 221.16488647460938], [25.401226043701172, 220.6114501953125], [25.473037719726562, 220.05801391601562], [25.54484748840332, 219.50457763671875], [25.616657257080078, 218.95114135742188], [25.688467025756836, 218.397705078125], [25.760276794433594, 217.84426879882812], [25.83208465576172, 217.29086303710938], [25.903894424438477, 216.73744201660156], [25.975704193115234, 216.1840057373047], [26.047513961791992, 215.6305694580078], [26.11932373046875, 215.07713317871094], [26.19113540649414, 214.52369689941406], [26.2629451751709, 213.9702606201172], [26.334754943847656, 213.4168243408203], [26.406564712524414, 212.86338806152344], [26.478376388549805, 212.30995178222656], [26.550182342529297, 211.7565460205078], [26.621992111206055, 211.20310974121094], [26.693815231323242, 210.64967346191406], [26.765687942504883, 210.09625244140625], [26.83755874633789, 209.54281616210938], [26.90943145751953, 208.98939514160156], [26.981304168701172, 208.43597412109375], [27.05317497253418, 207.88253784179688], [27.12504768371582, 207.32911682128906], [27.196918487548828, 206.7756805419922], [27.26879119873047, 206.22225952148438], [27.34065818786621, 205.66885375976562], [27.41253089904785, 205.1154327392578], [27.48440170288086, 204.56201171875], [27.5562744140625, 204.00857543945312], [27.62814712524414, 203.4551544189453], [27.70001792907715, 202.90171813964844], [27.77189064025879, 202.34829711914062], [27.843761444091797, 201.79486083984375], [27.915634155273438, 201.24143981933594], [27.987504959106445, 200.68801879882812], [28.059377670288086, 200.13458251953125], [28.131244659423828, 199.58119201660156], [28.20311737060547, 199.0277557373047], [28.27499008178711, 198.47433471679688], [28.346860885620117, 197.9208984375], [28.418733596801758, 197.3674774169922], [28.490604400634766, 196.81405639648438], [28.562477111816406, 196.2606201171875], [28.634347915649414, 195.7071990966797], [28.706220626831055, 195.1537628173828], [28.778091430664062, 194.600341796875], [28.849964141845703, 194.04690551757812], [28.921831130981445, 193.49351501464844], [28.993703842163086, 192.94009399414062], [29.065576553344727, 192.38665771484375], [29.137447357177734, 191.83323669433594], [29.209320068359375, 191.27980041503906], [29.281190872192383, 190.72637939453125], [29.353063583374023, 190.17294311523438], [29.42493438720703, 189.61952209472656], [29.496807098388672, 189.06610107421875], [29.568679809570312, 188.51266479492188], [29.64055061340332, 187.95924377441406], [29.712419509887695, 187.4058380126953], [29.784290313720703, 186.8524169921875], [29.856163024902344, 186.29898071289062], [29.92803382873535, 185.7455596923828], [30.000213623046875, 185.19216918945312], [30.072473526000977, 184.6387939453125], [30.144733428955078, 184.08541870117188], [30.216995239257812, 183.5320281982422], [30.289255142211914, 182.97865295410156], [30.36151695251465, 182.42527770996094], [30.43377685546875, 181.8719024658203], [30.50603485107422, 181.3185577392578], [30.57829475402832, 180.7651824951172], [30.650556564331055, 180.21180725097656], [30.722816467285156, 179.65843200683594], [30.79507827758789, 179.10504150390625], [30.867338180541992, 178.55166625976562], [30.939599990844727, 177.998291015625], [31.011859893798828, 177.44491577148438], [31.084121704101562, 176.89154052734375], [31.156381607055664, 176.33816528320312], [31.2286434173584, 175.7847900390625], [31.300899505615234, 175.2314453125], [31.37316131591797, 174.67807006835938], [31.44542121887207, 174.12469482421875], [31.517683029174805, 173.57130432128906], [31.5899658203125, 173.01791381835938], [31.662565231323242, 172.46458435058594], [31.73516273498535, 171.9112548828125], [31.807762145996094, 171.35792541503906], [31.880359649658203, 170.80459594726562], [31.952957153320312, 170.25125122070312], [32.02555465698242, 169.6979217529297], [32.09815216064453, 169.14462280273438], [32.17074966430664, 168.59129333496094], [32.24334716796875, 168.03794860839844], [32.31594467163086, 167.484619140625], [32.38854217529297, 166.93128967285156], [32.46133804321289, 166.37799072265625], [32.53421401977539, 165.82469177246094], [32.607093811035156, 165.27139282226562], [32.67997360229492, 164.71810913085938], [32.75284957885742, 164.16481018066406], [32.82572937011719, 163.61151123046875], [32.89860534667969, 163.05824279785156], [32.97148132324219, 162.50494384765625], [33.04436111450195, 161.95166015625], [33.11724090576172, 161.3983612060547], [33.190120697021484, 160.84506225585938], [33.26316833496094, 160.29177856445312], [33.3365478515625, 159.73855590820312], [33.40992736816406, 159.18531799316406], [33.483306884765625, 158.63209533691406], [33.55668640136719, 158.078857421875], [33.63006591796875, 157.525634765625], [33.70344161987305, 156.97242736816406], [33.77682113647461, 156.41920471191406], [33.85020065307617, 155.865966796875], [33.923580169677734, 155.312744140625], [33.9969596862793, 154.759521484375], [34.07033920288086, 154.20628356933594], [34.14371871948242, 153.65306091308594], [34.217098236083984, 153.09982299804688], [34.29047775268555, 152.54660034179688], [34.36385726928711, 151.9933624267578], [34.437232971191406, 151.4401397705078], [34.5106086730957, 150.88693237304688], [34.583988189697266, 150.33370971679688], [34.65736770629883, 149.7804718017578], [34.73074722290039, 149.2272491455078], [34.80412673950195, 148.67401123046875], [34.877506256103516, 148.12078857421875], [34.95124435424805, 147.56761169433594], [35.02520751953125, 147.01446533203125], [35.09917068481445, 146.4613037109375], [35.173133850097656, 145.9081573486328], [35.24709701538086, 145.35501098632812], [35.32105255126953, 144.8018798828125], [35.395015716552734, 144.2487335205078], [35.46897888183594, 143.69557189941406], [35.54294204711914, 143.14242553710938], [35.616905212402344, 142.5892791748047], [35.69086837768555, 142.03611755371094], [35.76494598388672, 141.48297119140625], [35.839351654052734, 140.9298858642578], [35.913753509521484, 140.3767852783203], [35.9881591796875, 139.82369995117188], [36.062564849853516, 139.27059936523438], [36.136966705322266, 138.71754455566406], [36.21137237548828, 138.16444396972656], [36.2857780456543, 137.61135864257812], [36.36018753051758, 137.0582275390625], [36.43458938598633, 136.5051727294922], [36.50899887084961, 135.95204162597656], [36.58340072631836, 135.39898681640625], [36.658206939697266, 134.84600830078125], [36.73307800292969, 134.29293823242188], [36.80794143676758, 133.7399444580078], [36.8828125, 133.1868896484375], [36.95767593383789, 132.63388061523438], [37.03254699707031, 132.08082580566406], [37.1074104309082, 131.52781677246094], [37.182281494140625, 130.97476196289062], [37.25714111328125, 130.42176818847656], [37.33201217651367, 129.8686981201172], [37.407066345214844, 129.31570434570312], [37.48236083984375, 128.7627716064453], [37.55766296386719, 128.2097625732422], [37.63295364379883, 127.65682220458984], [37.708255767822266, 127.10382080078125], [37.78355026245117, 126.5508804321289], [37.858848571777344, 125.99787902832031], [37.93414306640625, 125.44493103027344], [38.00944519042969, 124.89192962646484], [38.08473587036133, 124.3389892578125], [38.160030364990234, 123.78604888916016], [38.235721588134766, 123.23311614990234], [38.31140899658203, 122.68022918701172], [38.387107849121094, 122.12728118896484], [38.462799072265625, 121.57439422607422], [38.53849792480469, 121.02144622802734], [38.61418533325195, 120.46855926513672], [38.689884185791016, 119.91561126708984], [38.76557540893555, 119.36272430419922], [38.84127426147461, 118.80977630615234], [38.916961669921875, 118.25688934326172], [38.99285125732422, 117.70402526855469], [39.068912506103516, 117.151123046875], [39.14496612548828, 116.5982894897461], [39.221031188964844, 116.0453872680664], [39.29708480834961, 115.4925537109375], [39.37314987182617, 114.93965148925781], [39.44920349121094, 114.3868179321289], [39.5252685546875, 113.83392333984375], [39.601322174072266, 113.28108215332031], [39.67738723754883, 112.72818756103516], [39.75347137451172, 112.17533874511719], [39.82986068725586, 111.62254333496094], [39.906253814697266, 111.06969451904297], [39.98263931274414, 110.51689910888672], [40.05903625488281, 109.96405029296875], [40.13542175292969, 109.4112548828125], [40.21181869506836, 108.85840606689453], [40.288204193115234, 108.30561065673828], [40.364601135253906, 107.75276184082031], [40.44098663330078, 107.19996643066406], [40.51738357543945, 106.6471176147461], [40.593963623046875, 106.0943374633789], [40.670650482177734, 105.54158782958984], [40.747344970703125, 104.98877716064453], [40.824031829833984, 104.43602752685547], [40.90073013305664, 103.88321685791016], [40.9774169921875, 103.3304672241211], [41.05411148071289, 102.77765655517578], [41.13079833984375, 102.22490692138672], [41.207496643066406, 101.6720962524414], [41.284183502197266, 101.11934661865234], [41.360923767089844, 100.56657409667969], [41.4378776550293, 100.01385498046875], [41.51483154296875, 99.46114349365234], [41.591793060302734, 98.90837097167969], [41.66874694824219, 98.35565948486328], [41.74571228027344, 97.80288696289062], [41.82266616821289, 97.25017547607422], [41.899627685546875, 96.69739532470703], [41.97658157348633, 96.14468383789062], [42.05354690551758, 95.59191131591797], [42.13050079345703, 95.03919982910156], [42.207637786865234, 94.48641204833984], [42.284828186035156, 93.93373107910156], [42.36201477050781, 93.38105010986328], [42.439212799072266, 92.82831573486328], [42.51640319824219, 92.275634765625], [42.593597412109375, 91.72289276123047], [42.6707878112793, 91.17021179199219], [42.74798583984375, 90.61746978759766], [42.825172424316406, 90.06478881835938], [42.90237045288086, 89.51204681396484], [42.979610443115234, 88.95940399169922], [43.057010650634766, 88.40669250488281], [43.134403228759766, 87.85404205322266], [43.2117919921875, 87.3013916015625], [43.28919219970703, 86.74867248535156], [43.36658477783203, 86.1960220336914], [43.44398498535156, 85.643310546875], [43.5213737487793, 85.09066009521484], [43.59877395629883, 84.53794860839844], [43.67616653442383, 83.98529815673828], [43.753562927246094, 83.43257904052734], [43.83110427856445, 82.8799057006836], [43.90867233276367, 82.32721710205078], [43.98623275756836, 81.77458953857422], [44.06379318237305, 81.22196197509766], [44.141361236572266, 80.66927337646484], [44.21892166137695, 80.11664581298828], [44.29648971557617, 79.56395721435547], [44.37405014038086, 79.01132202148438], [44.45161819458008, 78.45863342285156], [44.529178619384766, 77.906005859375], [44.60679626464844, 77.35334014892578], [44.68449401855469, 76.80072784423828], [44.762203216552734, 76.24806213378906], [44.83989715576172, 75.69544982910156], [44.91759490966797, 75.1428451538086], [44.995304107666016, 74.59017181396484], [45.073001861572266, 74.03756713867188], [45.15070724487305, 73.48489379882812], [45.2284049987793, 72.93228912353516], [45.30611038208008, 72.3796157836914], [45.38380813598633, 71.82701110839844], [45.461605072021484, 71.27437591552734], [45.53940963745117, 70.72178649902344], [45.617218017578125, 70.16912841796875], [45.69502258300781, 69.61653137207031], [45.772823333740234, 69.0639419555664], [45.85063552856445, 68.51128387451172], [45.928436279296875, 67.95869445800781], [46.00624465942383, 67.40603637695312], [46.084049224853516, 66.85343933105469], [46.16185760498047, 66.30078887939453], [46.239715576171875, 65.7481689453125], [46.317623138427734, 65.19552612304688], [46.39552307128906, 64.6429443359375], [46.47343444824219, 64.09030151367188], [46.551334381103516, 63.53772735595703], [46.629234313964844, 62.985145568847656], [46.7071418762207, 62.43250274658203], [46.78504180908203, 61.879920959472656], [46.862953186035156, 61.3272819519043], [46.940853118896484, 60.77470397949219], [47.018760681152344, 60.22206115722656], [47.09666061401367, 59.66947937011719], [47.1745719909668, 59.11684036254883], [47.252471923828125, 58.56425857543945], [47.330379486083984, 58.011619567871094], [47.40827941894531, 57.45903778076172], [47.48617935180664, 56.906455993652344], [47.564090728759766, 56.353816986083984], [47.641990661621094, 55.80123519897461], [47.71989822387695, 55.24859619140625], [47.79779815673828, 54.696014404296875], [47.875709533691406, 54.143375396728516], [47.953609466552734, 53.59079360961914], [48.031517028808594, 53.03815460205078], [48.10942077636719, 52.485572814941406], [48.18732833862305, 51.93292999267578], [48.265228271484375, 51.38035202026367], [48.3431282043457, 50.8277702331543], [48.42103958129883, 50.27513122558594], [48.498939514160156, 49.72254943847656], [48.576847076416016, 49.16990661621094], [48.654747009277344, 48.61732864379883], [48.73265838623047, 48.0646858215332], [48.8105583190918, 47.512107849121094], [48.888465881347656, 46.95946502685547], [48.966365814208984, 46.40688705444336], [49.04427719116211, 45.854244232177734], [49.12217712402344, 45.301666259765625], [49.200077056884766, 44.74908447265625], [49.277984619140625, 44.196441650390625], [49.35588455200195, 43.643863677978516], [49.43379592895508, 43.09122085571289], [49.511253356933594, 42.538570404052734], [49.58808135986328, 41.985816955566406], [49.66411590576172, 41.432960510253906], [49.73915100097656, 40.879920959472656], [49.81355285644531, 40.326866149902344], [49.88742446899414, 39.773658752441406], [49.960792541503906, 39.22045135498047], [50.033592224121094, 38.66717529296875], [50.10596466064453, 38.11379623413086], [50.178165435791016, 37.56044387817383], [50.2503547668457, 37.00700759887695], [50.32223129272461, 36.453609466552734], [50.39411926269531, 35.90015411376953], [50.46611022949219, 35.346771240234375], [50.53826141357422, 34.7933464050293], [50.61040496826172, 34.239986419677734], [50.6829833984375, 33.68662643432617], [50.75593566894531, 33.13336944580078], [50.82928466796875, 32.58018112182617], [50.90327072143555, 32.027000427246094], [50.977928161621094, 31.47395896911621], [51.05324172973633, 30.920934677124023], [51.12923812866211, 30.36813735961914], [51.20623016357422, 29.81536865234375], [51.28411102294922, 29.262737274169922], [51.36309051513672, 28.71025276184082], [51.44318771362305, 28.15800666809082], [51.52450180053711, 27.605871200561523], [51.60711669921875, 27.053964614868164], [51.69109344482422, 26.50225257873535], [51.77655029296875, 25.950777053833008], [51.86351776123047, 25.399503707885742], [51.95216369628906, 24.848482131958008], [52.04244613647461, 24.297840118408203], [52.13461685180664, 23.747358322143555], [52.22855758666992, 23.197307586669922], [52.32457733154297, 22.647506713867188], [52.422508239746094, 22.09813117980957], [52.52271270751953, 21.549089431762695], [52.624961853027344, 21.00047492980957], [52.729671478271484, 20.452390670776367], [52.836570739746094, 19.904621124267578], [52.94567108154297, 19.357349395751953], [53.05414962768555, 18.809871673583984], [53.16184616088867, 18.262317657470703], [53.27021789550781, 17.71485137939453], [53.38030242919922, 17.16778564453125], [53.49363327026367, 16.62128448486328], [53.61125946044922, 16.07575225830078], [53.734397888183594, 15.531440734863281], [53.8642578125, 14.988731384277344], [54.00225067138672, 14.448003768920898], [54.1497802734375, 13.909782409667969], [54.308231353759766, 13.37470531463623], [54.479286193847656, 12.843482971191406], [54.664573669433594, 12.317072868347168], [54.86610412597656, 11.796677589416504], [55.08576965332031, 11.2837495803833], [55.325767517089844, 10.77991008758545], [55.58841323852539, 10.287579536437988], [55.876007080078125, 9.809369087219238], [56.190731048583984, 9.348672866821289], [56.55243682861328, 8.924493789672852], [56.9718017578125, 8.556872367858887], [57.43186569213867, 8.241402626037598], [57.91958999633789, 7.970479488372803], [58.42589569091797, 7.736004829406738], [58.9447135925293, 7.530510902404785], [59.4719123840332, 7.347639560699463], [60.004798889160156, 7.18180513381958], [60.54121017456055, 7.02800178527832], [61.07979965209961, 6.881747245788574], [61.619083404541016, 6.738283157348633], [62.157833099365234, 6.592866897583008], [62.694908142089844, 6.440927028656006], [63.232234954833984, 6.290358543395996], [63.7711067199707, 6.145142078399658], [64.31172180175781, 6.006832122802734], [64.85449981689453, 5.87701940536499], [65.3995590209961, 5.757372856140137], [65.94715118408203, 5.649517059326172], [66.4971694946289, 5.555328369140625], [67.04971313476562, 5.476874351501465], [67.60443115234375, 5.416211128234863], [68.16098022460938, 5.375699043273926], [68.71875, 5.357736110687256], [69.27667999267578, 5.365005970001221], [69.83358001708984, 5.40015983581543], [70.38856506347656, 5.458199501037598], [70.94194030761719, 5.530481815338135], [71.49342346191406, 5.616098880767822], [72.04280853271484, 5.714285850524902], [72.58983612060547, 5.824308395385742], [73.1346435546875, 5.945571422576904], [73.67683410644531, 6.0774078369140625], [74.21654510498047, 6.21929407119751], [74.75373077392578, 6.370560646057129], [75.28831481933594, 6.530847072601318], [75.82027435302734, 6.699618816375732], [76.34953308105469, 6.876433849334717], [76.87623596191406, 7.0609893798828125], [77.40028381347656, 7.252758979797363], [77.9217529296875, 7.451606750488281], [78.44062042236328, 7.656982421875], [78.95698547363281, 7.868839263916016], [79.470703125, 8.086682319641113], [79.9814682006836, 8.311430931091309], [80.48881530761719, 8.544012069702148], [80.9925765991211, 8.784141540527344], [81.49271392822266, 9.031817436218262], [81.98889923095703, 9.287158012390137], [82.4811782836914, 9.550009727478027], [82.96935272216797, 9.820391654968262], [83.45323181152344, 10.098492622375488], [83.93264770507812, 10.384114265441895], [84.4074478149414, 10.677457809448242], [84.87728118896484, 10.978548049926758], [85.3420639038086, 11.287359237670898], [85.80155944824219, 11.60414981842041], [86.25535583496094, 11.928901672363281], [86.70333862304688, 12.261678695678711], [87.14508819580078, 12.602699279785156], [87.58028411865234, 12.952048301696777], [88.00885772705078, 13.30945873260498], [88.43143463134766, 13.674031257629395], [88.84818267822266, 14.045077323913574], [89.25941467285156, 14.42243480682373], [89.6650390625, 14.805624961853027], [90.06529235839844, 15.194548606872559], [90.46018981933594, 15.588850975036621], [90.84996795654297, 15.988277435302734], [91.2347183227539, 16.392547607421875], [91.61453247070312, 16.801387786865234], [91.98955535888672, 17.21468734741211], [92.35986328125, 17.632183074951172], [92.72566223144531, 18.053693771362305], [93.08699035644531, 18.478918075561523], [93.44410705566406, 18.9078369140625], [93.7969741821289, 19.340133666992188], [94.1457290649414, 19.77574920654297], [94.49063110351562, 20.214582443237305], [94.83163452148438, 20.656267166137695], [95.16900634765625, 21.10085105895996], [95.50191497802734, 21.54871368408203], [95.82809448242188, 22.001577377319336], [96.1476821899414, 22.459003448486328], [96.4612808227539, 22.92072105407715], [96.76922607421875, 23.38607406616211], [97.07230377197266, 23.854698181152344], [97.37083435058594, 24.32618522644043], [97.6654052734375, 24.80011749267578], [97.95664978027344, 25.276193618774414], [98.24498748779297, 25.754039764404297], [98.53107452392578, 26.23319435119629], [98.81531524658203, 26.713464736938477], [99.09845733642578, 27.19442367553711], [99.3809585571289, 27.6756534576416], [99.66337585449219, 28.15703010559082], [99.94620513916016, 28.638057708740234], [100.230224609375, 29.118541717529297], [100.51554870605469, 29.598066329956055], [100.80322265625, 30.0762996673584], [101.0935287475586, 30.552967071533203], [101.38705444335938, 31.027557373046875], [101.68440246582031, 31.49987030029297], [101.98596954345703, 31.969404220581055], [102.29251098632812, 32.43578338623047], [102.60419464111328, 32.898651123046875], [102.92190551757812, 33.35749816894531], [103.24561309814453, 33.81202697753906], [103.57157135009766, 34.26502227783203], [103.8987808227539, 34.71712875366211], [104.22750091552734, 35.168025970458984], [104.55775451660156, 35.617942810058594], [104.88955688476562, 36.06666564941406], [105.22320556640625, 36.514041900634766], [105.55878448486328, 36.95988082885742], [105.89635467529297, 37.404361724853516], [106.23585510253906, 37.847190856933594], [106.57782745361328, 38.28828048706055], [106.92206573486328, 38.72751998901367], [107.26887512207031, 39.1647834777832], [107.6181869506836, 39.599979400634766], [107.9702377319336, 40.032955169677734], [108.3250961303711, 40.46368408203125], [108.68286895751953, 40.891971588134766], [109.0437240600586, 41.31770324707031], [109.40762329101562, 41.74077224731445], [109.77491760253906, 42.16102981567383], [110.14541625976562, 42.578346252441406], [110.51947784423828, 42.99252700805664], [110.8969955444336, 43.403507232666016], [111.2781982421875, 43.81111145019531], [111.66310119628906, 44.21514129638672], [112.05167388916016, 44.61561584472656], [112.44151306152344, 45.01499557495117], [112.83161926269531, 45.41404342651367], [113.222412109375, 45.812496185302734], [113.61343383789062, 46.21064376831055], [114.00515747070312, 46.608177185058594], [114.39708709716797, 47.00543975830078], [114.78973388671875, 47.402061462402344], [115.18253326416016, 47.79842758178711], [115.57609558105469, 48.19414520263672], [115.96980285644531, 48.58965301513672], [116.36422729492188, 48.98442459106445], [116.7588119506836, 49.37907409667969], [117.15412902832031, 49.772953033447266], [117.54962158203125, 50.16678237915039], [117.94581604003906, 50.55977249145508], [118.34215545654297, 50.95273208618164], [118.73922729492188, 51.34484100341797], [119.13638305664062, 51.7369270324707], [119.53431701660156, 52.1281623840332], [119.93231964111328, 52.519412994384766], [120.33110046386719, 52.90978240966797], [120.7298812866211, 53.30015563964844], [121.12954711914062, 53.6897087097168], [121.52916717529297, 54.07921600341797], [121.92963409423828, 54.467933654785156], [122.33008575439453, 54.85658645629883], [122.73131561279297, 55.24446105957031], [123.1325912475586, 55.632266998291016], [123.53466033935547, 56.019378662109375], [123.93675231933594, 56.40634536743164], [124.33955383300781, 56.792606353759766], [124.74243927001953, 57.17873764038086], [125.14600372314453, 57.56419372558594], [125.54972839355469, 57.94953536987305], [125.95402526855469, 58.334171295166016], [126.35852813720703, 58.71868896484375], [126.76358032226562, 59.102542877197266], [127.16886138916016, 59.48624801635742], [127.57465362548828, 59.86932373046875], [127.98069763183594, 60.25222396850586], [128.38723754882812, 60.634544372558594], [128.79403686523438, 61.01664352416992], [129.20127868652344, 61.398170471191406], [129.60877990722656, 61.7794303894043], [130.01675415039062, 62.16019821166992], [130.42498779296875, 62.54066848754883], [130.8336944580078, 62.92071533203125], [131.24266052246094, 63.3004035949707], [131.652099609375, 63.67972183227539], [132.061767578125, 64.05863189697266], [132.47186279296875, 64.43717193603516], [132.8822479248047, 64.81531524658203], [133.29302978515625, 65.19312286376953], [133.70411682128906, 65.57050323486328], [134.1155242919922, 65.94752502441406], [134.52734375, 66.3241958618164], [134.93946838378906, 66.7005386352539], [135.3519744873047, 67.07645416259766], [135.76467895507812, 67.45201110839844], [136.1778564453125, 67.82718658447266], [136.5912322998047, 68.20205688476562], [137.0050811767578, 68.57650756835938], [137.4191436767578, 68.95069885253906], [137.8336639404297, 69.32440948486328], [138.24815368652344, 69.6980972290039], [138.66261291503906, 70.07176208496094], [139.0770263671875, 70.44558715820312], [139.49095153808594, 70.81986236572266], [139.9048614501953, 71.1942367553711], [140.31820678710938, 71.56914520263672], [140.7316131591797, 71.94409942626953], [141.14495849609375, 72.31901550292969], [141.558349609375, 72.69396209716797], [141.97140502929688, 73.06918334960938], [142.3844757080078, 73.44448852539062], [142.79750061035156, 73.81975555419922], [143.2105255126953, 74.19502258300781], [143.62368774414062, 74.57017517089844], [144.03689575195312, 74.94522857666016], [144.45016479492188, 75.32032775878906], [144.86337280273438, 75.69538116455078], [145.2768096923828, 76.07026672363281], [145.69049072265625, 76.44480895996094], [146.10435485839844, 76.8192367553711], [146.51852416992188, 77.1932373046875], [146.93284606933594, 77.56718444824219], [147.3476104736328, 77.94050598144531], [147.762451171875, 78.31383514404297], [148.1780242919922, 78.6863784790039], [148.5935516357422, 79.05887603759766], [149.00987243652344, 79.43049621582031], [149.42625427246094, 79.80203247070312], [149.84352111816406, 80.17273712158203], [150.26089477539062, 80.54315185546875], [150.6788787841797, 80.9129867553711], [151.09742736816406, 81.28203582763672], [151.5166015625, 81.65048217773438], [151.9363555908203, 82.01821899414062], [152.3567352294922, 82.3852310180664], [152.77780151367188, 82.75153350830078], [153.1995086669922, 83.11699676513672], [153.6219940185547, 83.4817123413086], [154.045166015625, 83.84552001953125], [154.46913146972656, 84.20845031738281], [154.89385986328125, 84.57044982910156], [155.31944274902344, 84.9314956665039], [155.74583435058594, 85.29150390625], [156.1731719970703, 85.65046691894531], [156.6013641357422, 86.00829315185547], [157.03053283691406, 86.36504364013672], [157.46063232421875, 86.72063446044922], [157.89169311523438, 87.07501220703125], [158.32383728027344, 87.42822265625], [158.75697326660156, 87.78014373779297], [159.19117736816406, 88.13076782226562], [159.6264190673828, 88.48001861572266], [160.0627899169922, 88.82791137695312], [160.50027465820312, 89.1743392944336], [160.93899536132812, 89.51936340332031], [161.37876892089844, 89.86280059814453], [161.81980895996094, 90.20472717285156], [162.26211547851562, 90.54508209228516], [162.7056427001953, 90.88378143310547], [163.1504669189453, 91.22081756591797], [163.59657287597656, 91.5561294555664], [164.04400634765625, 91.88972473144531], [164.49278259277344, 92.2214126586914], [164.94296264648438, 92.55126190185547], [165.39454650878906, 92.87915802001953], [165.84754943847656, 93.20512390136719], [166.3019256591797, 93.529052734375], [166.75779724121094, 93.85094451904297], [167.21835327148438, 94.16613006591797], [167.68922424316406, 94.46553039550781], [168.16961669921875, 94.7496109008789], [168.6583251953125, 95.01898193359375], [169.15451049804688, 95.27448272705078], [169.6571044921875, 95.51690673828125], [170.16546630859375, 95.74723815917969], [170.67864990234375, 95.96636962890625], [171.19619750976562, 96.17525482177734], [171.71730041503906, 96.37491607666016], [172.24143981933594, 96.56645202636719], [172.7682342529297, 96.75059509277344], [173.297119140625, 96.9285888671875], [173.82789611816406, 97.10115051269531], [174.35995483398438, 97.26946258544922], [174.89321899414062, 97.43414306640625], [175.4270782470703, 97.59663391113281], [175.96151733398438, 97.75746154785156], [176.49606323242188, 97.917724609375], [177.0305633544922, 98.07835388183594], [177.56459045410156, 98.24015045166016], [178.0980224609375, 98.40420532226562], [178.63046264648438, 98.57147979736328], [179.1614990234375, 98.74286651611328], [179.69091796875, 98.91944885253906], [180.2183380126953, 99.1019287109375], [180.7456817626953, 99.28459167480469], [181.2746124267578, 99.46245574951172], [181.80503845214844, 99.63597869873047], [182.33670043945312, 99.80551147460938], [182.86953735351562, 99.97154998779297], [183.40335083007812, 100.13431549072266], [183.9379119873047, 100.29454040527344], [184.47317504882812, 100.45252227783203], [185.00889587402344, 100.60862731933594], [185.54518127441406, 100.76321411132812], [186.08168029785156, 100.91679382324219], [186.61831665039062, 101.07014465332031], [187.15499877929688, 101.22307586669922], [187.69158935546875, 101.37641906738281], [188.22801208496094, 101.53028869628906], [188.76426696777344, 101.68500518798828], [189.29989624023438, 101.8414306640625], [189.8350372314453, 101.99980163574219], [190.36953735351562, 102.16024780273438], [190.90310668945312, 102.32373046875], [191.43576049804688, 102.49043273925781], [191.9671630859375, 102.6607437133789], [192.49734497070312, 102.83516693115234], [193.02589416503906, 103.0140151977539], [193.5528564453125, 103.19784545898438], [194.07789611816406, 103.38701629638672], [194.60081481933594, 103.58196258544922], [195.121337890625, 103.78308868408203], [195.63925170898438, 103.99083709716797], [196.15438842773438, 104.20565032958984], [196.6663055419922, 104.42792510986328], [197.1728057861328, 104.66226196289062], [197.67184448242188, 104.91192626953125], [198.1633758544922, 105.17615509033203], [198.64718627929688, 105.45419311523438], [199.1232452392578, 105.74546813964844], [199.59129333496094, 106.04939270019531], [200.05120849609375, 106.36549377441406], [200.50283813476562, 106.69324493408203], [200.94606018066406, 107.03226470947266], [201.38076782226562, 107.38229370117188], [201.80657958984375, 107.74291229248047], [202.2234344482422, 108.1140365600586], [202.63084411621094, 108.49534606933594], [203.02854919433594, 108.8868179321289], [203.41615295410156, 109.28829193115234], [203.79380798339844, 109.69915008544922], [204.1630096435547, 110.11759185791016], [204.52439880371094, 110.54289245605469], [204.8781280517578, 110.97452545166016], [205.22433471679688, 111.41216278076172], [205.56324768066406, 111.8555679321289], [205.89515686035156, 112.30416107177734], [206.22032165527344, 112.75779724121094], [206.53878784179688, 113.21601867675781], [206.8507843017578, 113.67872619628906], [207.1565704345703, 114.1455307006836], [207.4564208984375, 114.61628723144531], [207.75033569335938, 115.09062194824219], [208.03860473632812, 115.56855773925781], [208.32130432128906, 116.0496597290039], [208.5987091064453, 116.53389739990234], [208.8709716796875, 117.02108001708984], [209.1379852294922, 117.5110855102539], [209.40042114257812, 118.00363159179688], [209.6580352783203, 118.49864959716797], [209.9107666015625, 118.9962158203125], [210.1578826904297, 119.4965591430664], [210.3988494873047, 119.9999771118164], [210.63316345214844, 120.50645446777344], [210.85987854003906, 121.01641082763672], [211.07843017578125, 121.52989959716797], [211.2880096435547, 122.04708099365234], [211.4879150390625, 122.5680923461914], [211.67733764648438, 123.09304809570312], [211.85533142089844, 123.62197875976562], [212.02098083496094, 124.15482330322266], [212.1732635498047, 124.6917724609375], [212.3110809326172, 125.23249816894531], [212.43316650390625, 125.77703094482422], [212.5384521484375, 126.32508087158203], [212.62554931640625, 126.87628173828125], [212.69424438476562, 127.4300537109375], [212.75146484375, 127.98517608642578], [212.79888916015625, 128.54124450683594], [212.83729553222656, 129.09791564941406], [212.8670654296875, 129.65525817871094], [212.88851928710938, 130.21287536621094], [212.90243530273438, 130.77081298828125], [212.90911865234375, 131.32879638671875], [212.90895080566406, 131.88690185546875], [212.90261840820312, 132.44488525390625], [212.89036560058594, 133.0028839111328], [212.8727264404297, 133.5606689453125], [212.8502197265625, 134.11822509765625], [212.82290649414062, 134.67564392089844], [212.7916717529297, 135.2328338623047], [212.75657653808594, 135.78981018066406], [212.7183380126953, 136.34657287597656], [212.67723083496094, 136.90310668945312], [212.63340759277344, 137.45947265625], [212.58758544921875, 138.01568603515625], [212.53973388671875, 138.57164001464844], [212.49098205566406, 139.1276092529297], [212.44082641601562, 139.6833953857422], [212.39065551757812, 140.2391815185547], [212.34010314941406, 140.79501342773438], [212.28536987304688, 141.350341796875], [212.22508239746094, 141.90518188476562], [212.15953063964844, 142.45938110351562], [212.0891876220703, 143.0129852294922], [212.01454162597656, 143.56605529785156], [211.93600463867188, 144.1186065673828], [211.8538818359375, 144.67054748535156], [211.7685546875, 145.22207641601562], [211.68055725097656, 145.77317810058594], [211.59033203125, 146.32383728027344], [211.49818420410156, 146.8743133544922], [211.40457153320312, 147.42442321777344], [211.30966186523438, 147.9744110107422], [211.21437072753906, 148.52426147460938], [211.11868286132812, 149.0740966796875], [211.02297973632812, 149.6239013671875], [210.9280548095703, 150.1738739013672], [210.83352661132812, 150.7238006591797], [210.74053955078125, 151.27410888671875], [210.6492462158203, 151.82464599609375], [210.55999755859375, 152.37551879882812], [210.4731903076172, 152.92684936523438], [210.38925170898438, 153.47853088378906], [210.30850219726562, 154.03079223632812], [210.23165893554688, 154.58346557617188], [210.15892028808594, 155.13682556152344], [210.0906982421875, 155.69065856933594], [210.02734375, 156.24517822265625], [209.96807861328125, 156.80007934570312], [209.90731811523438, 157.35484313964844], [209.8441619873047, 157.90936279296875], [209.78005981445312, 158.46368408203125], [209.71539306640625, 159.01806640625], [209.6508026123047, 159.57235717773438], [209.5870361328125, 160.1267547607422], [209.52520751953125, 160.681396484375], [209.4656524658203, 161.23631286621094], [209.40940856933594, 161.79148864746094], [209.35723876953125, 162.34716796875], [209.30943298339844, 162.9031524658203], [209.26754760742188, 163.45962524414062], [209.2320098876953, 164.01658630371094], [209.2036590576172, 164.57391357421875], [209.18331909179688, 165.1316375732422], [209.17196655273438, 165.68954467773438], [209.17056274414062, 166.24761962890625], [209.17990112304688, 166.8056182861328], [209.20086669921875, 167.36326599121094], [209.23440551757812, 167.92030334472656], [209.28143310546875, 168.4764404296875], [209.34304809570312, 169.03102111816406], [209.41891479492188, 169.58383178710938], [209.50521850585938, 170.13522338867188], [209.60128784179688, 170.68495178222656], [209.70692443847656, 171.2329559326172], [209.82191467285156, 171.7789764404297], [209.94618225097656, 172.3231201171875], [210.07952880859375, 172.864990234375], [210.22186279296875, 173.40460205078125], [210.37310791015625, 173.94174194335938], [210.53338623046875, 174.4763641357422], [210.70252990722656, 175.0081024169922], [210.88052368164062, 175.53697204589844], [211.0674285888672, 176.06289672851562], [211.26318359375, 176.58547973632812], [211.46791076660156, 177.10462951660156], [211.6816864013672, 177.6201171875], [211.90464782714844, 178.13169860839844], [212.13697814941406, 178.63912963867188], [212.37872314453125, 179.1421356201172], [212.63002014160156, 179.640380859375], [212.89112854003906, 180.1335906982422], [213.1621856689453, 180.62136840820312], [213.44419860839844, 181.1029052734375], [213.741455078125, 181.57518005371094], [214.0532684326172, 182.03799438476562], [214.37844848632812, 182.49156188964844], [214.71563720703125, 182.93617248535156], [215.0638427734375, 183.372314453125], [215.42196655273438, 183.8002471923828], [215.78912353515625, 184.22055053710938], [216.1643829345703, 184.63357543945312], [216.54698181152344, 185.0398712158203], [216.93603515625, 185.43997192382812], [217.33079528808594, 185.83436584472656], [217.73068237304688, 186.2236785888672], [218.13507080078125, 186.60821533203125], [218.543212890625, 186.98892211914062], [218.95465087890625, 187.3659210205078], [219.36868286132812, 187.7401123046875], [219.78506469726562, 188.11167907714844], [220.20323181152344, 188.4813232421875], [220.6221923828125, 188.84996032714844], [221.04193115234375, 189.21775817871094], [221.46240234375, 189.58465576171875], [221.8838653564453, 189.95040893554688], [222.30625915527344, 190.3152618408203], [222.72938537597656, 190.67909240722656], [223.15365600585938, 191.0417022705078], [223.57879638671875, 191.4031524658203], [224.00477600097656, 191.76370239257812], [224.43150329589844, 192.12330627441406], [224.85935974121094, 192.48167419433594], [225.28805541992188, 192.8389892578125], [225.7174835205078, 193.19540405273438], [226.1476593017578, 193.55091857910156], [226.57888793945312, 193.90513610839844], [227.01092529296875, 194.2584228515625], [227.44363403320312, 194.61080932617188], [227.8770751953125, 194.96234130859375], [228.31155395507812, 195.3125457763672], [228.7467803955078, 195.6619110107422], [229.1826629638672, 196.0104217529297], [229.6192626953125, 196.3580780029297], [230.0568084716797, 196.7044219970703], [230.49505615234375, 197.04998779296875], [230.9338836669922, 197.39468383789062], [231.37344360351562, 197.7384796142578], [231.81394958496094, 198.08116149902344], [232.2550506591797, 198.4230194091797], [232.69679260253906, 198.76409912109375], [233.13919067382812, 199.10423278808594], [233.58245849609375, 199.44332885742188], [234.02627563476562, 199.7816162109375], [234.47073364257812, 200.11915588378906], [234.9158477783203, 200.45571899414062], [235.36180114746094, 200.79136657714844], [235.8082275390625, 201.12619018554688], [236.25521850585938, 201.4602813720703], [236.7029571533203, 201.79345703125], [237.1513214111328, 202.1256866455078], [237.60028076171875, 202.45724487304688], [238.04969787597656, 202.7880096435547], [238.4998779296875, 203.11788940429688], [238.9506378173828, 203.44688415527344], [239.4019317626953, 203.77520751953125], [239.8537139892578, 204.10276794433594], [240.3064422607422, 204.42913818359375], [240.75912475585938, 204.75546264648438], [241.212158203125, 205.081298828125], [241.66603088378906, 205.4060821533203], [242.11985778808594, 205.73081970214844], [242.57432556152344, 206.0548095703125], [243.0292205810547, 206.3780517578125], [243.48416137695312, 206.70132446289062], [243.9397735595703, 207.0234832763672], [244.3957061767578, 207.34536743164062], [244.85157775878906, 207.66722106933594], [245.30844116210938, 207.9878692626953], [245.76522827148438, 208.3084259033203], [246.22213745117188, 208.62872314453125], [246.6798095703125, 208.9481201171875], [247.13743591308594, 209.2675018310547], [247.5954132080078, 209.58644104003906], [248.0537872314453, 209.90472412109375], [248.51222229003906, 210.22303771972656], [248.9710693359375, 210.54071044921875], [249.43019104003906, 210.8580322265625], [249.88925170898438, 211.17532348632812], [250.34889221191406, 211.49191284179688], [250.80856323242188, 211.80833435058594], [251.2682342529297, 212.12466430664062], [251.72848510742188, 212.44033813476562], [252.18869018554688, 212.7559814453125], [252.649169921875, 213.07138061523438], [253.11001586914062, 213.3860626220703], [253.5709228515625, 213.70077514648438], [254.0317840576172, 214.01547241210938], [254.49267578125, 214.33018493652344], [254.9535369873047, 214.64488220214844], [255.4148712158203, 214.95887756347656], [255.87635803222656, 215.27264404296875], [256.33782958984375, 215.58641052246094], [256.79937744140625, 215.90020751953125], [257.2608642578125, 216.21397399902344], [257.72247314453125, 216.52767944335938], [258.1842956542969, 216.8409423828125], [258.6461486816406, 217.15423583984375], [259.1080017089844, 217.46749877929688], [259.5698547363281, 217.78079223632812], [260.03167724609375, 218.09405517578125], [260.49359130859375, 218.4073028564453], [260.9554748535156, 218.72048950195312], [261.4173583984375, 219.03366088867188], [261.8792724609375, 219.3468780517578], [262.3411560058594, 219.66006469726562], [262.8030700683594, 219.97329711914062], [263.26470947265625, 220.28683471679688], [263.7264099121094, 220.6003875732422], [264.18804931640625, 220.91390991210938], [264.6497497558594, 221.22747802734375], [265.11138916015625, 221.54100036621094], [265.57281494140625, 221.85494995117188], [266.033935546875, 222.16925048828125], [266.49505615234375, 222.48353576660156], [266.95623779296875, 222.79786682128906], [267.4173583984375, 223.11215209960938], [267.8785400390625, 223.42648315429688], [268.3391418457031, 223.7415771484375], [268.79974365234375, 224.05674743652344], [269.26019287109375, 224.3719940185547], [269.7203063964844, 224.68785095214844], [270.1803894042969, 225.00367736816406], [270.6402893066406, 225.31985473632812], [271.0998229980469, 225.63648986816406], [271.559326171875, 225.95310974121094], [272.0185241699219, 226.27032470703125], [272.4774169921875, 226.58786010742188], [272.9363708496094, 226.90542602539062], [273.3946838378906, 227.22381591796875], [273.8529357910156, 227.54238891601562], [274.31103515625, 227.86097717285156], [274.7685241699219, 228.18067932128906], [275.2259216308594, 228.50033569335938], [275.68316650390625, 228.82037353515625], [276.1397399902344, 229.14125061035156], [276.5963134765625, 229.46212768554688], [277.0524597167969, 229.78369140625], [277.50811767578125, 230.10586547851562], [277.96380615234375, 230.42808532714844], [278.41876220703125, 230.7512969970703], [278.8734436035156, 231.074951171875], [279.32806396484375, 231.3985595703125], [279.78167724609375, 231.72360229492188], [280.2352294921875, 232.04873657226562], [280.6888122558594, 232.37396240234375], [281.1424560546875, 232.69894409179688], [281.59722900390625, 233.0223388671875], [282.0526123046875, 233.34500122070312], [282.5090637207031, 233.66600036621094], [282.9660339355469, 233.9864044189453], [283.4239196777344, 234.30538940429688], [283.8824157714844, 234.62362670898438], [284.34130859375, 234.94114685058594], [284.8010559082031, 235.25759887695312], [285.260986328125, 235.5736083984375], [285.7215270996094, 235.8888702392578], [286.18231201171875, 236.20361328125], [286.64337158203125, 236.5180206298828], [287.10491943359375, 236.831787109375], [287.56646728515625, 237.1454620361328], [288.028076171875, 237.4591827392578], [288.48968505859375, 237.77273559570312], [288.951416015625, 238.08624267578125], [289.4130859375, 238.39971923828125], [289.8746337890625, 238.71347045898438], [290.3358154296875, 239.02767944335938], [290.7970275878906, 239.3419189453125], [291.2581787109375, 239.65623474121094], [291.7185974121094, 239.97157287597656], [292.1787414550781, 240.2873992919922], [292.6383972167969, 240.6038055419922], [293.097412109375, 240.92129516601562], [293.5559997558594, 241.23922729492188], [294.01373291015625, 241.5585174560547], [294.4708251953125, 241.87867736816406], [294.9273681640625, 242.19970703125], [295.3825988769531, 242.52247619628906], [295.83740234375, 242.84588623046875], [296.291015625, 243.17103576660156], [296.7434997558594, 243.49755859375], [297.1949768066406, 243.82562255859375], [297.6451721191406, 244.1553955078125], [298.0941467285156, 244.48690795898438], [298.54180908203125, 244.82009887695312], [298.9881591796875, 245.15513610839844], [299.4329833984375, 245.49212646484375], [299.876220703125, 245.83128356933594], [300.31787109375, 246.1724395751953], [300.7579040527344, 246.51568603515625], [301.19622802734375, 246.861083984375], [301.6325378417969, 247.20895385742188], [302.0670166015625, 247.55929565429688], [302.49951171875, 247.91189575195312], [302.93011474609375, 248.2670135498047], [303.3584899902344, 248.62461853027344], [303.7845153808594, 248.98513793945312], [304.2082824707031, 249.34820556640625], [304.62677001953125, 249.71739196777344], [305.0260009765625, 250.10716247558594], [305.4071044921875, 250.514892578125], [305.7713623046875, 250.93760681152344], [306.1196594238281, 251.37353515625], [306.45245361328125, 251.821533203125], [306.76934814453125, 252.28085327148438], [307.069580078125, 252.7511749267578], [307.3520812988281, 253.23248291015625], [307.6142883300781, 253.72508239746094], [307.85333251953125, 254.22930908203125], [308.0645446777344, 254.7456817626953], [308.24090576171875, 255.2750701904297], [308.3707275390625, 255.81753540039062], [308.4486999511719, 256.3700256347656], [308.4840393066406, 256.9267578125], [308.4844055175781, 257.4848327636719], [308.45501708984375, 258.0419921875], [308.3988952636719, 258.59716796875], [308.31890869140625, 259.1493835449219], [308.2159118652344, 259.6979064941406], [308.0910949707031, 260.2417907714844], [307.9437561035156, 260.780029296875], [307.77337646484375, 261.3114318847656], [307.5777282714844, 261.8339538574219], [307.3531799316406, 262.3448181152344], [307.09375, 262.8385314941406], [306.7713623046875, 263.2934875488281], [306.3894958496094, 263.7001037597656], [305.9663391113281, 264.06341552734375], [305.51458740234375, 264.3908386230469], [305.0430603027344, 264.6893615722656], [304.557861328125, 264.9650573730469], [304.063232421875, 265.2231750488281], [303.5622253417969, 265.4690856933594], [303.0572814941406, 265.7069396972656], [302.5508117675781, 265.9411315917969], [302.0448303222656, 266.1765441894531], [301.5372619628906, 266.4085388183594], [301.021240234375, 266.6211853027344], [300.49786376953125, 266.814453125], [299.96795654296875, 266.9893798828125], [299.4325866699219, 267.1470031738281], [298.8927307128906, 267.2883605957031], [298.3492431640625, 267.41473388671875], [297.8025817871094, 267.5272521972656], [297.2535705566406, 267.6271667480469], [296.7027587890625, 267.7161865234375], [296.1502685546875, 267.7949523925781], [295.5965270996094, 267.8653564453125], [295.0420837402344, 267.9282531738281], [294.4866943359375, 267.9815368652344], [293.9298400878906, 268.0182800292969], [293.3721923828125, 268.0412292480469], [292.81414794921875, 268.0522766113281], [292.2562255859375, 268.05352783203125], [291.69818115234375, 268.0462341308594], [291.14031982421875, 268.0311279296875], [290.5826721191406, 268.0098571777344], [290.0252685546875, 267.9825744628906], [289.46807861328125, 267.9501647949219], [288.9112243652344, 267.9131774902344], [288.3548278808594, 267.8718566894531], [287.79852294921875, 267.8270263671875], [287.2424621582031, 267.7785949707031], [286.6867370605469, 267.7272033691406], [286.13134765625, 267.67340087890625], [285.5760803222656, 267.6170349121094], [285.02099609375, 267.55889892578125], [284.4662170410156, 267.4992980957031], [283.911376953125, 267.43865966796875], [283.35662841796875, 267.37762451171875], [282.8018798828125, 267.31658935546875], [282.2472229003906, 267.2555847167969], [281.6924743652344, 267.1945495605469], [281.1377258300781, 267.1335144042969], [280.58294677734375, 267.0724792480469], [280.0283203125, 267.011474609375], [279.4736328125, 266.9503173828125], [278.9189453125, 266.88861083984375], [278.3643798828125, 266.826904296875], [277.8097229003906, 266.76519775390625], [277.2550354003906, 266.7034912109375], [276.7003479003906, 266.64178466796875], [276.1457824707031, 266.580078125], [275.5910949707031, 266.51837158203125], [275.0364074707031, 266.4566650390625], [274.4817810058594, 266.3944091796875], [273.9272766113281, 266.33209228515625], [273.3726501464844, 266.269775390625], [272.81805419921875, 266.2074279785156], [272.2635498046875, 266.1451110839844], [271.7089538574219, 266.0827941894531], [271.1543273925781, 266.0204772949219], [270.5997009277344, 265.9581298828125], [270.0452575683594, 265.8955383300781], [269.49072265625, 265.8326721191406], [268.9361572265625, 265.769775390625], [268.3816223144531, 265.7069091796875], [267.8271789550781, 265.64404296875], [267.2726135253906, 265.5811767578125], [266.71807861328125, 265.518310546875], [266.16363525390625, 265.4554443359375], [265.6090087890625, 265.3924865722656], [265.05450439453125, 265.3291320800781], [264.5, 265.2657775878906], [263.9456481933594, 265.2024230957031], [263.3911437988281, 265.1390686035156], [262.8366394042969, 265.0757141113281], [262.2821350097656, 265.0123596191406], [261.7277526855469, 264.94903564453125], [261.17327880859375, 264.88568115234375], [260.618896484375, 264.82196044921875], [260.0645751953125, 264.7582092285156], [259.5101013183594, 264.6944274902344], [258.9556579589844, 264.63067626953125], [258.4012145996094, 264.56689453125], [257.8468933105469, 264.5031433105469], [257.2924499511719, 264.4393615722656], [256.73797607421875, 264.3756103515625], [256.1835632324219, 264.3115539550781], [255.6292724609375, 264.247314453125], [255.0748748779297, 264.1830749511719], [254.52049255371094, 264.11883544921875], [253.96621704101562, 264.0545959472656], [253.4118194580078, 263.9903564453125], [252.857421875, 263.9261169433594], [252.3030242919922, 263.8618469238281], [251.74874877929688, 263.7976379394531], [251.19435119628906, 263.7333679199219], [250.6399688720703, 263.66912841796875], [250.0855712890625, 263.6048889160156], [249.5312957763672, 263.5406494140625], [248.97689819335938, 263.4764099121094], [248.42250061035156, 263.41217041015625], [247.86822509765625, 263.3479309082031], [247.31382751464844, 263.28369140625], [246.75941467285156, 263.2190246582031], [246.205078125, 263.1543884277344], [245.65084838867188, 263.0897216796875], [245.09649658203125, 263.02508544921875], [244.54214477539062, 262.9604187011719], [243.98780822753906, 262.8957824707031], [243.43357849121094, 262.8311462402344], [242.8792266845703, 262.7664794921875], [242.3248748779297, 262.70184326171875], [241.77064514160156, 262.6371765136719], [241.21630859375, 262.5725402832031], [240.66195678710938, 262.50787353515625], [240.10760498046875, 262.4432373046875], [239.55337524414062, 262.37860107421875], [238.99903869628906, 262.3139343261719], [238.44468688964844, 262.249267578125], [237.89039611816406, 262.1845703125], [237.336181640625, 262.11981201171875], [236.78184509277344, 262.0550231933594], [236.22750854492188, 261.990234375], [235.67330932617188, 261.92547607421875], [235.1189727783203, 261.8606872558594], [234.56463623046875, 261.7959289550781], [234.0102996826172, 261.73114013671875], [233.4561004638672, 261.6663513183594], [232.90176391601562, 261.6015930175781], [232.34742736816406, 261.53680419921875], [231.7930908203125, 261.4720153808594], [231.2388916015625, 261.4072570800781], [230.68455505371094, 261.34246826171875], [230.13021850585938, 261.2776794433594], [229.5760040283203, 261.2129211425781], [229.02166748046875, 261.14813232421875], [228.46734619140625, 261.0834655761719], [227.91299438476562, 261.01885986328125], [227.3587646484375, 260.9542236328125], [226.80441284179688, 260.88958740234375], [226.25006103515625, 260.8249816894531], [225.69570922851562, 260.7603454589844], [225.1414794921875, 260.6957092285156], [224.58712768554688, 260.631103515625], [224.03277587890625, 260.56646728515625], [223.47854614257812, 260.5018310546875], [222.9241943359375, 260.4372253417969], [222.36984252929688, 260.3725891113281], [221.8155059814453, 260.3079528808594], [221.2612762451172, 260.24334716796875], [220.70692443847656, 260.1787109375], [220.15257263183594, 260.11407470703125], [219.59812927246094, 260.049560546875], [219.04385375976562, 259.9853820800781], [218.48944091796875, 259.9211730957031], [217.93504333496094, 259.8569641113281], [217.38076782226562, 259.79278564453125], [216.8263702392578, 259.72857666015625], [216.27197265625, 259.66436767578125], [215.7175750732422, 259.6001892089844], [215.1632843017578, 259.5359802246094], [214.60888671875, 259.4717712402344], [214.0544891357422, 259.4075927734375], [213.50009155273438, 259.3433837890625], [212.94581604003906, 259.2791748046875], [212.3914031982422, 259.2149963378906], [211.83700561523438, 259.1507873535156], [211.28273010253906, 259.0865783691406], [210.72833251953125, 259.02239990234375], [210.17391967773438, 258.9585876464844], [209.6194610595703, 258.8948669433594], [209.06512451171875, 258.8311767578125], [208.5106658935547, 258.7674865722656], [207.95620727539062, 258.7037658691406], [207.40174865722656, 258.64007568359375], [206.847412109375, 258.5763854980469], [206.29295349121094, 258.5126647949219], [205.7384490966797, 258.4491882324219], [205.18406677246094, 258.38592529296875], [204.62954711914062, 258.3226318359375], [204.07504272460938, 258.2593688964844], [203.52053833007812, 258.1960754394531], [202.96615600585938, 258.1328125], [202.41165161132812, 258.0695495605469], [201.85714721679688, 258.0062561035156], [201.30271911621094, 257.9431457519531], [200.74827575683594, 257.88037109375], [200.1937255859375, 257.81756591796875], [199.63916015625, 257.7547912597656], [199.084716796875, 257.6920166015625], [198.5301513671875, 257.6292419433594], [197.9755859375, 257.5664367675781], [197.4210205078125, 257.503662109375], [196.86659240722656, 257.4408874511719], [196.3119659423828, 257.378662109375], [195.75733947753906, 257.31646728515625], [195.2027130126953, 257.2542419433594], [194.648193359375, 257.1920166015625], [194.09356689453125, 257.12982177734375], [193.5389404296875, 257.0675964355469], [192.98443603515625, 257.0054016113281], [192.4298095703125, 256.94317626953125], [191.87510681152344, 256.88140869140625], [191.32040405273438, 256.81982421875], [190.76583862304688, 256.7582702636719], [190.2111358642578, 256.6966857910156], [189.65643310546875, 256.6351013183594], [189.10174560546875, 256.5735168457031], [188.5471649169922, 256.511962890625], [187.99246215820312, 256.45037841796875], [187.4376678466797, 256.38909912109375], [186.8830108642578, 256.3282470703125], [186.32823181152344, 256.2673645019531], [185.77345275878906, 256.20648193359375], [185.21868896484375, 256.1455993652344], [184.66403198242188, 256.0847473144531], [184.1092529296875, 256.02386474609375], [183.55447387695312, 255.96298217773438], [182.999755859375, 255.9022674560547], [182.4450225830078, 255.84217834472656], [181.89015197753906, 255.78207397460938], [181.33529663085938, 255.7219696044922], [180.7805633544922, 255.661865234375], [180.22569274902344, 255.6017608642578], [179.67083740234375, 255.54165649414062], [179.11598205566406, 255.48155212402344], [178.56124877929688, 255.4214630126953], [178.0062255859375, 255.3621368408203], [177.45127868652344, 255.30287170410156], [176.89633178710938, 255.2436065673828], [176.3415069580078, 255.18435668945312], [175.78656005859375, 255.12509155273438], [175.23159790039062, 255.06582641601562], [174.67677307128906, 255.00657653808594], [174.121826171875, 254.9473114013672], [173.56683349609375, 254.88865661621094], [173.01177978515625, 254.83030700683594], [172.45684814453125, 254.77195739746094], [171.9018096923828, 254.71360778808594], [171.3467559814453, 254.65525817871094], [170.79171752929688, 254.59690856933594], [170.23678588867188, 254.53857421875], [169.68174743652344, 254.480224609375], [169.126708984375, 254.4222412109375], [168.57168579101562, 254.36488342285156], [168.01654052734375, 254.30751037597656], [167.4613800048828, 254.25013732910156], [166.90623474121094, 254.19276428222656], [166.35121154785156, 254.13540649414062], [165.7960662841797, 254.07803344726562], [165.24090576171875, 254.02066040039062], [164.685791015625, 253.96337890625], [164.1306610107422, 253.90707397460938], [163.5753936767578, 253.85073852539062], [163.0201416015625, 253.79441833496094], [162.4650115966797, 253.7381134033203], [161.90975952148438, 253.68177795410156], [161.3544921875, 253.62545776367188], [160.7992401123047, 253.5691375732422], [160.24411010742188, 253.5128173828125], [159.68869018554688, 253.4571533203125], [159.1333465576172, 253.4016571044922], [158.57801818847656, 253.34616088867188], [158.02279663085938, 253.29067993164062], [157.46749877929688, 253.23556518554688], [156.91209411621094, 253.18064880371094], [156.35682678222656, 253.125732421875], [155.80142211914062, 253.07081604003906], [155.2459716796875, 253.01617431640625], [154.6905059814453, 252.9618377685547], [154.1351776123047, 252.9075164794922], [153.57972717285156, 252.8531951904297], [153.02427673339844, 252.799072265625], [152.46876525878906, 252.74534606933594], [151.9133758544922, 252.69163513183594], [151.3578643798828, 252.63790893554688], [150.80226135253906, 252.5843048095703], [150.24681091308594, 252.53121948242188], [149.6912384033203, 252.47811889648438], [149.1356658935547, 252.42501831054688], [148.5801239013672, 252.37193298339844], [148.02459716796875, 252.31948852539062], [147.46896362304688, 252.2670440673828], [146.913330078125, 252.214599609375], [146.35769653320312, 252.16213989257812], [145.80218505859375, 252.1102752685547], [145.24649047851562, 252.0584716796875], [144.6907958984375, 252.00668334960938], [144.13522338867188, 251.95489501953125], [143.57940673828125, 251.903564453125], [143.0236358642578, 251.85244750976562], [142.46788024902344, 251.8013153076172], [141.91224670410156, 251.7501983642578], [141.35643005371094, 251.699462890625], [140.8006134033203, 251.64901733398438], [140.24478149414062, 251.5985870361328], [139.6890869140625, 251.5481719970703], [139.13333129882812, 251.49801635742188], [138.5774383544922, 251.4482879638672], [138.02166748046875, 251.39857482910156], [137.46578979492188, 251.34884643554688], [136.90992736816406, 251.29954528808594], [136.35316467285156, 251.26097106933594], [135.79566955566406, 251.23715209960938], [135.23768615722656, 251.2274932861328], [134.67962646484375, 251.2313995361328], [134.12168884277344, 251.2482452392578], [133.5645751953125, 251.2776336669922], [133.00787353515625, 251.31829833984375], [132.4522705078125, 251.37046813964844], [131.89773559570312, 251.43272399902344], [131.344482421875, 251.50518798828125], [130.79232788085938, 251.5867156982422], [130.24159240722656, 251.6772003173828], [129.69236755371094, 251.7756805419922], [129.1444549560547, 251.8819580078125], [128.59803771972656, 251.9952850341797], [128.05296325683594, 252.11529541015625], [127.50949096679688, 252.24142456054688], [126.96710968017578, 252.37322998046875], [126.42609405517578, 252.51028442382812], [125.88644409179688, 252.65194702148438], [125.3478012084961, 252.79823303222656], [124.81018829345703, 252.9481658935547], [124.2735366821289, 253.10137939453125], [123.73793029785156, 253.25743103027344], [123.20283508300781, 253.41635131835938], [122.6686782836914, 253.57794189453125], [122.13712310791016, 253.74803161621094], [121.60874938964844, 253.9274444580078], [121.08353424072266, 254.1160125732422], [120.56150817871094, 254.31349182128906], [120.0429916381836, 254.5195770263672], [119.52779388427734, 254.73414611816406], [119.01612854003906, 254.9569854736328], [118.50804138183594, 255.18792724609375], [118.00370788574219, 255.42681884765625], [117.50316619873047, 255.67355346679688], [117.00643920898438, 255.9280242919922], [116.51374053955078, 256.1900329589844], [116.02515411376953, 256.4595642089844], [115.5406494140625, 256.73663330078125], [115.06040954589844, 257.02105712890625], [114.58477020263672, 257.3127136230469], [114.11357879638672, 257.61175537109375], [113.64710235595703, 257.9180908203125], [113.18550109863281, 258.23175048828125], [112.72895050048828, 258.5526428222656], [112.2779312133789, 258.8811950683594], [111.8333511352539, 259.2184753417969], [111.39521026611328, 259.564208984375], [110.9634780883789, 259.9178161621094], [110.53792572021484, 260.27874755859375], [110.11831665039062, 260.646728515625], [109.70454406738281, 261.02117919921875], [109.29637145996094, 261.40179443359375], [108.89360046386719, 261.78802490234375], [108.49595642089844, 262.17974853515625], [108.1034164428711, 262.5762939453125], [107.7155990600586, 262.9775695800781], [107.33229064941406, 263.3832092285156], [106.9533920288086, 263.79302978515625], [106.57865142822266, 264.2063903808594], [106.2076187133789, 264.623291015625], [105.84033966064453, 265.04351806640625], [105.4764175415039, 265.46649169921875], [105.1158218383789, 265.8924255371094], [104.7579574584961, 266.32080078125], [104.40312957763672, 266.75146484375], [104.0506820678711, 267.18402099609375], [103.70073699951172, 267.6188659667969], [103.35363006591797, 268.0558166503906], [103.00906372070312, 268.49493408203125], [102.66709899902344, 268.93585205078125], [102.3274917602539, 269.3787536621094], [101.99022674560547, 269.8233642578125], [101.6554183959961, 270.2698059082031], [101.32257843017578, 270.71771240234375], [100.99172973632812, 271.1672058105469], [100.66278839111328, 271.6181335449219], [100.33584594726562, 272.07025146484375], [100.0105972290039, 272.5237121582031], [99.68695831298828, 272.9784240722656], [99.36493682861328, 273.4342041015625], [99.04437255859375, 273.89105224609375], [98.72518920898438, 274.34881591796875], [98.40729522705078, 274.8074645996094], [98.09066009521484, 275.26690673828125], [97.77503204345703, 275.72723388671875], [97.46040344238281, 276.18817138671875], [97.1466293334961, 276.64971923828125], [96.83392333984375, 277.11187744140625], [96.52144622802734, 277.5743103027344], [96.20966339111328, 278.0372619628906], [95.8983383178711, 278.5004577636719], [95.58749389648438, 278.9637756347656], [95.2769546508789, 279.427490234375], [94.96641540527344, 279.8912353515625], [94.65594482421875, 280.3548583984375], [94.34532928466797, 280.8186340332031], [94.03465270996094, 281.28228759765625], [93.72391510009766, 281.7458801269531], [93.41259765625, 282.20892333984375], [93.10120391845703, 282.6720886230469], [92.78512573242188, 283.13201904296875], [92.46227264404297, 283.5873107910156], [92.13658142089844, 284.04034423828125], [91.81045532226562, 284.4933166503906], [91.4869155883789, 284.9480285644531], [91.16938781738281, 285.4068908691406], [90.8605728149414, 285.8717041015625], [90.56462097167969, 286.34478759765625], [90.28562927246094, 286.828125], [90.02874755859375, 287.3233947753906], [89.8000717163086, 287.8323669433594], [89.60698699951172, 288.3558654785156], [89.45849609375, 288.8936767578125], [89.3855209350586, 289.44635009765625], [89.38539123535156, 290.0041198730469], [89.44436645507812, 290.5589294433594], [89.55615234375, 291.1053466796875], [89.71968078613281, 291.6387023925781], [89.93814086914062, 292.15185546875], [90.22029113769531, 292.6328125], [90.58041381835938, 293.0577392578125], [91.00651550292969, 293.4177551269531], [91.46687316894531, 293.73291015625], [91.9516830444336, 294.00909423828125], [92.45417785644531, 294.25152587890625], [92.96989440917969, 294.4644470214844], [93.4959487915039, 294.6509094238281], [94.02973175048828, 294.8133544921875], [94.56983947753906, 294.95355224609375], [95.11506652832031, 295.07257080078125], [95.66436004638672, 295.1710205078125], [96.21697998046875, 295.2485656738281], [96.77120971679688, 295.3145751953125], [97.32540130615234, 295.3805236816406], [97.87959289550781, 295.4465026855469], [98.43379974365234, 295.5113830566406], [98.98815155029297, 295.57598876953125], [99.54251098632812, 295.6405944824219], [100.09679412841797, 295.70440673828125], [100.65129852294922, 295.7677307128906], [101.20579528808594, 295.8310241699219], [101.7603530883789, 295.8938293457031], [102.31488037109375, 295.9558410644531], [102.8695297241211, 296.01788330078125], [103.42420959472656, 296.0796813964844], [103.97899627685547, 296.1405029296875], [104.53365325927734, 296.2012939453125], [105.08843994140625, 296.2621154785156], [105.64334869384766, 296.32177734375], [106.19813537597656, 296.3814392089844], [106.75303649902344, 296.44110107421875], [107.3079833984375, 296.4998474121094], [107.8630142211914, 296.5583801269531], [108.41791534423828, 296.6169128417969], [108.97300720214844, 296.6747741699219], [109.52814483642578, 296.73223876953125], [110.08329010009766, 296.7897033691406], [110.63834381103516, 296.8467102050781], [111.19358825683594, 296.90313720703125], [111.74883270263672, 296.9595642089844], [112.30406188964844, 297.0157775878906], [112.85940551757812, 297.07122802734375], [113.41474914550781, 297.12664794921875], [113.97010040283203, 297.18206787109375], [114.52542114257812, 297.2365417480469], [115.08085632324219, 297.2910461425781], [115.63629913330078, 297.34552001953125], [116.19171905517578, 297.3992919921875], [116.74712371826172, 297.452880859375], [117.30265045166016, 297.5064697265625], [117.85824584960938, 297.5595703125], [118.41372680664062, 297.6123046875], [118.9693374633789, 297.6650695800781], [119.52505493164062, 297.7174987792969], [120.08073425292969, 297.7694396972656], [120.63629913330078, 297.8213806152344], [121.19197845458984, 297.8731689453125], [121.74773406982422, 297.9243469238281], [122.3034896850586, 297.97552490234375], [122.85912322998047, 298.02667236328125], [123.41490936279297, 298.0771484375], [123.9707260131836, 298.12762451171875], [124.52642822265625, 298.1780700683594], [125.08233642578125, 298.22802734375], [125.63821411132812, 298.27783203125], [126.194091796875, 298.32763671875], [126.74983215332031, 298.3770751953125], [127.3057632446289, 298.4262390136719], [127.86170196533203, 298.4754333496094], [128.41763305664062, 298.5242919921875], [128.97352600097656, 298.5726013183594], [129.52952575683594, 298.62091064453125], [130.08554077148438, 298.66925048828125], [130.6414337158203, 298.7175598144531], [131.1974334716797, 298.765869140625], [131.75344848632812, 298.8141784667969], [132.3096160888672, 298.8616027832031], [132.86558532714844, 298.908935546875], [133.4216766357422, 298.9562683105469], [133.97776794433594, 299.00360107421875], [134.5338592529297, 299.05096435546875], [135.08982849121094, 299.0982971191406], [135.6459503173828, 299.14520263671875], [136.20211791992188, 299.1917419433594], [136.75814819335938, 299.23828125], [137.31431579589844, 299.28485107421875], [137.8704833984375, 299.3313903808594], [138.4266357421875, 299.3779296875], [138.9827117919922, 299.42437744140625], [139.5389404296875, 299.4700927734375], [140.0951690673828, 299.5157775878906], [140.65139770507812, 299.5614929199219], [141.20751953125, 299.607177734375], [141.7637481689453, 299.65289306640625], [142.31997680664062, 299.6986083984375], [142.87608337402344, 299.7442932128906], [143.43231201171875, 299.78997802734375], [143.98854064941406, 299.835693359375], [144.54478454589844, 299.88140869140625], [145.10089111328125, 299.9270935058594], [145.65711975097656, 299.9728088378906], [146.21336364746094, 300.01837158203125], [146.76963806152344, 300.06353759765625], [147.32579040527344, 300.1087341308594], [147.88206481933594, 300.1539001464844], [148.43833923339844, 300.1990966796875], [148.99447631835938, 300.2442626953125], [149.55075073242188, 300.2894592285156], [150.10702514648438, 300.33465576171875], [150.66329956054688, 300.37982177734375], [151.21945190429688, 300.4250183105469], [151.77572631835938, 300.4701843261719], [152.33200073242188, 300.515380859375], [152.88827514648438, 300.5605773925781], [153.44448852539062, 300.6053771972656], [154.00083923339844, 300.6488037109375], [154.55740356445312, 300.6903991699219], [155.11395263671875, 300.730224609375], [155.67079162597656, 300.768310546875], [156.2276611328125, 300.80462646484375], [156.7847900390625, 300.8392639160156], [157.3417205810547, 300.87213134765625], [157.8990020751953, 300.9032897949219], [158.45626831054688, 300.9328308105469], [159.01376342773438, 300.9607849121094], [159.5711212158203, 300.9870910644531], [160.12857055664062, 301.0118408203125], [160.68621826171875, 301.0350341796875], [161.24380493164062, 301.0567321777344], [161.80157470703125, 301.0769348144531], [162.3592987060547, 301.09564208984375], [162.91720581054688, 301.1128845214844], [163.4748992919922, 301.1286315917969], [164.03292846679688, 301.1429138183594], [164.59078979492188, 301.15576171875], [165.14881896972656, 301.16729736328125], [165.7067108154297, 301.1774597167969], [166.26473999023438, 301.186279296875], [166.8228302001953, 301.19354248046875], [167.3807830810547, 301.1997985839844], [167.9387664794922, 301.2046813964844], [168.49685668945312, 301.2086486816406], [169.05496215820312, 301.21087646484375], [169.61294555664062, 301.21258544921875], [170.17103576660156, 301.2134094238281], [170.72914123535156, 301.2141418457031], [171.28724670410156, 301.2148742675781], [171.84523010253906, 301.2156066894531], [172.40333557128906, 301.2163391113281], [172.96144104003906, 301.2170715332031], [173.51942443847656, 301.2178039550781], [174.07752990722656, 301.2185363769531], [174.63563537597656, 301.2192687988281], [175.19374084472656, 301.2200012207031], [175.75172424316406, 301.2207336425781], [176.30982971191406, 301.2214660644531], [176.86793518066406, 301.2221984863281], [177.426025390625, 301.2229309082031], [177.9840087890625, 301.2236633300781], [178.5421142578125, 301.2243957519531], [179.1002197265625, 301.2251281738281], [179.658203125, 301.2258605957031], [180.21630859375, 301.2265930175781], [180.7744140625, 301.2273254394531], [181.33251953125, 301.2280578613281], [181.8905029296875, 301.2287902832031], [182.4486083984375, 301.2295227050781], [183.0067138671875, 301.23028564453125], [183.5648193359375, 301.23101806640625], [184.122802734375, 301.23175048828125], [184.680908203125, 301.23248291015625], [185.239013671875, 301.23321533203125], [185.7969970703125, 301.23394775390625], [186.3551025390625, 301.23468017578125], [186.9132080078125, 301.23541259765625], [187.47128295898438, 301.236328125], [188.02926635742188, 301.2372741699219], [188.58737182617188, 301.23822021484375], [189.1454620361328, 301.2391662597656], [189.7035675048828, 301.2401123046875], [190.2615509033203, 301.2410888671875], [190.8196563720703, 301.2420349121094], [191.3777618408203, 301.24298095703125], [191.9357452392578, 301.2439270019531], [192.4938507080078, 301.244873046875], [193.0519561767578, 301.2458190917969], [193.6100616455078, 301.24676513671875], [194.1680450439453, 301.2477111816406], [194.7261505126953, 301.2486572265625], [195.2842559814453, 301.2496337890625], [195.8423614501953, 301.2505798339844], [196.4003448486328, 301.25152587890625], [196.9584503173828, 301.2524719238281], [197.5165557861328, 301.25341796875], [198.0745391845703, 301.2543640136719], [198.6326446533203, 301.25531005859375], [199.19073486328125, 301.2562561035156], [199.74884033203125, 301.2572326660156], [200.30682373046875, 301.2581787109375], [200.86492919921875, 301.2591247558594], [201.42303466796875, 301.26007080078125], [201.98114013671875, 301.2610168457031], [202.53912353515625, 301.261962890625], [203.09722900390625, 301.2629089355469], [203.65533447265625, 301.26385498046875], [204.21331787109375, 301.2648010253906], [204.77142333984375, 301.2658996582031], [205.32952880859375, 301.2669982910156], [205.88763427734375, 301.2680969238281], [206.44561767578125, 301.2691955566406], [207.00372314453125, 301.2702941894531], [207.56182861328125, 301.27142333984375], [208.11993408203125, 301.27252197265625], [208.67791748046875, 301.27362060546875], [209.23602294921875, 301.27471923828125], [209.79412841796875, 301.27581787109375], [210.35211181640625, 301.27691650390625], [210.91021728515625, 301.2780456542969], [211.46832275390625, 301.2791442871094], [212.02642822265625, 301.2802429199219], [212.5843963623047, 301.2813415527344], [213.1425018310547, 301.2824401855469], [213.7006072998047, 301.2835388183594], [214.2587127685547, 301.28466796875], [214.8166961669922, 301.2857666015625], [215.3748016357422, 301.286865234375], [215.9329071044922, 301.2879638671875], [216.4908905029297, 301.2890625], [217.0489959716797, 301.2901916503906], [217.6071014404297, 301.2912902832031], [218.1652069091797, 301.2923889160156], [218.7231903076172, 301.2934875488281], [219.28128051757812, 301.2945861816406], [219.83938598632812, 301.2956848144531], [220.39749145507812, 301.29681396484375], [220.95547485351562, 301.29791259765625], [221.51358032226562, 301.29901123046875], [222.07168579101562, 301.30010986328125], [222.62966918945312, 301.30120849609375], [223.18777465820312, 301.30230712890625], [223.74588012695312, 301.3034362792969], [224.30398559570312, 301.3045349121094], [224.86196899414062, 301.3056335449219], [225.42007446289062, 301.3067321777344], [225.97817993164062, 301.3078308105469], [226.53628540039062, 301.3089294433594], [227.09426879882812, 301.31005859375], [227.65235900878906, 301.3111572265625], [228.21046447753906, 301.312255859375], [228.76844787597656, 301.3133544921875], [229.32655334472656, 301.314453125], [229.88465881347656, 301.3155517578125], [230.44276428222656, 301.3166809082031], [231.00074768066406, 301.3177795410156], [231.55885314941406, 301.3188781738281], [232.11695861816406, 301.3199768066406], [232.67506408691406, 301.3210754394531], [233.23304748535156, 301.3221740722656], [233.79115295410156, 301.32330322265625], [234.34925842285156, 301.32440185546875], [234.90724182128906, 301.32550048828125], [235.46533203125, 301.32659912109375], [236.0234375, 301.32769775390625], [236.58154296875, 301.3288269042969], [237.1395263671875, 301.3299255371094], [237.6976318359375, 301.3310241699219], [238.2557373046875, 301.3321228027344], [238.8138427734375, 301.3332214355469], [239.37188720703125, 301.3343200683594], [239.92999267578125, 301.3354187011719], [240.48809814453125, 301.33648681640625], [241.04608154296875, 301.33758544921875], [241.60418701171875, 301.33868408203125], [242.16229248046875, 301.3397521972656], [242.72039794921875, 301.3408508300781], [243.27838134765625, 301.3419494628906], [243.83648681640625, 301.343017578125], [244.39459228515625, 301.3441162109375], [244.9526824951172, 301.34521484375], [245.5106658935547, 301.3462829589844], [246.0687713623047, 301.3473815917969], [246.6268768310547, 301.34844970703125], [247.1848602294922, 301.34954833984375], [247.7429656982422, 301.35064697265625], [248.3010711669922, 301.3517150878906], [248.8591766357422, 301.3528137207031], [249.4171600341797, 301.3539123535156], [249.9752655029297, 301.35498046875], [250.5333709716797, 301.3560791015625], [251.0914764404297, 301.357177734375], [251.6494598388672, 301.3582458496094], [252.20755004882812, 301.3593444824219], [252.76565551757812, 301.3604431152344], [253.32363891601562, 301.36151123046875], [253.88174438476562, 301.36260986328125], [254.43984985351562, 301.36370849609375], [254.99795532226562, 301.3647766113281], [255.55593872070312, 301.3658752441406], [256.1140441894531, 301.3669738769531], [256.6720886230469, 301.3679504394531], [257.2301940917969, 301.3689270019531], [257.7881774902344, 301.369873046875], [258.3462829589844, 301.370849609375], [258.9043884277344, 301.371826171875], [259.4623718261719, 301.3727722167969], [260.0204772949219, 301.3737487792969], [260.5785827636719, 301.37469482421875], [261.1366882324219, 301.37567138671875], [261.6946716308594, 301.3766174316406], [262.2527770996094, 301.3775939941406], [262.8108825683594, 301.3785400390625], [263.36895751953125, 301.3795166015625], [263.92694091796875, 301.3804626464844], [264.48504638671875, 301.3814392089844], [265.04315185546875, 301.38238525390625], [265.60113525390625, 301.38336181640625], [266.15924072265625, 301.3843078613281], [266.71734619140625, 301.3852844238281], [267.27545166015625, 301.38623046875], [267.83343505859375, 301.38720703125], [268.39154052734375, 301.38818359375], [268.94964599609375, 301.3891296386719], [269.50775146484375, 301.3901062011719], [270.06573486328125, 301.39105224609375], [270.62384033203125, 301.39202880859375], [271.18194580078125, 301.3929748535156], [271.73992919921875, 301.3939514160156], [272.29803466796875, 301.3948974609375], [272.85614013671875, 301.3958740234375], [273.41424560546875, 301.3968200683594], [273.9723205566406, 301.3975524902344], [274.5304260253906, 301.3981628417969], [275.0885314941406, 301.3987731933594], [275.6466369628906, 301.3993835449219], [276.2046203613281, 301.3999938964844], [276.7627258300781, 301.40057373046875], [277.3208312988281, 301.40118408203125], [277.8788146972656, 301.40179443359375], [278.4369201660156, 301.40240478515625], [278.9950256347656, 301.4029846191406], [279.5531311035156, 301.4035949707031], [280.1111145019531, 301.4042053222656], [280.6692199707031, 301.4048156738281], [281.227294921875, 301.4054260253906], [281.785400390625, 301.406005859375], [282.3433837890625, 301.4066162109375], [282.9014892578125, 301.4072265625], [283.4595947265625, 301.4078369140625], [284.017578125, 301.4084167480469], [284.57568359375, 301.4090270996094], [285.1337890625, 301.4096374511719], [285.69189453125, 301.4102478027344], [286.2498779296875, 301.4108581542969], [286.8079833984375, 301.41143798828125], [287.3660888671875, 301.41204833984375], [287.9241943359375, 301.41265869140625], [288.482177734375, 301.41326904296875], [289.040283203125, 301.4138488769531], [289.598388671875, 301.4144592285156], [290.1563720703125, 301.4150695800781], [290.7144775390625, 301.4156799316406], [291.2725830078125, 301.416259765625], [291.8306884765625, 301.4168701171875], [292.388671875, 301.41748046875], [292.94677734375, 301.4180908203125], [293.5048828125, 301.418701171875], [294.06298828125, 301.4192810058594], [294.6209716796875, 301.4198913574219], [295.1790771484375, 301.4205017089844], [295.7371826171875, 301.4211120605469], [296.295166015625, 301.42169189453125], [296.853271484375, 301.42230224609375], [297.411376953125, 301.42291259765625], [297.969482421875, 301.42352294921875], [298.5274658203125, 301.42413330078125], [299.0855712890625, 301.4247131347656], [299.6436767578125, 301.4253234863281], [300.2017822265625, 301.4259338378906], [300.759765625, 301.4265441894531], [301.31787109375, 301.4271240234375], [301.8759765625, 301.427734375], [302.4339599609375, 301.4283447265625], [302.9920654296875, 301.428955078125], [303.5501708984375, 301.4295654296875], [304.1082763671875, 301.4301452636719], [304.666259765625, 301.4307556152344], [305.224365234375, 301.4313659667969], [305.782470703125, 301.4319763183594], [306.340576171875, 301.43255615234375], [306.8985595703125, 301.43316650390625], [307.4566650390625, 301.43377685546875], [308.0147705078125, 301.43438720703125], [308.57269287109375, 301.4346923828125], [309.13079833984375, 301.4347839355469], [309.68890380859375, 301.4348449707031], [310.24700927734375, 301.4349365234375], [310.80499267578125, 301.43499755859375], [311.36309814453125, 301.4350891113281], [311.92120361328125, 301.4351501464844], [312.47930908203125, 301.4352111816406], [313.03729248046875, 301.435302734375], [313.59539794921875, 301.43536376953125], [314.15350341796875, 301.4354553222656], [314.71148681640625, 301.4355163574219], [315.26959228515625, 301.43560791015625], [315.82769775390625, 301.4356689453125], [316.38580322265625, 301.4357604980469], [316.94378662109375, 301.4358215332031], [317.50189208984375, 301.4358825683594], [318.05999755859375, 301.43597412109375], [318.61810302734375, 301.43603515625], [319.17608642578125, 301.4361267089844], [319.73419189453125, 301.4361877441406], [320.29229736328125, 301.436279296875], [320.85028076171875, 301.43634033203125], [321.40838623046875, 301.4364318847656], [321.96649169921875, 301.4364929199219], [322.52459716796875, 301.43658447265625], [323.08258056640625, 301.4366455078125], [323.64068603515625, 301.43670654296875], [324.19879150390625, 301.4367980957031], [324.75689697265625, 301.4368591308594], [325.31488037109375, 301.43695068359375], [325.87298583984375, 301.4367980957031], [326.43109130859375, 301.4364013671875], [326.98907470703125, 301.4360046386719], [327.54718017578125, 301.43560791015625], [328.10528564453125, 301.4352111816406], [328.66339111328125, 301.434814453125], [329.22137451171875, 301.4344482421875], [329.77947998046875, 301.4340515136719], [330.33758544921875, 301.43365478515625], [330.89569091796875, 301.4332580566406], [331.45367431640625, 301.432861328125], [332.01177978515625, 301.4324645996094], [332.56988525390625, 301.4320983886719], [333.12786865234375, 301.43170166015625], [333.68597412109375, 301.4313049316406], [334.24407958984375, 301.430908203125], [334.80218505859375, 301.4305114746094], [335.36016845703125, 301.43011474609375], [335.91827392578125, 301.4297180175781], [336.47637939453125, 301.4293518066406], [337.03448486328125, 301.428955078125], [337.59246826171875, 301.4285583496094], [338.15057373046875, 301.42816162109375], [338.70867919921875, 301.4277648925781], [339.26666259765625, 301.4273681640625], [339.82476806640625, 301.4269714355469], [340.38287353515625, 301.4266052246094], [340.94097900390625, 301.42620849609375], [341.49896240234375, 301.4258117675781], [342.05706787109375, 301.4254150390625], [342.61517333984375, 301.4250183105469], [343.1733093261719, 301.42437744140625], [343.7312927246094, 301.4234313964844], [344.2893981933594, 301.4224853515625], [344.8475036621094, 301.4215393066406], [345.4054870605469, 301.42059326171875], [345.9635925292969, 301.4196472167969], [346.5216979980469, 301.418701171875], [347.0798034667969, 301.41778564453125], [347.6377868652344, 301.4168395996094], [348.1958923339844, 301.4158935546875], [348.7539978027344, 301.4149475097656], [349.31207275390625, 301.41400146484375], [349.87005615234375, 301.4130554199219], [350.42816162109375, 301.412109375], [350.98626708984375, 301.4111633300781], [351.54425048828125, 301.41021728515625], [352.10235595703125, 301.4092712402344], [352.66046142578125, 301.4083251953125], [353.21856689453125, 301.4073791503906], [353.77655029296875, 301.40643310546875], [354.33465576171875, 301.4054870605469], [354.89276123046875, 301.404541015625], [355.45086669921875, 301.4035949707031], [356.00885009765625, 301.40264892578125], [356.56695556640625, 301.4017028808594], [357.12506103515625, 301.4007568359375], [357.68304443359375, 301.3998107910156], [358.24114990234375, 301.39886474609375], [358.79925537109375, 301.3979187011719], [359.35736083984375, 301.39697265625], [359.91534423828125, 301.3960266113281], [360.4734802246094, 301.3948974609375], [361.0315856933594, 301.39349365234375], [361.5896911621094, 301.39208984375], [362.1476745605469, 301.3906555175781], [362.7057800292969, 301.3892517089844], [363.2638854980469, 301.3878479003906], [363.8218688964844, 301.3864440917969], [364.37994384765625, 301.385009765625], [364.93804931640625, 301.38360595703125], [365.49615478515625, 301.3822021484375], [366.05413818359375, 301.38079833984375], [366.61224365234375, 301.3793640136719], [367.17034912109375, 301.3779602050781], [367.72845458984375, 301.3765563964844], [368.28643798828125, 301.3751220703125], [368.84454345703125, 301.37371826171875], [369.4026184082031, 301.37200927734375], [369.9606018066406, 301.3702392578125], [370.5187072753906, 301.3684997558594], [371.0768127441406, 301.3667297363281], [371.6349182128906, 301.364990234375], [372.1929016113281, 301.36322021484375], [372.7510070800781, 301.3614807128906], [373.3091125488281, 301.3597412109375], [373.8672180175781, 301.35797119140625], [374.4252014160156, 301.3562316894531], [374.9832763671875, 301.3544616699219], [375.5413818359375, 301.35272216796875], [376.099365234375, 301.3509521484375], [376.657470703125, 301.3492126464844], [377.215576171875, 301.3474426269531], [377.7737121582031, 301.3455505371094], [378.3316955566406, 301.34344482421875], [378.8898010253906, 301.3413391113281], [379.4479064941406, 301.3392028808594], [380.0059814453125, 301.33709716796875], [380.56396484375, 301.3349914550781], [381.1220703125, 301.3328552246094], [381.68017578125, 301.33074951171875], [382.2381591796875, 301.3286437988281], [382.7962646484375, 301.3265380859375], [383.3543701171875, 301.32440185546875], [383.9124755859375, 301.3222961425781], [384.4704284667969, 301.3201904296875], [385.0285339355469, 301.31805419921875], [385.5866394042969, 301.3159484863281], [386.1447448730469, 301.3138427734375], [386.7027282714844, 301.3114013671875], [387.26080322265625, 301.30889892578125], [387.81890869140625, 301.306396484375], [388.37689208984375, 301.30389404296875], [388.93499755859375, 301.3013916015625], [389.49310302734375, 301.29888916015625], [390.05120849609375, 301.2964172363281], [390.6091613769531, 301.2939147949219], [391.1672668457031, 301.2914123535156], [391.7253723144531, 301.2889099121094], [392.2834777832031, 301.2864074707031], [392.8414611816406, 301.2839050292969], [393.3995361328125, 301.2814025878906], [393.9576416015625, 301.2789306640625], [394.515625, 301.27642822265625], [395.07366943359375, 301.2737731933594], [395.63177490234375, 301.2708740234375], [396.1898498535156, 301.2679748535156], [396.7478332519531, 301.26507568359375], [397.3059387207031, 301.2621765136719], [397.8640441894531, 301.25927734375], [398.422119140625, 301.2563781738281], [398.9801025390625, 301.25347900390625], [399.5382080078125, 301.25054931640625], [400.0963134765625, 301.2476501464844], [400.6542663574219, 301.2447509765625], [401.2123718261719, 301.2418518066406], [401.7704772949219, 301.23895263671875], [402.3285827636719, 301.2360534667969], [402.88653564453125, 301.233154296875], [403.44464111328125, 301.2302551269531], [404.0027770996094, 301.22698974609375], [404.56085205078125, 301.2236633300781], [405.11883544921875, 301.2203369140625], [405.67694091796875, 301.2170104980469], [406.2350158691406, 301.21368408203125], [406.7929992675781, 301.2103576660156], [407.3511047363281, 301.20703125], [407.9091796875, 301.20367431640625], [408.46728515625, 301.2003479003906], [409.0252685546875, 301.197021484375], [409.5833740234375, 301.1936950683594], [410.1414489746094, 301.19036865234375], [410.6995544433594, 301.1870422363281], [411.2575378417969, 301.1837158203125], [411.81561279296875, 301.1803894042969], [412.3736877441406, 301.1769104003906], [412.9316711425781, 301.1731262207031], [413.4897766113281, 301.1693420410156], [414.0478515625, 301.1655578613281], [414.60595703125, 301.16180419921875], [415.1639099121094, 301.15802001953125], [415.7220153808594, 301.15423583984375], [416.28009033203125, 301.15045166015625], [416.83819580078125, 301.14666748046875], [417.39617919921875, 301.1429138183594], [417.9542541503906, 301.1391296386719], [418.5123596191406, 301.1353454589844], [419.0703125, 301.1315612792969], [419.62841796875, 301.1277770996094], [420.1864929199219, 301.1240234375], [420.7445983886719, 301.1202392578125], [421.3026428222656, 301.1160583496094], [421.8607177734375, 301.11181640625], [422.4188232421875, 301.1075744628906], [422.9768981933594, 301.10333251953125], [423.5348815917969, 301.0990905761719], [424.09295654296875, 301.0948486328125], [424.65106201171875, 301.0906066894531], [425.2090148925781, 301.08636474609375], [425.7671203613281, 301.0821228027344], [426.3251953125, 301.0778503417969], [426.8832702636719, 301.0736083984375], [427.4412536621094, 301.0693664550781], [427.99932861328125, 301.06512451171875], [428.55743408203125, 301.0608825683594], [429.1155090332031, 301.056640625], [429.6734924316406, 301.05224609375], [430.2315673828125, 301.0475158691406], [430.7896728515625, 301.0427551269531], [431.3476257324219, 301.03802490234375], [431.90570068359375, 301.0332946777344], [432.46380615234375, 301.0285339355469], [433.0218811035156, 301.0238037109375], [433.579833984375, 301.0190734863281], [434.137939453125, 301.01434326171875], [434.6960144042969, 301.00958251953125], [435.25408935546875, 301.0048522949219], [435.81207275390625, 301.0001220703125], [436.3701477050781, 300.9953918457031], [436.92822265625, 300.9906311035156], [437.4862060546875, 300.98590087890625], [438.0442810058594, 300.9811706542969], [438.602294921875, 300.97601318359375], [439.1603698730469, 300.97076416015625], [439.71832275390625, 300.96551513671875], [440.2763977050781, 300.96026611328125], [440.8345031738281, 300.95501708984375], [441.392578125, 300.94976806640625], [441.9505310058594, 300.94451904296875], [442.50860595703125, 300.93927001953125], [443.0666809082031, 300.93402099609375], [443.6246643066406, 300.92877197265625], [444.1827392578125, 300.92352294921875], [444.7408142089844, 300.91827392578125], [445.29888916015625, 300.91302490234375], [445.8568420410156, 300.90777587890625], [446.4149475097656, 300.90252685546875], [446.9729919433594, 300.89605712890625], [447.5305480957031, 300.87335205078125], [448.0868225097656, 300.8299865722656], [448.641357421875, 300.7669982910156], [449.1934814453125, 300.68536376953125], [449.74249267578125, 300.5859375], [450.2882080078125, 300.4693298339844], [450.83026123046875, 300.33624267578125], [451.3679504394531, 300.1870422363281], [451.9010009765625, 300.0223083496094], [452.4293212890625, 299.8423767089844], [452.9522705078125, 299.6476135253906], [453.4696044921875, 299.438232421875], [453.9806823730469, 299.2143249511719], [454.48529052734375, 298.9759216308594], [454.9827880859375, 298.72296142578125], [455.4723815917969, 298.4554443359375], [455.952880859375, 298.1716003417969], [456.4219055175781, 297.86907958984375], [456.8790283203125, 297.54901123046875], [457.32415771484375, 297.2126770019531], [457.75726318359375, 296.8606872558594], [458.1777038574219, 296.4936828613281], [458.5849609375, 296.1121520996094], [458.9783935546875, 295.7165832519531], [459.357421875, 295.3070068359375], [459.7207946777344, 294.8833312988281], [460.0672302246094, 294.44610595703125], [460.39569091796875, 293.9948425292969], [460.7039489746094, 293.5296936035156], [460.9901123046875, 293.05059814453125], [461.251708984375, 292.5577697753906], [461.4951477050781, 292.0556945800781], [461.7276611328125, 291.5483093261719], [461.94976806640625, 291.0362854003906], [462.16192626953125, 290.5201721191406], [462.3644714355469, 290.00018310546875], [462.5577697753906, 289.47662353515625], [462.742431640625, 288.9500732421875], [462.91876220703125, 288.4206237792969], [463.0869445800781, 287.8884582519531], [463.2476501464844, 287.3539733886719], [463.40106201171875, 286.8175048828125], [463.54742431640625, 286.27886962890625], [463.6869812011719, 285.73858642578125], [463.8209533691406, 285.1967468261719], [463.9481506347656, 284.6534423828125], [464.0700378417969, 284.1088562011719], [464.186767578125, 283.5631408691406], [464.2978515625, 283.01629638671875], [464.404296875, 282.468505859375], [464.50640869140625, 281.91973876953125], [464.6036682128906, 281.3702392578125], [464.6970520019531, 280.820068359375], [464.7867736816406, 280.269287109375], [464.87237548828125, 279.7177429199219], [464.9547119140625, 279.1657409667969], [465.0334777832031, 278.61334228515625], [465.1086120605469, 278.060302734375], [465.17950439453125, 277.5068054199219], [465.2464599609375, 276.9528503417969], [465.30950927734375, 276.39825439453125], [465.368408203125, 275.8432922363281], [465.4231262207031, 275.2878723144531], [465.4728698730469, 274.7321472167969], [465.5180969238281, 274.1758728027344], [465.5587158203125, 273.6192321777344], [465.5946044921875, 273.06231689453125], [465.6255798339844, 272.50518798828125], [465.65087890625, 271.9477233886719], [465.6709289550781, 271.38995361328125], [465.6860046386719, 270.8321228027344], [465.6949768066406, 270.27410888671875], [465.6982727050781, 269.716064453125], [465.6953125, 269.1579284667969], [465.6863098144531, 268.6000671386719], [465.6709289550781, 268.0421142578125], [465.6488342285156, 267.4845275878906], [465.6200866699219, 266.9270935058594], [465.5841369628906, 266.3703308105469], [465.5412292480469, 265.8138732910156], [465.4906311035156, 265.258056640625], [465.4306335449219, 264.70330810546875], [465.356689453125, 264.1501159667969], [465.2696228027344, 263.5988464355469], [465.1701965332031, 263.04974365234375], [465.0593566894531, 262.5029296875], [464.9378662109375, 261.9581604003906], [464.80657958984375, 261.41571044921875], [464.6663818359375, 260.8756103515625], [464.51806640625, 260.337646484375], [464.36187744140625, 259.8017883300781], [464.19970703125, 259.26776123046875], [464.03118896484375, 258.73583984375], [463.8577575683594, 258.20538330078125], [463.6795654296875, 257.6766052246094], [463.49761962890625, 257.1488952636719], [463.3124694824219, 256.62249755859375], [463.1244201660156, 256.0971374511719], [462.93499755859375, 255.57205200195312], [462.7440185546875, 255.0476531982422], [462.55279541015625, 254.52359008789062], [462.36138916015625, 253.99932861328125], [462.1699523925781, 253.47509765625], [461.976806640625, 252.9516143798828], [461.7795715332031, 252.42953491210938], [461.5776672363281, 251.9092254638672], [461.37200927734375, 251.39036560058594], [461.1623229980469, 250.87326049804688], [460.94903564453125, 250.3574981689453], [460.7322998046875, 249.84324645996094], [460.5121765136719, 249.33035278320312], [460.2892150878906, 248.81895446777344], [460.06292724609375, 248.3087158203125], [459.83428955078125, 247.79965209960938], [459.602783203125, 247.29190063476562], [459.36865234375, 246.7853546142578], [459.1329040527344, 246.2793731689453], [458.8949279785156, 245.77456665039062], [458.6549072265625, 245.2708740234375], [458.4134216308594, 244.76766967773438], [458.1706237792969, 244.26515197753906], [457.9259948730469, 243.76351928710938], [457.6803894042969, 243.26254272460938], [457.4338684082031, 242.76182556152344], [457.1864318847656, 242.26156616210938], [456.9382019042969, 241.7618408203125], [456.6898193359375, 241.26205444335938], [456.4399108886719, 240.7630615234375], [456.18798828125, 240.26502990722656], [455.9334411621094, 239.7684783935547], [455.67559814453125, 239.27354431152344], [455.4136047363281, 238.78073120117188], [455.1469421386719, 238.2904510498047], [454.875, 237.8032684326172], [454.596923828125, 237.3193817138672], [454.3121337890625, 236.83932495117188], [454.0201110839844, 236.36399841308594], [453.7199401855469, 235.8933868408203], [453.4112854003906, 235.42848205566406], [453.0933837890625, 234.96978759765625], [452.7657470703125, 234.51812744140625], [452.430419921875, 234.07203674316406], [452.0910339355469, 233.62890625], [451.7470703125, 233.18946838378906], [451.3992614746094, 232.7530517578125], [451.0472106933594, 232.32008361816406], [450.69146728515625, 231.88999938964844], [450.3319091796875, 231.46339416503906], [449.9688415527344, 231.03956604003906], [449.60205078125, 230.6187744140625], [449.2321472167969, 230.20086669921875], [448.85894775390625, 229.78607177734375], [448.48272705078125, 229.37391662597656], [448.1033020019531, 228.9645538330078], [447.72113037109375, 228.55789184570312], [447.3361511230469, 228.15399169921875], [446.94842529296875, 227.75250244140625], [446.5580749511719, 227.3535919189453], [446.1654357910156, 226.95730590820312], [445.7701721191406, 226.56326293945312], [445.37261962890625, 226.17153930664062], [444.9728698730469, 225.78208923339844], [444.5716247558594, 225.3943328857422], [444.170166015625, 225.00662231445312], [443.7687072753906, 224.61892700195312], [443.3666076660156, 224.23190307617188], [442.9640197753906, 223.8455810546875], [442.5600280761719, 223.46051025390625], [442.155517578125, 223.07595825195312], [441.7495422363281, 222.69322204589844], [441.342041015625, 222.31182861328125], [440.9329833984375, 221.9321746826172], [440.522216796875, 221.55441284179688], [440.10931396484375, 221.17901611328125], [439.6942138671875, 220.80592346191406], [439.27685546875, 220.43540954589844], [438.8570861816406, 220.06761169433594], [438.434814453125, 219.70285034179688], [438.0094909667969, 219.34156799316406], [437.5810546875, 218.9838104248047], [437.1497497558594, 218.6299285888672], [436.71527099609375, 218.27964782714844], [436.27716064453125, 217.9338836669922], [435.83544921875, 217.59280395507812], [435.3901062011719, 217.25665283203125], [434.94085693359375, 216.92547607421875], [434.487548828125, 216.59988403320312], [434.0302734375, 216.27984619140625], [433.5689697265625, 215.96612548828125], [433.1047668457031, 215.65628051757812], [432.6388854980469, 215.34906005859375], [432.1712951660156, 215.0445098876953], [431.7018737792969, 214.74258422851562], [431.23077392578125, 214.4434356689453], [430.7578125, 214.14695739746094], [430.2833557128906, 213.85348510742188], [429.8069152832031, 213.56271362304688], [429.3287353515625, 213.27490234375], [428.848876953125, 212.9900665283203], [428.3672790527344, 212.70826721191406], [427.88372802734375, 212.42941284179688], [427.3984680175781, 212.15371704101562], [426.91162109375, 211.8812713623047], [426.4227294921875, 211.61192321777344], [425.9321594238281, 211.3459014892578], [425.43975830078125, 211.0831756591797], [424.94573974609375, 210.82394409179688], [424.44970703125, 210.5680694580078], [423.9519348144531, 210.3157501220703], [423.45257568359375, 210.06671142578125], [422.951171875, 209.8215789794922], [422.4480285644531, 209.5802001953125], [421.9430236816406, 209.3426055908203], [421.4363098144531, 209.10890197753906], [420.927734375, 208.87908935546875], [420.41729736328125, 208.6532745361328], [419.9051818847656, 208.43157958984375], [419.3912353515625, 208.21401977539062], [418.8755798339844, 208.00076293945312], [418.3580627441406, 207.79177856445312], [417.8388671875, 207.58729553222656], [417.3185119628906, 207.38543701171875], [416.7972717285156, 207.1861572265625], [416.2749328613281, 206.9896240234375], [415.751708984375, 206.79562377929688], [415.2276306152344, 206.6039581298828], [414.70263671875, 206.41452026367188], [414.1768798828125, 206.22731018066406], [413.65045166015625, 206.0423583984375], [413.12310791015625, 205.85955810546875], [412.5951232910156, 205.67872619628906], [412.0664978027344, 205.4998016357422], [411.5373229980469, 205.32266235351562], [411.0075378417969, 205.14730834960938], [410.4769287109375, 204.97422790527344], [409.94610595703125, 204.80201721191406], [409.4146423339844, 204.63157653808594], [408.8827209472656, 204.46267700195312], [408.35052490234375, 204.2946319580078], [407.8177795410156, 204.12872314453125], [407.2847595214844, 203.96340942382812], [406.7512512207031, 203.79949951171875], [406.2175598144531, 203.63661193847656], [405.68353271484375, 203.47442626953125], [405.149169921875, 203.31356811523438], [404.6146240234375, 203.15313720703125], [404.07989501953125, 202.99374389648438], [403.54473876953125, 202.83505249023438], [403.00946044921875, 202.67706298828125], [402.47418212890625, 202.51907348632812], [401.9389953613281, 202.3612823486328], [401.40338134765625, 202.2044677734375], [400.8677673339844, 202.04763793945312], [400.332275390625, 201.89083862304688], [399.7966613769531, 201.73422241210938], [399.260986328125, 201.57763671875], [398.72528076171875, 201.42105102539062], [398.1897888183594, 201.26426696777344], [397.654296875, 201.1070098876953], [397.1188049316406, 200.9497528076172], [396.58331298828125, 200.79249572753906], [396.04815673828125, 200.63418579101562], [395.5131530761719, 200.47560119628906], [394.978271484375, 200.3162384033203], [394.4437255859375, 200.1561737060547], [393.9092102050781, 199.99557495117188], [393.3750915527344, 199.8336181640625], [392.84112548828125, 199.671142578125], [392.3077087402344, 199.50741577148438], [391.7745361328125, 199.3426055908203], [391.2415771484375, 199.17689514160156], [390.709228515625, 199.00936889648438], [390.1772766113281, 198.84117126464844], [389.645751953125, 198.67091369628906], [389.1141052246094, 198.5010528564453], [388.5814208984375, 198.33511352539062], [388.0470275878906, 198.1742706298828], [387.511474609375, 198.01707458496094], [386.9749450683594, 197.8634033203125], [386.4381103515625, 197.71124267578125], [385.9007568359375, 197.56033325195312], [385.3634338378906, 197.4095001220703], [384.8262023925781, 197.25823974609375], [384.2896423339844, 197.1051788330078], [383.753662109375, 196.94969177246094], [383.21875, 196.79037475585938], [382.685302734375, 196.6268768310547], [382.1534729003906, 196.45779418945312], [381.6236267089844, 196.28216552734375], [381.0964660644531, 196.0991973876953], [380.57220458984375, 195.90792846679688], [380.0514831542969, 195.70736694335938], [379.5346984863281, 195.49656677246094], [379.02264404296875, 195.27462768554688], [378.51605224609375, 195.0406951904297], [378.0155029296875, 194.79385375976562], [377.5213623046875, 194.53456115722656], [377.0307312011719, 194.268798828125], [376.5426940917969, 193.9981689453125], [376.0572814941406, 193.7227783203125], [375.57452392578125, 193.44264221191406], [375.0946044921875, 193.15797424316406], [374.6172180175781, 192.868896484375], [374.1424255371094, 192.57554626464844], [373.6703186035156, 192.27798461914062], [373.20086669921875, 191.97625732421875], [372.7339172363281, 191.67054748535156], [372.2695617675781, 191.3610076904297], [371.80780029296875, 191.04769897460938], [371.34869384765625, 190.7304229736328], [370.8919372558594, 190.4097900390625], [370.4378967285156, 190.0852508544922], [369.986328125, 189.75753784179688], [369.5370788574219, 189.42636108398438], [369.09027099609375, 189.0919189453125], [368.64593505859375, 188.75430297851562], [368.2040100097656, 188.4135284423828], [367.76458740234375, 188.0695037841797], [367.3276062011719, 187.7223358154297], [366.8931579589844, 187.3722686767578], [366.4609069824219, 187.01922607421875], [366.03094482421875, 186.66329956054688], [365.6033630371094, 186.30465698242188], [365.1781921386719, 185.94329833984375], [364.7552185058594, 185.5791778564453], [364.3346862792969, 185.21221923828125], [363.91668701171875, 184.8424835205078], [363.5011291503906, 184.47006225585938], [363.0879821777344, 184.0948486328125], [362.6773681640625, 183.7168426513672], [362.2694396972656, 183.33615112304688], [361.8641052246094, 182.95257568359375], [361.4615478515625, 182.5660400390625], [361.0618896484375, 182.17637634277344], [360.665283203125, 181.78402709960938], [360.27142333984375, 181.38853454589844], [359.8806457519531, 180.9901580810547], [359.4928283691406, 180.58868408203125], [359.1082763671875, 180.1845245361328], [358.7269592285156, 179.7769775390625], [358.34912109375, 179.36618041992188], [357.97479248046875, 178.9523162841797], [357.6039733886719, 178.53529357910156], [357.2367248535156, 178.11500549316406], [356.8734130859375, 177.69137573242188], [356.51397705078125, 177.26463317871094], [356.15838623046875, 176.83447265625], [355.8069763183594, 176.40093994140625], [355.45977783203125, 175.96388244628906], [355.1170654296875, 175.52357482910156], [354.7786560058594, 175.07981872558594], [354.44500732421875, 174.6323699951172], [354.1162109375, 174.18162536621094], [353.7939758300781, 173.72604370117188], [353.4814758300781, 173.2636260986328], [353.1784362792969, 172.79489135742188], [352.8846435546875, 172.3205108642578], [352.5995788574219, 171.84078979492188], [352.3228454589844, 171.3560791015625], [352.0540466308594, 170.86695861816406], [351.7928466796875, 170.37391662597656], [351.53875732421875, 169.8769989013672], [351.2913818359375, 169.3767852783203], [351.05035400390625, 168.87355041503906], [350.8153991699219, 168.36721801757812], [350.5854187011719, 167.85873413085938], [350.3609313964844, 167.34776306152344], [350.1408386230469, 166.8351287841797], [349.9251403808594, 166.32034301757812], [349.713134765625, 165.8040771484375], [349.5046081542969, 165.2863311767578], [349.2991943359375, 164.76760864257812], [349.0963134765625, 164.24769592285156], [348.89593505859375, 163.72682189941406], [348.6968688964844, 163.2055206298828], [348.5005187988281, 162.68307495117188], [348.30712890625, 162.15965270996094], [348.1166076660156, 161.63504028320312], [347.928955078125, 161.10951232910156], [347.7440185546875, 160.5829315185547], [347.5617980957031, 160.05543518066406], [347.3822021484375, 159.52706909179688], [347.2052307128906, 158.99789428710938], [347.03070068359375, 158.4677276611328], [346.85870361328125, 157.93685913085938], [346.6890563964844, 157.40530395507812], [346.5216979980469, 156.87278747558594], [346.3566589355469, 156.3396453857422], [346.19390869140625, 155.80581665039062], [346.0332946777344, 155.27142333984375], [345.8747863769531, 154.73635864257812], [345.71826171875, 154.20071411132812], [345.56365966796875, 153.66436767578125], [345.4110107421875, 153.12765502929688], [345.26019287109375, 152.59036254882812], [345.1111145019531, 152.05252075195312], [344.9637756347656, 151.51431274414062], [344.81805419921875, 150.97555541992188], [344.6739196777344, 150.43641662597656], [344.53131103515625, 149.8968963623047], [344.39019775390625, 149.35694885253906], [344.2505187988281, 148.81661987304688], [344.1121826171875, 148.27601623535156], [343.9756774902344, 147.73484802246094], [343.8392333984375, 147.19381713867188], [343.7030029296875, 146.65260314941406], [343.5667419433594, 146.1113739013672], [343.430908203125, 145.57022094726562], [343.2959899902344, 145.02865600585938], [343.16265869140625, 144.48663330078125], [343.0323791503906, 143.94395446777344], [342.90570068359375, 143.40060424804688], [342.7831115722656, 142.85606384277344], [342.6660461425781, 142.31039428710938], [342.5545654296875, 141.76358032226562], [342.4502258300781, 141.21539306640625], [342.3536682128906, 140.66578674316406], [342.26568603515625, 140.1145782470703], [342.1873779296875, 139.56224060058594], [342.11968994140625, 139.00827026367188], [342.0636291503906, 138.4529266357422], [342.02008056640625, 137.89651489257812], [341.9900817871094, 137.33935546875], [341.9747619628906, 136.781494140625], [341.97503662109375, 136.22344970703125], [341.9849853515625, 135.66542053222656], [342.00006103515625, 135.107666015625], [342.0205383300781, 134.54994201660156], [342.046142578125, 133.992431640625], [342.0771179199219, 133.43527221679688], [342.1133728027344, 132.87840270996094], [342.1549072265625, 132.32183837890625], [342.20208740234375, 131.7657012939453], [342.2545471191406, 131.21017456054688], [342.3125915527344, 130.65512084960938], [342.3762512207031, 130.10064697265625], [342.44537353515625, 129.54685974121094], [342.52044677734375, 128.99398803710938], [342.6012268066406, 128.4416961669922], [342.6877746582031, 127.89038848876953], [342.78045654296875, 127.34017944335938], [342.8790283203125, 126.79085540771484], [342.9837341308594, 126.24258422851562], [343.09478759765625, 125.69569396972656], [343.2119140625, 125.15016174316406], [343.3357238769531, 124.60591125488281], [343.4659729003906, 124.0632095336914], [343.6027526855469, 123.52223205566406], [343.7465515136719, 122.9830093383789], [343.89697265625, 122.44564056396484], [344.0545959472656, 121.91026306152344], [344.2192077636719, 121.37704467773438], [344.3875427246094, 120.84502410888672], [344.55853271484375, 120.31370544433594], [344.7320556640625, 119.78325653076172], [344.90826416015625, 119.25386047363281], [345.0869140625, 118.72512817382812], [345.267822265625, 118.1971664428711], [345.4509582519531, 117.66995239257812], [345.6365661621094, 117.1437759399414], [345.82427978515625, 116.61811828613281], [346.0140380859375, 116.09329986572266], [346.2057189941406, 115.56928253173828], [346.3995361328125, 115.04588317871094], [346.59527587890625, 114.52318572998047], [346.792724609375, 114.00126647949219], [346.9919128417969, 113.47998046875], [347.1928405761719, 112.95935821533203], [347.3958740234375, 112.43949127197266], [347.5999450683594, 111.9200439453125], [347.805419921875, 111.4012680053711], [348.0128173828125, 110.8830337524414], [348.22100830078125, 110.36521911621094], [348.4309387207031, 109.8482437133789], [348.6419982910156, 109.33158111572266], [348.8539733886719, 108.81529998779297], [349.0675964355469, 108.29973602294922], [349.2817687988281, 107.78450012207031], [349.49725341796875, 107.26966857910156], [349.7136535644531, 106.75523376464844], [349.93060302734375, 106.24107360839844], [350.14886474609375, 105.72755432128906], [350.3676452636719, 105.21402740478516], [350.5871276855469, 104.70088958740234], [350.8076171875, 104.1883316040039], [351.028564453125, 103.67581939697266], [351.2494812011719, 103.1633071899414], [351.4710693359375, 102.65108489990234], [351.6933288574219, 102.1392822265625], [351.9156494140625, 101.62737274169922], [352.13812255859375, 101.11553955078125], [352.36126708984375, 100.6039810180664], [352.5843505859375, 100.092529296875], [352.8074951171875, 99.58097076416016], [353.0306396484375, 99.06941223144531], [353.25372314453125, 98.55796813964844], [353.47686767578125, 98.0464096069336], [353.69970703125, 97.53469848632812], [353.9223937988281, 97.02294921875], [354.14501953125, 96.51130676269531], [354.36724853515625, 95.99939727783203], [354.5887756347656, 95.48714447021484], [354.8103332519531, 94.97489166259766], [355.0315856933594, 94.462646484375], [355.25146484375, 93.9496841430664], [355.47137451171875, 93.43672943115234], [355.68994140625, 92.92335510253906], [355.9082946777344, 92.40974426269531], [356.1259460449219, 91.8958740234375], [356.3429870605469, 91.38169860839844], [356.5597839355469, 90.86746978759766], [356.7757263183594, 90.35284423828125], [356.99169921875, 89.83821868896484], [357.2065124511719, 89.32317352294922], [357.4212341308594, 88.80815124511719], [357.6359558105469, 88.29300689697266], [357.8507080078125, 87.77787017822266], [358.0651550292969, 87.26265716552734], [358.2790222167969, 86.74714660644531], [358.49285888671875, 86.23163604736328], [358.7066955566406, 85.71612548828125], [358.9205017089844, 85.20072937011719], [359.1343078613281, 84.68527221679688], [359.34814453125, 84.16975402832031], [359.5619812011719, 83.65423583984375], [359.7757568359375, 83.13883209228516], [359.9896240234375, 82.62333679199219], [360.20428466796875, 82.10816955566406], [360.4189147949219, 81.5931167602539], [360.6335754394531, 81.07794952392578], [360.8482666015625, 80.56278228759766], [361.0633850097656, 80.04783630371094], [361.2792053222656, 79.53327941894531], [361.4951477050781, 79.01860809326172], [361.7120666503906, 78.50438690185547], [361.92901611328125, 77.99017333984375], [362.1468811035156, 77.47649383544922], [362.3651123046875, 76.96282196044922], [362.5840148925781, 76.44938659667969], [362.8036804199219, 75.93646240234375], [363.0236511230469, 75.42350006103516], [363.2450866699219, 74.91121673583984], [363.466552734375, 74.39892578125], [363.6895446777344, 73.88742065429688], [363.9129333496094, 73.3759765625], [364.1371154785156, 72.86494445800781], [364.3624572753906, 72.35440826416016], [364.58880615234375, 71.84428405761719], [364.816162109375, 71.3345947265625], [365.0447082519531, 70.82544708251953], [365.2743835449219, 70.31694793701172], [365.5052490234375, 69.80876159667969], [365.7372131347656, 69.3012466430664], [365.9704284667969, 68.79419708251953], [366.2048645019531, 68.28777313232422], [366.4405517578125, 67.78199005126953], [366.67767333984375, 67.27676391601562], [366.9164123535156, 66.77220153808594], [367.1564636230469, 66.26847839355469], [367.39801025390625, 65.76539611816406], [367.64105224609375, 65.26300811767578], [367.8855895996094, 64.76142120361328], [368.1317138671875, 64.26055908203125], [368.3794860839844, 63.76047134399414], [368.6289978027344, 63.261253356933594], [368.88037109375, 62.763038635253906], [369.1334533691406, 62.26567840576172], [369.3883361816406, 61.76919174194336], [369.64501953125, 61.27360153198242], [369.90350341796875, 60.77914810180664], [370.1639404296875, 60.2855339050293], [370.42633056640625, 59.79291534423828], [370.6907653808594, 59.301578521728516], [370.9573974609375, 58.81132888793945], [371.22613525390625, 58.32213592529297], [371.49688720703125, 57.83415222167969], [371.7697448730469, 57.347389221191406], [372.0450134277344, 56.8619384765625], [372.3290100097656, 56.38145446777344], [372.62255859375, 55.90682601928711], [372.9253845214844, 55.43818664550781], [373.23699951171875, 54.97514343261719], [373.556884765625, 54.517906188964844], [373.8846130371094, 54.06629180908203], [374.2198791503906, 53.620113372802734], [374.5622253417969, 53.17939376831055], [374.911376953125, 52.743927001953125], [375.26678466796875, 52.31383514404297], [375.6283264160156, 51.888668060302734], [375.9955749511719, 51.468421936035156], [376.3683166503906, 51.053001403808594], [376.7460632324219, 50.642433166503906], [377.1287841796875, 50.23615646362305], [377.51605224609375, 49.834228515625], [377.9075012207031, 49.4366340637207], [378.3031005859375, 49.04294204711914], [378.7024841308594, 48.65316390991211], [379.10546875, 48.2670783996582], [379.51171875, 47.884620666503906], [379.92120361328125, 47.50542068481445], [380.333740234375, 47.12938690185547], [380.7489318847656, 46.756492614746094], [381.1668701171875, 46.38686752319336], [381.5870361328125, 46.01955032348633], [382.009521484375, 45.654701232910156], [382.43377685546875, 45.292423248291016], [382.8600769042969, 44.93219757080078], [383.2880859375, 44.573951721191406], [383.71783447265625, 44.21788024902344], [384.1500549316406, 43.864994049072266], [384.585205078125, 43.51549530029297], [385.02276611328125, 43.16915512084961], [385.463623046875, 42.82688903808594], [385.9074401855469, 42.48858642578125], [386.3544921875, 42.15449142456055], [386.80487060546875, 41.82503128051758], [387.2586975097656, 41.50026321411133], [387.7161560058594, 41.18063735961914], [388.1774597167969, 40.86643981933594], [388.6424255371094, 40.55793380737305], [389.1114807128906, 40.25566482543945], [389.584716796875, 39.959774017333984], [390.0620422363281, 39.670658111572266], [390.5439453125, 39.38911819458008], [391.0300598144531, 39.1152458190918], [391.5209045410156, 38.84957504272461], [392.0164489746094, 38.59288787841797], [392.51654052734375, 38.34538650512695], [393.021728515625, 38.108158111572266], [393.53167724609375, 37.88136672973633], [394.0465393066406, 37.666053771972656], [394.566162109375, 37.462890625], [395.0906982421875, 37.27239990234375], [395.6201477050781, 37.09577941894531], [396.1542053222656, 36.933837890625], [396.69366455078125, 36.791465759277344], [397.2386474609375, 36.6708984375], [397.78765869140625, 36.571006774902344], [398.3396911621094, 36.4902458190918], [398.894287109375, 36.427406311035156], [399.450439453125, 36.380828857421875], [400.00750732421875, 36.349388122558594], [400.56524658203125, 36.332000732421875], [401.1233825683594, 36.327667236328125], [401.681396484375, 36.335044860839844], [402.2392272949219, 36.353153228759766], [402.7964782714844, 36.38117980957031], [403.3533020019531, 36.41830062866211], [403.9096374511719, 36.46348190307617], [404.46502685546875, 36.51591491699219], [405.0199890136719, 36.57536697387695], [405.5743408203125, 36.64018630981445], [406.1280517578125, 36.71013259887695], [406.6810607910156, 36.7846794128418], [407.233642578125, 36.86264419555664], [407.785888671875, 36.9438362121582], [408.3376770019531, 37.02740478515625], [408.88909912109375, 37.11244201660156], [409.4331970214844, 37.235572814941406], [409.962158203125, 37.412940979003906], [410.4739990234375, 37.63481903076172], [410.9688720703125, 37.89250564575195], [411.4478759765625, 38.178714752197266], [411.91265869140625, 38.487606048583984], [412.365234375, 38.81396484375], [412.80792236328125, 39.15382385253906], [413.2428894042969, 39.5035514831543], [413.6744079589844, 39.85743713378906], [414.1067810058594, 40.21015930175781], [414.54010009765625, 40.5618896484375], [414.9737243652344, 40.91324996948242], [415.4073181152344, 41.264556884765625], [415.8404235839844, 41.61653518676758], [416.2727355957031, 41.96938705444336], [416.70355224609375, 42.32423400878906], [417.1322937011719, 42.68130111694336], [417.5588684082031, 43.041133880615234], [417.9826354980469, 43.40443801879883], [418.4029541015625, 43.771488189697266], [418.8192138671875, 44.14307403564453], [419.231201171875, 44.51966857910156], [419.6379699707031, 44.90166473388672], [420.0390319824219, 45.289669036865234], [420.4338684082031, 45.684043884277344], [420.8216247558594, 46.085426330566406], [421.20159912109375, 46.49417495727539], [421.5731506347656, 46.910438537597656], [421.9353332519531, 47.33505630493164], [422.28741455078125, 47.76805877685547], [422.6286926269531, 48.20968246459961], [422.9578552246094, 48.66021728515625], [423.2761535644531, 49.11866760253906], [423.592529296875, 49.57843780517578], [423.9088439941406, 50.03811264038086], [424.2252197265625, 50.497886657714844], [424.541259765625, 50.95786666870117], [424.8561706542969, 51.41864776611328], [425.1709899902344, 51.879329681396484], [425.48590087890625, 52.340110778808594], [425.80078125, 52.8008918762207], [426.1144104003906, 53.26252365112305], [426.42779541015625, 53.72418212890625], [426.74127197265625, 54.185943603515625], [427.0547180175781, 54.647705078125], [427.3673400878906, 55.10986328125], [427.6794128417969, 55.57255554199219], [427.9914855957031, 56.03525161743164], [428.3035888671875, 56.49794387817383], [428.61529541015625, 56.96076583862305], [428.926025390625, 57.42436218261719], [429.2367858886719, 57.88795852661133], [429.5475158691406, 58.351558685302734], [429.8581848144531, 58.8150520324707], [430.1677551269531, 59.279449462890625], [430.4772033691406, 59.743919372558594], [430.7865905761719, 60.208282470703125], [431.09600830078125, 60.67274856567383], [431.4047546386719, 61.1376953125], [431.71295166015625, 61.602989196777344], [432.02105712890625, 62.06818389892578], [432.3292541503906, 62.53348159790039], [432.63714599609375, 62.998931884765625], [432.94415283203125, 63.46501922607422], [433.2510681152344, 63.930999755859375], [433.5580749511719, 64.39708709716797], [433.8650817871094, 64.86317443847656], [434.1709289550781, 65.32981872558594], [434.4767761230469, 65.79666137695312], [434.7825927734375, 66.26351165771484], [435.08843994140625, 66.73036193847656], [435.39361572265625, 67.19756317138672], [435.6983337402344, 67.6651382446289], [436.0030517578125, 68.1327133178711], [436.30780029296875, 68.60028076171875], [436.6122131347656, 69.06788635253906], [436.9158630371094, 69.5361557006836], [437.2195129394531, 70.00442504882812], [437.5231018066406, 70.47258758544922], [437.8267517089844, 70.94084930419922], [438.1294860839844, 71.40965270996094], [438.43212890625, 71.87857818603516], [438.7347106933594, 72.34740447998047], [439.0373229980469, 72.81632995605469], [439.3393859863281, 73.28550720214844], [439.64105224609375, 73.75505828857422], [439.9427185058594, 74.224609375], [440.244384765625, 74.69416046142578], [440.5458068847656, 75.16374206542969], [440.8465576171875, 75.6338882446289], [441.1473083496094, 76.10403442382812], [441.4479064941406, 76.573974609375], [441.7486572265625, 77.04412078857422], [442.0486755371094, 77.51483154296875], [442.3485412597656, 77.98553466796875], [442.6484069824219, 78.45623779296875], [442.9482727050781, 78.92694091796875], [443.2477111816406, 79.39791107177734], [443.5467224121094, 79.869140625], [443.84564208984375, 80.34017181396484], [444.1446533203125, 80.81140899658203], [444.443603515625, 81.28279113769531], [444.7418212890625, 81.7545166015625], [445.0400695800781, 82.22624969482422], [445.33831787109375, 82.69798278808594], [445.6365661621094, 83.16971588134766], [445.9339904785156, 83.64149475097656], [446.23150634765625, 84.11369323730469], [446.5290222167969, 84.58589172363281], [446.8265380859375, 85.0580825805664], [447.12371826171875, 85.530517578125], [447.4205322265625, 86.0031509399414], [447.71734619140625, 86.47578430175781], [448.0140075683594, 86.94821166992188], [448.31085205078125, 87.42107391357422], [448.6070251464844, 87.89410400390625], [448.9031982421875, 88.36714172363281], [449.1993713378906, 88.84017944335938], [449.49554443359375, 89.3132095336914], [449.7911376953125, 89.78636169433594], [450.0867004394531, 90.25977325439453], [450.38214111328125, 90.73297882080078], [450.677734375, 91.20638275146484], [450.97308349609375, 91.67998504638672], [451.2680969238281, 92.15373229980469], [451.5631408691406, 92.62748718261719], [451.858154296875, 93.10124206542969], [452.1531677246094, 93.57513427734375], [452.44732666015625, 94.04913330078125], [452.74163818359375, 94.5233383178711], [453.0359191894531, 94.99755096435547], [453.3302307128906, 95.47175598144531], [453.62451171875, 95.94596099853516], [453.9187927246094, 96.42017364501953], [454.2131042480469, 96.89437866210938], [454.50726318359375, 97.36837768554688], [454.8011779785156, 97.84271240234375], [455.09466552734375, 98.31742095947266], [455.38812255859375, 98.7921371459961], [455.6816101074219, 99.266845703125], [455.97509765625, 99.74156188964844], [456.2685852050781, 100.21627044677734], [456.5620422363281, 100.69098663330078], [456.85540771484375, 101.16548919677734], [457.1488952636719, 101.64019775390625], [457.44195556640625, 102.11528778076172], [457.73480224609375, 102.59038543701172], [458.0276794433594, 103.06548309326172], [458.3205261230469, 103.54058837890625], [458.6133728027344, 104.01568603515625], [458.9060974121094, 104.4905776977539], [459.1989440917969, 104.96568298339844], [459.4917907714844, 105.44078063964844], [459.78460693359375, 105.91588592529297], [460.076904296875, 106.39132690429688], [460.36920166015625, 106.86677551269531], [460.6614990234375, 107.34221649169922], [460.95367431640625, 107.81745147705078], [461.2459411621094, 108.29289245605469], [461.5382385253906, 108.76834106445312], [461.8305358886719, 109.24378204345703], [462.1228332519531, 109.71922302246094], [462.4151306152344, 110.19467163085938], [462.7074279785156, 110.67011260986328], [462.99957275390625, 111.14534759521484], [463.2918701171875, 111.62078857421875], [463.58416748046875, 112.09623718261719], [463.87646484375, 112.5716781616211], [464.16876220703125, 113.047119140625], [464.4610595703125, 113.5225601196289], [464.75335693359375, 113.99800872802734], [465.0453796386719, 114.47367095947266], [465.3371276855469, 114.94917297363281], [465.6289978027344, 115.42487335205078], [465.92083740234375, 115.90058135986328], [466.21270751953125, 116.37628936767578], [466.50457763671875, 116.85198974609375], [466.79644775390625, 117.32769775390625], [467.08831787109375, 117.80340576171875], [467.3800354003906, 118.27890014648438], [467.6719055175781, 118.75460815429688], [467.9632263183594, 119.23046112060547], [468.254638671875, 119.70645141601562], [468.5460205078125, 120.18244934082031], [468.83740234375, 120.658447265625], [469.1288146972656, 121.13444519042969], [469.4200744628906, 121.6102294921875], [469.7114562988281, 122.08622741699219], [470.0028381347656, 122.56222534179688], [470.29425048828125, 123.03821563720703], [470.5855712890625, 123.51439666748047], [470.87652587890625, 123.99066925048828], [471.1674499511719, 124.4669418334961], [471.4584045410156, 124.9432144165039], [471.74920654296875, 125.41928100585938], [472.0401611328125, 125.89555358886719], [472.3310852050781, 126.371826171875], [472.6220397949219, 126.84809875488281], [472.9129638671875, 127.32437133789062], [473.20391845703125, 127.80064392089844], [473.4945373535156, 128.2769775390625], [473.7849426269531, 128.75331115722656], [474.075439453125, 129.22984313964844], [474.3659362792969, 129.7063751220703], [474.6564636230469, 130.1829071044922], [474.94696044921875, 130.65945434570312], [475.23748779296875, 131.135986328125], [475.5279846191406, 131.61251831054688], [475.8183898925781, 132.08885192871094], [476.10888671875, 132.5653839111328], [476.3991394042969, 133.04229736328125], [476.6892395019531, 133.51907348632812], [476.9793701171875, 133.995849609375], [477.26947021484375, 134.47262573242188], [477.5595703125, 134.9494171142578], [477.84967041015625, 135.4261932373047], [478.1396789550781, 135.9027557373047], [478.4297790527344, 136.37954711914062], [478.7198791503906, 136.8563232421875], [479.0099182128906, 137.33311462402344], [479.29962158203125, 137.8101348876953], [479.58935546875, 138.28713989257812], [479.87908935546875, 138.76414489746094], [480.168701171875, 139.24095153808594], [480.45843505859375, 139.71795654296875], [480.7481689453125, 140.19497680664062], [481.0378723144531, 140.67198181152344], [481.3276062011719, 141.14898681640625], [481.6173400878906, 141.62600708007812], [481.90673828125, 142.10304260253906], [482.1958312988281, 142.58016967773438], [482.48504638671875, 143.0574951171875], [482.77423095703125, 143.53482055664062], [483.0634460449219, 144.01214599609375], [483.3526611328125, 144.48947143554688], [483.6418762207031, 144.966796875], [483.93109130859375, 145.44412231445312], [484.22027587890625, 145.92144775390625], [484.5093688964844, 146.3985595703125], [484.798583984375, 146.87588500976562], [485.0877990722656, 147.35321044921875], [485.37701416015625, 147.83053588867188], [485.66619873046875, 148.307861328125], [485.9554138183594, 148.78518676757812], [486.24462890625, 149.26251220703125], [486.5337219238281, 149.73963928222656], [486.8229064941406, 150.2169647216797], [487.11212158203125, 150.6942901611328], [487.4012756347656, 151.17166137695312], [487.68988037109375, 151.64935302734375], [487.9784851074219, 152.12704467773438], [488.26708984375, 152.60475158691406], [488.5555419921875, 153.0822296142578], [488.8441467285156, 153.5599365234375], [489.13275146484375, 154.03762817382812], [489.4213562011719, 154.51531982421875], [489.7099304199219, 154.99301147460938], [489.99853515625, 155.47071838378906], [490.2871398925781, 155.9484100341797], [490.57574462890625, 156.4261016845703], [490.86419677734375, 156.90359497070312], [491.1528015136719, 157.38128662109375], [491.44140625, 157.85897827148438], [491.7300109863281, 158.33668518066406], [492.0185852050781, 158.8143768310547], [492.30718994140625, 159.2920684814453], [492.5957946777344, 159.76976013183594], [492.8842468261719, 160.24725341796875], [493.1725769042969, 160.72528076171875], [493.4606628417969, 161.2032928466797], [493.74871826171875, 161.68130493164062], [494.03680419921875, 162.1593017578125], [494.32489013671875, 162.63731384277344], [494.61297607421875, 163.11532592773438], [494.90093994140625, 163.59312438964844], [495.18902587890625, 164.0711212158203], [495.4770812988281, 164.54913330078125], [495.7651672363281, 165.0271453857422], [496.0532531738281, 165.50515747070312], [496.3413391113281, 165.983154296875], [496.6294250488281, 166.46116638183594], [496.9175109863281, 166.93917846679688], [497.2054443359375, 167.41697692871094], [497.4935302734375, 167.8949737548828], [497.7816162109375, 168.37298583984375], [498.0697021484375, 168.8509979248047], [498.3577880859375, 169.32899475097656], [498.645751953125, 169.80709838867188], [498.93341064453125, 170.2853546142578], [499.220947265625, 170.76341247558594], [499.50860595703125, 171.24166870117188], [499.7962646484375, 171.7199249267578], [500.08392333984375, 172.19818115234375], [500.37158203125, 172.6764373779297], [500.65924072265625, 173.1547088623047], [500.9469299316406, 173.63296508789062], [501.2344665527344, 174.1110076904297], [501.5221252441406, 174.58926391601562], [501.8097839355469, 175.06753540039062], [502.0974426269531, 175.54579162597656], [502.3851013183594, 176.0240478515625], [502.6727600097656, 176.50230407714844], [502.9604187011719, 176.98056030273438], [503.2480773925781, 177.45883178710938], [503.5356140136719, 177.93687438964844], [503.82330322265625, 178.41513061523438], [504.1109619140625, 178.89340209960938], [504.3982849121094, 179.3717803955078], [504.6856384277344, 179.8502197265625], [504.9729919433594, 180.32867431640625], [505.26031494140625, 180.80712890625], [505.54754638671875, 181.28536987304688], [505.83489990234375, 181.76382446289062], [506.1222229003906, 182.24227905273438], [506.4095764160156, 182.72071838378906], [506.6969299316406, 183.1991729736328], [506.9842529296875, 183.67762756347656], [507.2716064453125, 184.1560821533203], [507.5588073730469, 184.6343231201172], [507.8461608886719, 185.11276245117188], [508.1335144042969, 185.59121704101562], [508.42083740234375, 186.06967163085938], [508.70819091796875, 186.54812622070312], [508.99554443359375, 187.0265655517578], [509.2828674316406, 187.50502014160156], [509.5702209472656, 187.9834747314453], [509.8572998046875, 188.46180725097656], [510.14434814453125, 188.9404296875], [510.4314270019531, 189.4190673828125], [510.7184753417969, 189.89767456054688], [511.0055236816406, 190.37631225585938], [511.2925720214844, 190.8549346923828], [511.57965087890625, 191.33355712890625], [511.8665771484375, 191.8119659423828], [512.1536254882812, 192.29058837890625], [512.440673828125, 192.7692108154297], [512.7277221679688, 193.24783325195312], [513.0147705078125, 193.72645568847656], [513.3018798828125, 194.205078125], [513.5889282226562, 194.68370056152344], [513.8758544921875, 195.16212463378906], [514.1629028320312, 195.6407470703125], [514.449951171875, 196.11936950683594], [514.7369995117188, 196.59799194335938], [515.0240478515625, 197.0766143798828], [515.3111572265625, 197.55523681640625], [515.5982055664062, 198.0338592529297], [515.88525390625, 198.51248168945312], [516.1721801757812, 198.9908905029297], [516.459228515625, 199.46951293945312], [516.7462768554688, 199.94813537597656], [517.0333251953125, 200.4267578125], [517.3203735351562, 200.90538024902344], [517.6074829101562, 201.38400268554688], [517.89453125, 201.8626251220703], [518.1814575195312, 202.34104919433594], [518.468505859375, 202.81967163085938], [518.7555541992188, 203.2982940673828], [519.0426025390625, 203.77691650390625], [519.3296508789062, 204.2555389404297], [519.6167602539062, 204.73416137695312], [519.90380859375, 205.21278381347656], [520.1907348632812, 205.69119262695312], [520.477783203125, 206.16981506347656], [520.7648315429688, 206.6484375], [521.0518188476562, 207.12701416015625], [521.3388061523438, 207.6056671142578], [521.6257934570312, 208.08432006835938], [521.912841796875, 208.56297302246094], [522.1998291015625, 209.0416259765625], [522.4866943359375, 209.52008056640625], [522.773681640625, 209.9987335205078], [523.0607299804688, 210.47738647460938], [523.3477172851562, 210.95603942871094], [523.6347045898438, 211.4346923828125], [523.9217529296875, 211.91334533691406], [524.208740234375, 212.39199829101562], [524.49560546875, 212.87045288085938], [524.7825927734375, 213.34910583496094], [525.0696411132812, 213.8277587890625], [525.3566284179688, 214.30641174316406], [525.6436157226562, 214.78506469726562], [525.9306640625, 215.2637176513672], [526.2176513671875, 215.74237060546875], [526.5045166015625, 216.2208251953125], [526.79150390625, 216.69947814941406], [527.0785522460938, 217.17813110351562], [527.3655395507812, 217.6567840576172], [527.6525268554688, 218.13543701171875], [527.9395141601562, 218.6140899658203], [528.2265625, 219.09274291992188], [528.5135498046875, 219.57139587402344], [528.8004150390625, 220.0498504638672], [529.0874633789062, 220.52850341796875], [529.3744506835938, 221.0071563720703], [529.6614379882812, 221.48580932617188], [529.9484252929688, 221.96446228027344], [530.2354736328125, 222.443115234375], [530.5224609375, 222.92176818847656], [530.809326171875, 223.4002227783203], [531.0963134765625, 223.87887573242188], [531.3833618164062, 224.35752868652344], [531.6703491210938, 224.836181640625], [531.9573364257812, 225.31483459472656], [532.24462890625, 225.7932586669922], [532.531982421875, 226.27171325683594], [532.8192138671875, 226.7499542236328], [533.1065673828125, 227.22840881347656], [533.3938598632812, 227.7068634033203], [533.6812133789062, 228.18531799316406], [533.9685668945312, 228.6637725830078], [534.2559204101562, 229.1422119140625], [534.5432739257812, 229.62066650390625], [534.83056640625, 230.09912109375], [535.1177978515625, 230.57736206054688], [535.4051513671875, 231.05581665039062], [535.6925048828125, 231.53427124023438], [535.9797973632812, 232.01272583007812], [536.2671508789062, 232.49118041992188], [536.5545043945312, 232.96963500976562], [536.8418579101562, 233.44808959960938], [537.1290893554688, 233.92633056640625], [537.4163818359375, 234.40478515625], [537.7037353515625, 234.8832244873047], [537.9910888671875, 235.36167907714844], [538.2784423828125, 235.8401336669922], [538.5657958984375, 236.31858825683594], [538.8530883789062, 236.7970428466797], [539.1403198242188, 237.27528381347656], [539.4276733398438, 237.7537384033203], [539.7150268554688, 238.23219299316406], [540.0023193359375, 238.7106475830078], [540.2896728515625, 239.18910217285156], [540.5770263671875, 239.66754150390625], [540.8643798828125, 240.14599609375], [541.1517333984375, 240.62445068359375], [541.4389038085938, 241.10269165039062], [541.7262573242188, 241.58114624023438], [542.0136108398438, 242.05960083007812], [542.3009643554688, 242.53805541992188], [542.5883178710938, 243.01651000976562], [542.8756103515625, 243.49496459960938], [543.1630859375, 243.9734344482422], [543.4508056640625, 244.45138549804688], [543.7386474609375, 244.92953491210938], [544.0264892578125, 245.40769958496094], [544.3143310546875, 245.88584899902344], [544.6021118164062, 246.36399841308594], [544.8899536132812, 246.8421630859375], [545.1777954101562, 247.3203125], [545.4655151367188, 247.79824829101562], [545.7533569335938, 248.2764129638672], [546.0411987304688, 248.7545623779297], [546.3290405273438, 249.2327117919922], [546.6168823242188, 249.71087646484375], [546.9047241210938, 250.18902587890625], [547.1925659179688, 250.66717529296875], [547.4804077148438, 251.1453399658203], [547.76806640625, 251.62327575683594], [548.055908203125, 252.1014404296875], [548.34375, 252.57958984375], [548.631591796875, 253.0577392578125], [548.9197387695312, 253.53561401367188], [549.2080078125, 254.01348876953125], [549.496337890625, 254.4913787841797], [549.7844848632812, 254.9690399169922], [550.0728149414062, 255.44691467285156], [550.361083984375, 255.9248046875], [550.6493530273438, 256.4026794433594], [550.9376831054688, 256.88055419921875], [551.2259521484375, 257.3584289550781], [551.5142822265625, 257.8363037109375], [551.8024291992188, 258.3139953613281], [552.0906982421875, 258.7918701171875], [552.3790283203125, 259.2697448730469], [552.6672973632812, 259.74761962890625], [552.9556274414062, 260.2254943847656], [553.243896484375, 260.703369140625], [553.5322265625, 261.1812438964844], [553.8204956054688, 261.65911865234375], [554.108642578125, 262.1368103027344], [554.3970336914062, 262.6147155761719], [554.6854858398438, 263.0924987792969], [554.9739379882812, 263.5702819824219], [555.2623901367188, 264.0480651855469], [555.55078125, 264.52587890625], [555.8392333984375, 265.003662109375], [556.1275634765625, 265.4812316894531], [556.416015625, 265.95904541015625], [556.7044067382812, 266.43682861328125], [556.9928588867188, 266.91461181640625], [557.2813110351562, 267.39239501953125], [557.5697631835938, 267.87017822265625], [557.8582153320312, 268.3479919433594], [558.146484375, 268.8255615234375], [558.4349365234375, 269.3033447265625], [558.723388671875, 269.7811584472656], [559.0118408203125, 270.2589416503906], [559.30029296875, 270.7367248535156], [559.5887451171875, 271.2145080566406], [559.8771362304688, 271.69232177734375], [560.1655883789062, 272.17010498046875], [560.4539184570312, 272.6476745605469], [560.7423706054688, 273.1254577636719], [561.03076171875, 273.603271484375], [561.3192138671875, 274.0810546875], [561.607666015625, 274.558837890625], [561.8961181640625, 275.03662109375], [562.1845703125, 275.5144348144531], [562.4728393554688, 275.99200439453125], [562.7612915039062, 276.46978759765625], [563.0497436523438, 276.9476013183594], [563.3381958007812, 277.4253845214844], [563.6265869140625, 277.903076171875], [563.9152221679688, 278.3807678222656], [564.2037963867188, 278.85845947265625], [564.4923095703125, 279.3359375], [564.7808837890625, 279.8136291503906], [565.0695190429688, 280.29132080078125], [565.3580932617188, 280.7690124511719], [565.646728515625, 281.2467041015625], [565.935302734375, 281.7243957519531], [566.2239379882812, 282.20208740234375], [566.5125122070312, 282.6797790527344], [566.801025390625, 283.1572570800781], [567.089599609375, 283.63494873046875], [567.3782348632812, 284.1126403808594], [567.6668090820312, 284.59033203125], [567.9554443359375, 285.0680236816406], [568.2440185546875, 285.54571533203125], [568.5326538085938, 286.0234069824219], [568.8211059570312, 286.5008850097656], [569.1097412109375, 286.97857666015625], [569.3983154296875, 287.4562683105469], [569.6869506835938, 287.9339599609375], [569.9755249023438, 288.4116516113281], [570.26416015625, 288.88934326171875], [570.552734375, 289.3670349121094], [570.8411865234375, 289.8445129394531], [571.1298217773438, 290.32220458984375], [571.4183959960938, 290.7998962402344], [571.70703125, 291.277587890625], [571.99560546875, 291.7552795410156], [572.2842407226562, 292.23297119140625], [572.5728149414062, 292.7106628417969], [572.8614501953125, 293.18829345703125], [573.150390625, 293.66546630859375], [573.4395141601562, 294.1428527832031], [573.7286376953125, 294.6202392578125], [574.0177612304688, 295.0976257324219], [574.3068237304688, 295.57501220703125], [574.595947265625, 296.0523986816406], [574.8850708007812, 296.52978515625], [575.174072265625, 297.0069580078125], [575.463134765625, 297.4843444824219], [575.7522583007812, 297.96173095703125], [576.0413818359375, 298.4391174316406], [576.3305053710938, 298.91650390625], [576.6195678710938, 299.3938903808594], [576.90869140625, 299.87127685546875], [577.1976928710938, 300.34844970703125], [577.48681640625, 300.8258361816406], [577.7764892578125, 301.302978515625], [578.0661010742188, 301.780029296875], [578.3557739257812, 302.257080078125], [578.6453857421875, 302.7341613769531], [578.93505859375, 303.2112121582031], [579.2246704101562, 303.68829345703125], [579.5142211914062, 304.1651306152344], [579.8038330078125, 304.6422119140625], [580.093505859375, 305.1192626953125], [580.3831176757812, 305.5963134765625], [580.6727905273438, 306.0733947753906], [580.96240234375, 306.5504455566406], [581.2520751953125, 307.0274963378906], [581.5415649414062, 307.5043640136719], [581.8312377929688, 307.9814147949219], [582.120849609375, 308.45849609375], [582.4111328125, 308.9352111816406], [582.7014770507812, 309.4118347167969], [582.9918212890625, 309.88848876953125], [583.2821655273438, 310.3651428222656], [583.5723876953125, 310.841552734375], [583.8627319335938, 311.3182067871094], [584.1530151367188, 311.79486083984375], [584.443359375, 312.271484375], [584.7337036132812, 312.7481384277344], [585.0240478515625, 313.2247619628906], [585.3143920898438, 313.701416015625], [585.604736328125, 314.1780700683594], [585.8948974609375, 314.65447998046875], [586.1852416992188, 315.1311340332031], [586.4755859375, 315.6077575683594], [586.7659301757812, 316.08441162109375], [587.0569458007812, 316.5605773925781], [587.34814453125, 317.0367126464844], [587.6392822265625, 317.5128479003906], [587.9303588867188, 317.98876953125], [588.2214965820312, 318.46490478515625], [588.5126953125, 318.9410400390625], [588.8038940429688, 319.4171447753906], [589.0950317382812, 319.8932800292969], [589.38623046875, 320.3694152832031], [589.6773681640625, 320.8455505371094], [589.9684448242188, 321.32147216796875], [590.2595825195312, 321.797607421875], [590.55078125, 322.27374267578125], [590.8419799804688, 322.7498474121094], [591.1331176757812, 323.2259826660156], [591.42431640625, 323.7021179199219], [591.7164306640625, 324.1775207519531], [592.0089721679688, 324.65283203125], [592.3013305664062, 325.1279602050781], [592.5950927734375, 325.6026611328125], [592.88916015625, 326.0769958496094], [593.1832275390625, 326.5513610839844], [593.4783325195312, 327.0249938964844], [593.7738037109375, 327.49847412109375], [594.0693359375, 327.971923828125], [594.3656005859375, 328.4444885253906], [594.662353515625, 328.9171447753906], [594.9591064453125, 329.3898010253906], [595.2567749023438, 329.8619689941406], [595.5546875, 330.3338928222656], [595.8526611328125, 330.8058166503906], [596.1513061523438, 331.27734375], [596.4500732421875, 331.7484436035156], [596.7490234375, 332.2197570800781], [597.048828125, 332.69061279296875], [597.3489379882812, 333.1611633300781], [597.6490478515625, 333.6316833496094], [597.94921875, 334.10223388671875], [598.2493286132812, 334.5727844238281], [598.5494384765625, 335.0433044433594], [598.8501586914062, 335.51312255859375], [599.1514282226562, 335.9829406738281], [599.4526977539062, 336.4527282714844], [599.7539672851562, 336.9225158691406], [600.0552978515625, 337.392333984375], [600.3565673828125, 337.86212158203125], [600.6581420898438, 338.3316955566406], [600.9598999023438, 338.8009338378906], [601.26171875, 339.2703552246094], [601.5635986328125, 339.73980712890625], [601.8654174804688, 340.209228515625], [602.1672973632812, 340.6786804199219], [602.4691772460938, 341.14813232421875], [602.77099609375, 341.6175537109375], [603.07275390625, 342.0867919921875], [603.3745727539062, 342.55621337890625], [603.6764526367188, 343.025634765625], [603.9783325195312, 343.4950866699219], [604.27978515625, 343.9645690917969], [604.5811157226562, 344.4343566894531], [604.8823852539062, 344.9041442871094], [605.1837158203125, 345.3739013671875], [605.48486328125, 345.843505859375], [605.7861938476562, 346.3132629394531], [606.0870361328125, 346.78350830078125], [606.38720703125, 347.2540283203125], [606.6873779296875, 347.7245178222656], [606.987548828125, 348.19500732421875], [607.2877197265625, 348.66552734375], [607.5877685546875, 349.13580322265625], [607.887451171875, 349.6067199707031], [608.1864624023438, 350.0780029296875], [608.4854125976562, 350.54925537109375], [608.7838745117188, 351.0206298828125], [609.0819091796875, 351.4925231933594], [609.3798828125, 351.9643859863281], [609.67724609375, 352.43634033203125], [609.97412109375, 352.908935546875], [610.27099609375, 353.3815612792969], [610.5673828125, 353.8545227050781], [610.8629760742188, 354.32794189453125], [611.1585693359375, 354.80133056640625], [611.4535522460938, 355.2751159667969], [611.7476806640625, 355.7494201660156], [612.041748046875, 356.2235107421875], [612.3352661132812, 356.6981506347656], [612.6278076171875, 357.1734313964844], [612.92041015625, 357.648681640625], [613.2123413085938, 358.1244201660156], [613.503173828125, 358.6007385253906], [613.7940063476562, 359.07708740234375], [614.083984375, 359.55352783203125], [614.3729858398438, 360.031005859375], [614.6619262695312, 360.50848388671875], [614.9502563476562, 360.98651123046875], [615.2371826171875, 361.4651794433594], [615.524169921875, 361.9438781738281], [615.8102416992188, 362.42291259765625], [616.0949096679688, 362.9026794433594], [616.3796997070312, 363.3826904296875], [616.6638793945312, 363.8631896972656], [616.9468994140625, 364.3442077636719], [617.2288208007812, 364.82568359375], [617.5103149414062, 365.307861328125], [617.7908935546875, 365.7903137207031], [618.0703125, 366.2733459472656], [618.3490600585938, 366.7566223144531], [618.6270141601562, 367.2405700683594], [618.9037475585938, 367.7251892089844], [619.1797485351562, 368.21014404296875], [619.4548950195312, 368.6956787109375], [619.728759765625, 369.18194580078125], [619.9996337890625, 369.6697998046875], [620.2444458007812, 370.1710510253906], [620.4593505859375, 370.6860046386719], [620.6459350585938, 371.2118835449219], [620.8055419921875, 371.74664306640625], [620.9390258789062, 372.2884826660156], [621.0476684570312, 372.8359375], [621.1322631835938, 373.3875732421875], [621.1932983398438, 373.94189453125], [621.23095703125, 374.4986877441406], [621.2454833984375, 375.0565185546875], [621.2366333007812, 375.61456298828125], [621.203857421875, 376.1716613769531], [621.14599609375, 376.7268371582031], [621.07470703125, 377.28045654296875], [620.9977416992188, 377.8332214355469], [620.9130249023438, 378.3843994140625], [620.8180541992188, 378.9345397949219], [620.7109985351562, 379.4822082519531], [620.5889282226562, 380.02667236328125], [620.449462890625, 380.5671081542969], [620.2897338867188, 381.1016845703125], [620.1061401367188, 381.6287841796875], [619.894775390625, 382.14483642578125], [619.65087890625, 382.64678955078125], [619.369873046875, 383.1287536621094], [619.0462646484375, 383.583251953125], [618.6759643554688, 384.00042724609375], [618.2568359375, 384.36834716796875], [617.7948608398438, 384.6813659667969], [617.3245239257812, 384.98114013671875], [616.8512573242188, 385.27679443359375], [616.375, 385.56781005859375], [615.896240234375, 385.854736328125], [615.4152221679688, 386.13763427734375], [614.9319458007812, 386.4167175292969], [614.4464721679688, 386.69207763671875], [613.9586791992188, 386.9635314941406], [613.4693603515625, 387.2310485839844], [612.977783203125, 387.4952392578125], [612.4841918945312, 387.75616455078125], [611.9892578125, 388.0137023925781], [611.4923706054688, 388.2681884765625], [610.993896484375, 388.5191955566406], [610.4940795898438, 388.76702880859375], [609.99267578125, 389.0120544433594], [609.4899291992188, 389.2542724609375], [608.9859008789062, 389.49371337890625], [608.4804077148438, 389.7305908203125], [607.9737548828125, 389.9647521972656], [607.4661254882812, 390.1961364746094], [606.9572143554688, 390.4251708984375], [606.4473266601562, 390.65185546875], [605.9363403320312, 390.8763122558594], [605.4243774414062, 391.0986022949219], [604.9116821289062, 391.31866455078125], [604.3977661132812, 391.5367431640625], [603.8829345703125, 391.7521057128906], [603.3676147460938, 391.9665832519531], [602.8513793945312, 392.1786804199219], [602.3347778320312, 392.3890380859375], [601.8173217773438, 392.5980529785156], [601.2990112304688, 392.80487060546875], [600.7803955078125, 393.01104736328125], [600.2606811523438, 393.2146301269531], [599.7409057617188, 393.4175720214844], [599.2202758789062, 393.6186828613281], [598.699462890625, 393.8186950683594], [598.1780395507812, 394.017578125], [597.6560668945312, 394.2150573730469], [597.1338500976562, 394.41192626953125], [596.6109619140625, 394.6071472167969], [596.0879516601562, 394.802001953125], [595.564453125, 394.9954528808594], [595.040771484375, 395.1880798339844], [594.5165405273438, 395.37957763671875], [593.9923095703125, 395.57110595703125], [593.4681396484375, 395.7626037597656], [592.943359375, 395.9523010253906], [592.41845703125, 396.141845703125], [591.8934936523438, 396.3313903808594], [591.3683471679688, 396.5205383300781], [590.84326171875, 396.7089538574219], [590.3179321289062, 396.8974304199219], [589.7926025390625, 397.0859069824219], [589.2660522460938, 397.2708435058594], [588.7371215820312, 397.4491271972656], [588.2059326171875, 397.6201477050781], [587.672607421875, 397.7845458984375], [587.1373291015625, 397.9416809082031], [586.5997924804688, 398.0921325683594], [586.0604248046875, 398.2355651855469], [585.5193481445312, 398.3720397949219], [584.9764404296875, 398.5015869140625], [584.4320678710938, 398.6241760253906], [583.8861694335938, 398.73980712890625], [583.3388061523438, 398.8484191894531], [582.7899780273438, 398.95001220703125], [582.2401733398438, 399.0444641113281], [581.68896484375, 399.1319580078125], [581.1365966796875, 399.2121276855469], [580.583251953125, 399.28533935546875], [580.0291748046875, 399.3510437011719], [579.47412109375, 399.40972900390625], [578.91845703125, 399.4607849121094], [578.3623046875, 399.5046691894531], [577.8051147460938, 399.5408630371094], [577.2478637695312, 399.5696716308594], [576.690185546875, 399.5907287597656], [576.13232421875, 399.60418701171875], [575.5742797851562, 399.611572265625], [575.0164184570312, 399.6184387207031], [574.4583740234375, 399.62530517578125], [573.9003295898438, 399.63214111328125], [573.3422241210938, 399.6390075683594], [572.7841796875, 399.6458740234375], [572.2261352539062, 399.6527099609375], [571.6680297851562, 399.6595764160156], [571.1102294921875, 399.66644287109375], [570.5521850585938, 399.6733093261719], [569.9940795898438, 399.6801452636719], [569.43603515625, 399.68701171875], [568.8779907226562, 399.6938781738281], [568.3199462890625, 399.70074462890625], [567.7618408203125, 399.70758056640625], [567.2037963867188, 399.7144470214844], [566.64599609375, 399.7213134765625], [566.087890625, 399.7281494140625], [565.5298461914062, 399.7350158691406], [564.9718017578125, 399.74151611328125], [564.4137573242188, 399.74798583984375], [563.8556518554688, 399.7544860839844], [563.297607421875, 399.7609558105469], [562.7398071289062, 399.7674560546875], [562.1817016601562, 399.77392578125], [561.6236572265625, 399.7804260253906], [561.0655517578125, 399.7868957519531], [560.5075073242188, 399.79339599609375], [559.949462890625, 399.7998962402344], [559.391357421875, 399.8063659667969], [558.8335571289062, 399.8128662109375], [558.2754516601562, 399.8193359375], [557.7174072265625, 399.8258361816406], [557.1593627929688, 399.8323059082031], [556.6012573242188, 399.83880615234375], [556.043212890625, 399.84527587890625], [555.4851684570312, 399.8517761230469], [554.927001953125, 399.85809326171875], [554.369140625, 399.8640441894531], [553.8110961914062, 399.8699951171875], [553.2529907226562, 399.8759765625], [552.6949462890625, 399.8819274902344], [552.1368408203125, 399.88787841796875], [551.5787963867188, 399.8938293457031], [551.0206909179688, 399.8997802734375], [550.462890625, 399.9057312011719], [549.90478515625, 399.91168212890625], [549.3467407226562, 399.9176330566406], [548.7886352539062, 399.9236145019531], [548.2305908203125, 399.9295654296875], [547.6724853515625, 399.9355163574219], [547.1144409179688, 399.94146728515625], [546.5565795898438, 399.9474182128906], [545.99853515625, 399.953369140625], [545.4404907226562, 399.9593200683594], [544.8823852539062, 399.96527099609375], [544.3243408203125, 399.97125244140625], [543.7662353515625, 399.9772033691406], [543.2081909179688, 399.983154296875], [542.6500854492188, 399.9891052246094], [542.09228515625, 399.99505615234375], [541.5341796875, 400.0010070800781], [540.9761352539062, 400.0069580078125], [540.4180297851562, 400.0129089355469], [539.8599853515625, 400.01885986328125], [539.3018798828125, 400.02484130859375], [538.7438354492188, 400.0307922363281], [538.1859741210938, 400.0367431640625], [537.6279296875, 400.0426940917969], [537.06982421875, 400.04864501953125], [536.5117797851562, 400.0545959472656], [535.9536743164062, 400.060546875], [535.3956298828125, 400.0664978027344], [534.8375244140625, 400.0724792480469], [534.2797241210938, 400.07843017578125], [533.7217407226562, 400.08380126953125], [533.1636352539062, 400.0890808105469], [532.6055908203125, 400.0943603515625], [532.0474853515625, 400.09967041015625], [531.4894409179688, 400.1049499511719], [530.9313354492188, 400.1102294921875], [530.3732299804688, 400.11553955078125], [529.8154296875, 400.1208190917969], [529.25732421875, 400.1260986328125], [528.6992797851562, 400.13140869140625], [528.1411743164062, 400.1366882324219], [527.5831298828125, 400.1419982910156], [527.0250244140625, 400.14727783203125], [526.4669189453125, 400.1525573730469], [525.9091186523438, 400.1578674316406], [525.3510131835938, 400.16314697265625], [524.79296875, 400.1684265136719], [524.23486328125, 400.1737365722656], [523.6767578125, 400.17901611328125], [523.1187133789062, 400.1842956542969], [522.5606079101562, 400.1896057128906], [522.0028076171875, 400.19488525390625], [521.4447021484375, 400.2001953125], [520.8865966796875, 400.2054748535156], [520.3285522460938, 400.21075439453125], [519.7704467773438, 400.216064453125], [519.21240234375, 400.2213439941406], [518.654296875, 400.22662353515625], [518.09619140625, 400.23193359375], [517.5383911132812, 400.2372131347656], [516.9802856445312, 400.24249267578125], [516.4222412109375, 400.247802734375], [515.8641357421875, 400.2530822753906], [515.3060913085938, 400.2583923339844], [514.7479858398438, 400.263671875], [514.1898803710938, 400.2689514160156], [513.632080078125, 400.2742614746094], [513.0740356445312, 400.27923583984375], [512.5159301757812, 400.283935546875], [511.9578857421875, 400.2886047363281], [511.3997802734375, 400.29327392578125], [510.8417053222656, 400.2979736328125], [510.2835998535156, 400.3026428222656], [509.72576904296875, 400.30731201171875], [509.1676940917969, 400.31201171875], [508.6095886230469, 400.3166809082031], [508.051513671875, 400.3213806152344], [507.4934387207031, 400.3260498046875], [506.9353332519531, 400.3307189941406], [506.37725830078125, 400.3354187011719], [505.8191833496094, 400.340087890625], [505.2613220214844, 400.3447570800781], [504.7032470703125, 400.3494567871094], [504.1451721191406, 400.3541259765625], [503.5870666503906, 400.3587951660156], [503.02899169921875, 400.3634948730469], [502.47088623046875, 400.3681640625], [501.9128112792969, 400.3728332519531], [501.35498046875, 400.3775329589844], [500.796875, 400.3822021484375], [500.2388000488281, 400.3868713378906], [499.68072509765625, 400.3915710449219], [499.12261962890625, 400.396240234375], [498.5645446777344, 400.40093994140625], [498.0064697265625, 400.4056091308594], [497.4486083984375, 400.4102783203125], [496.8905334472656, 400.41497802734375], [496.33245849609375, 400.4196472167969], [495.77435302734375, 400.42431640625], [495.2162780761719, 400.42901611328125], [494.6581726074219, 400.4336853027344], [494.10009765625, 400.4383544921875], [493.5420227050781, 400.44305419921875], [492.9841613769531, 400.4477233886719], [492.4258728027344, 400.4523620605469], [491.8677978515625, 400.45648193359375], [491.3096923828125, 400.4606018066406], [490.7516174316406, 400.4647521972656], [490.1935119628906, 400.4688720703125], [489.63543701171875, 400.4729919433594], [489.07757568359375, 400.47711181640625], [488.5195007324219, 400.4812316894531], [487.9613952636719, 400.4853515625], [487.4033203125, 400.4894714355469], [486.84521484375, 400.49359130859375], [486.2871398925781, 400.4977111816406], [485.7290344238281, 400.5018310546875], [485.17120361328125, 400.5059509277344], [484.61309814453125, 400.51007080078125], [484.0550231933594, 400.5141906738281], [483.4969177246094, 400.518310546875], [482.9388427734375, 400.5224304199219], [482.3807373046875, 400.52655029296875], [481.8226623535156, 400.5306701660156], [481.2645568847656, 400.5347900390625], [480.70672607421875, 400.5389099121094], [480.14862060546875, 400.54302978515625], [479.5905456542969, 400.54718017578125], [479.0324401855469, 400.5513000488281], [478.474365234375, 400.555419921875], [477.916259765625, 400.5595397949219], [477.3581848144531, 400.56365966796875], [476.8003234863281, 400.5677795410156], [476.24224853515625, 400.5718994140625], [475.68414306640625, 400.5760192871094], [475.1260681152344, 400.58013916015625], [474.5679626464844, 400.5842590332031], [474.0098876953125, 400.58837890625], [473.4517822265625, 400.5924987792969], [472.8939514160156, 400.59661865234375], [472.3358459472656, 400.6007385253906], [471.77777099609375, 400.6048583984375], [471.2198181152344, 400.608642578125], [470.6617126464844, 400.6122741699219], [470.1036376953125, 400.6158752441406], [469.5455322265625, 400.6195068359375], [468.9874267578125, 400.6231384277344], [468.4295959472656, 400.6267395019531], [467.8714904785156, 400.6303405761719], [467.31341552734375, 400.63397216796875], [466.75531005859375, 400.6375732421875], [466.19720458984375, 400.6412048339844], [465.6391296386719, 400.64483642578125], [465.0810241699219, 400.6484375], [464.523193359375, 400.65203857421875], [463.965087890625, 400.6556701660156], [463.406982421875, 400.6592712402344], [462.8489074707031, 400.66290283203125], [462.2908020019531, 400.6665344238281], [461.7326965332031, 400.6701354980469], [461.17462158203125, 400.67376708984375], [460.61676025390625, 400.6773681640625], [460.0586853027344, 400.68096923828125], [459.5005798339844, 400.6846008300781], [458.9424743652344, 400.6882019042969], [458.3843994140625, 400.69183349609375], [457.8262939453125, 400.6954650878906], [457.2681884765625, 400.6990661621094], [456.7101135253906, 400.70269775390625], [456.1522521972656, 400.706298828125], [455.59417724609375, 400.70989990234375], [455.03607177734375, 400.7135314941406], [454.47796630859375, 400.7171630859375], [453.9198913574219, 400.72076416015625], [453.3617858886719, 400.7243957519531], [452.8037109375, 400.7279968261719], [452.245849609375, 400.7315979003906], [451.687744140625, 400.7352294921875], [451.1296691894531, 400.7388610839844], [450.571533203125, 400.74237060546875], [450.013427734375, 400.7455139160156], [449.4553527832031, 400.7486877441406], [448.8972473144531, 400.7518615722656], [448.3393859863281, 400.7550048828125], [447.78131103515625, 400.7581787109375], [447.22320556640625, 400.7613525390625], [446.66510009765625, 400.7644958496094], [446.10699462890625, 400.7676696777344], [445.5489196777344, 400.7708435058594], [444.9908142089844, 400.7740173339844], [444.4327087402344, 400.77716064453125], [443.8748779296875, 400.78033447265625], [443.3167724609375, 400.78350830078125], [442.7586669921875, 400.7866516113281], [442.2005615234375, 400.7898254394531], [441.6424865722656, 400.7929992675781], [441.0843811035156, 400.796142578125], [440.5262756347656, 400.79931640625], [439.96844482421875, 400.802490234375], [439.41033935546875, 400.8056335449219], [438.85223388671875, 400.8088073730469], [438.2941589355469, 400.8119812011719], [437.7360534667969, 400.81512451171875], [437.1779479980469, 400.81829833984375], [436.6198425292969, 400.82147216796875], [436.06201171875, 400.8246154785156], [435.50390625, 400.8277893066406], [434.94580078125, 400.8309631347656], [434.3877258300781, 400.8341369628906], [433.8296203613281, 400.8372802734375], [433.2715148925781, 400.8404541015625], [432.7134094238281, 400.8436279296875], [432.15533447265625, 400.8467712402344], [431.59747314453125, 400.8499450683594], [431.03936767578125, 400.8531188964844], [430.4812927246094, 400.85626220703125], [429.9231872558594, 400.85943603515625], [429.36517333984375, 400.8622741699219], [428.80706787109375, 400.86505126953125], [428.24896240234375, 400.8677978515625], [427.69110107421875, 400.8705749511719], [427.1330261230469, 400.8733215332031], [426.5749206542969, 400.8760986328125], [426.0168151855469, 400.8788757324219], [425.4587097167969, 400.8816223144531], [424.900634765625, 400.8843994140625], [424.342529296875, 400.88714599609375], [423.78466796875, 400.8899230957031], [423.2265625, 400.8927001953125], [422.66845703125, 400.89544677734375], [422.1103820800781, 400.8982238769531], [421.5522766113281, 400.9009704589844], [420.9941711425781, 400.90374755859375], [420.4360656738281, 400.9065246582031], [419.87799072265625, 400.9092712402344], [419.32012939453125, 400.91204833984375], [418.76202392578125, 400.914794921875], [418.20391845703125, 400.9175720214844], [417.64581298828125, 400.9203186035156], [417.0877380371094, 400.923095703125], [416.5296325683594, 400.9258728027344], [415.9715270996094, 400.9286193847656], [415.4136657714844, 400.931396484375], [414.8555908203125, 400.93414306640625], [414.2974853515625, 400.9369201660156], [413.7393798828125, 400.939697265625], [413.1812744140625, 400.94244384765625], [412.6231994628906, 400.9452209472656], [412.0650939941406, 400.9479675292969], [411.5072326660156, 400.95074462890625], [410.9491271972656, 400.9534912109375], [410.3910217285156, 400.9562683105469], [409.83294677734375, 400.95904541015625], [409.27484130859375, 400.9617919921875], [408.716552734375, 400.9644470214844], [408.158447265625, 400.96685791015625], [407.600341796875, 400.9692687988281], [407.04248046875, 400.9716796875], [406.484375, 400.97412109375], [405.92626953125, 400.9765319824219], [405.3681945800781, 400.97894287109375], [404.8100891113281, 400.9813537597656], [404.2519836425781, 400.9837951660156], [403.6938781738281, 400.9862060546875], [403.1360168457031, 400.9886169433594], [402.57794189453125, 400.99102783203125], [402.01983642578125, 400.99346923828125], [401.46173095703125, 400.9958801269531], [400.90362548828125, 400.998291015625], [400.34552001953125, 401.0007019042969], [399.78741455078125, 401.0031433105469], [399.2295837402344, 401.00555419921875], [398.6714782714844, 401.0079650878906], [398.1133728027344, 401.0103759765625], [397.5552673339844, 401.0128173828125], [396.9971618652344, 401.0152282714844], [396.4390563964844, 401.01763916015625], [395.8809814453125, 401.0200500488281], [395.3228759765625, 401.0224914550781], [394.7650146484375, 401.02490234375], [394.2069091796875, 401.0273132324219], [393.6488037109375, 401.02972412109375], [393.0906982421875, 401.03216552734375], [392.5326232910156, 401.0345764160156], [391.9745178222656, 401.0369873046875], [391.4164123535156, 401.0393981933594], [390.8585510253906, 401.0418395996094], [390.3004455566406, 401.04425048828125], [389.7423400878906, 401.0466613769531], [389.18426513671875, 401.049072265625], [388.62615966796875, 401.051513671875], [388.06805419921875, 401.0539245605469], [387.50994873046875, 401.0560607910156], [386.95208740234375, 401.0581970214844], [386.39398193359375, 401.060302734375], [385.8359069824219, 401.06243896484375], [385.2778015136719, 401.0645446777344], [384.7196960449219, 401.0666809082031], [384.1615905761719, 401.0688171386719], [383.6034851074219, 401.0709228515625], [383.0453796386719, 401.07305908203125], [382.4875183105469, 401.0751647949219], [381.9294128417969, 401.0773010253906], [381.371337890625, 401.0794372558594], [380.813232421875, 401.08154296875], [380.255126953125, 401.08367919921875], [379.697021484375, 401.0857849121094], [379.138916015625, 401.0879211425781], [378.5810546875, 401.0900573730469], [378.02294921875, 401.0921630859375], [377.4648742675781, 401.09429931640625], [376.9067687988281, 401.0964050292969], [376.3486633300781, 401.0985412597656], [375.7905578613281, 401.1006774902344], [375.2324523925781, 401.102783203125], [374.6745910644531, 401.10491943359375], [374.1164855957031, 401.1070251464844], [373.5583801269531, 401.1091613769531], [373.00030517578125, 401.1112976074219], [372.44219970703125, 401.1134033203125], [371.88409423828125, 401.11553955078125], [371.32598876953125, 401.11767578125], [370.76788330078125, 401.1197814941406], [370.21002197265625, 401.1219177246094], [369.65191650390625, 401.1240234375], [369.0938415527344, 401.12615966796875], [368.5357360839844, 401.1282958984375], [367.9776306152344, 401.1304016113281], [367.4195251464844, 401.1325378417969], [366.8616638183594, 401.1344909667969], [366.3038024902344, 401.1362609863281], [365.7456970214844, 401.1380615234375], [365.1875915527344, 401.13983154296875], [364.6294860839844, 401.1416320800781], [364.0714111328125, 401.1434326171875], [363.5133056640625, 401.14520263671875], [362.9552001953125, 401.1470031738281], [362.3973388671875, 401.1487731933594], [361.8392333984375, 401.15057373046875], [361.2811279296875, 401.1523742675781], [360.7230224609375, 401.1541442871094], [360.1649169921875, 401.15594482421875], [359.6068115234375, 401.15771484375], [359.0487060546875, 401.1595153808594], [358.4906005859375, 401.16131591796875], [357.9327392578125, 401.1630859375], [357.3746643066406, 401.1648864746094], [356.8165588378906, 401.1666564941406], [356.2584533691406, 401.16845703125], [355.7003479003906, 401.1702575683594], [355.1422424316406, 401.1720275878906], [354.5841369628906, 401.173828125], [354.0262756347656, 401.1756286621094], [353.4681701660156, 401.1773986816406], [352.9100646972656, 401.17919921875], [352.35198974609375, 401.18096923828125], [351.79388427734375, 401.1827697753906], [351.23577880859375, 401.1845703125], [350.67767333984375, 401.18634033203125], [350.11981201171875, 401.1881408691406], [349.56170654296875, 401.1899108886719], [349.00360107421875, 401.19171142578125], [348.44549560546875, 401.1935119628906], [347.88739013671875, 401.1952819824219], [347.32928466796875, 401.19708251953125], [346.77117919921875, 401.1988525390625], [346.21307373046875, 401.2006530761719], [345.6552429199219, 401.20245361328125], [345.0971374511719, 401.2042236328125], [344.5390319824219, 401.2060241699219], [343.9809265136719, 401.20782470703125], [343.4228210449219, 401.2095947265625], [342.8647155761719, 401.2113952636719], [342.3066101074219, 401.2131652832031], [341.7487487792969, 401.2149658203125], [341.1906433105469, 401.2167663574219], [340.6325378417969, 401.2185363769531], [340.074462890625, 401.2203369140625], [339.516357421875, 401.22210693359375], [338.958251953125, 401.2239074707031], [338.400146484375, 401.2257080078125], [337.84228515625, 401.22747802734375], [337.2841796875, 401.2292785644531], [336.72607421875, 401.2310485839844], [336.16796875, 401.23284912109375], [335.60986328125, 401.2346496582031], [335.0517578125, 401.2364196777344], [334.49365234375, 401.23822021484375], [333.9355773925781, 401.239990234375], [333.3777160644531, 401.2417907714844], [332.8196105957031, 401.24359130859375], [332.2615051269531, 401.245361328125], [331.7033996582031, 401.2471618652344], [331.1452941894531, 401.24896240234375], [330.5871887207031, 401.250732421875], [330.0290832519531, 401.2525329589844], [329.4712219238281, 401.2543029785156], [328.9131164550781, 401.256103515625], [328.35504150390625, 401.2579040527344], [327.79693603515625, 401.2596740722656], [327.23883056640625, 401.261474609375], [326.68072509765625, 401.26324462890625], [326.12261962890625, 401.2650451660156], [325.56475830078125, 401.266845703125], [325.00640869140625, 401.2684020996094], [324.44830322265625, 401.2698974609375], [323.89019775390625, 401.2713928222656], [323.33209228515625, 401.27288818359375], [322.77398681640625, 401.27435302734375], [322.21588134765625, 401.2758483886719], [321.6578063964844, 401.27734375], [321.0999450683594, 401.2788391113281], [320.5418395996094, 401.2803039550781], [319.9837341308594, 401.28179931640625], [319.4256286621094, 401.2832946777344], [318.8675231933594, 401.2847900390625], [318.3094177246094, 401.2862548828125], [317.7513122558594, 401.2877502441406], [317.1934509277344, 401.28924560546875], [316.6353454589844, 401.2907409667969], [316.0772399902344, 401.2922058105469], [315.5191345214844, 401.293701171875], [314.9610595703125, 401.2951965332031], [314.4029541015625, 401.2966613769531], [313.8448486328125, 401.29815673828125], [313.2869873046875, 401.2996520996094], [312.7288818359375, 401.3011474609375], [312.1707763671875, 401.3026123046875], [311.6126708984375, 401.3041076660156], [311.0545654296875, 401.30560302734375], [310.4964599609375, 401.3070983886719], [309.9383544921875, 401.3085632324219], [309.3802490234375, 401.31005859375], [308.8223876953125, 401.3115539550781], [308.2642822265625, 401.31304931640625], [307.7061767578125, 401.31451416015625], [307.1480712890625, 401.3160095214844], [306.5899658203125, 401.3175048828125], [306.0318603515625, 401.3190002441406], [305.4737548828125, 401.3204650878906], [304.9159240722656, 401.32196044921875], [304.3578186035156, 401.3234558105469], [303.7997131347656, 401.324951171875], [303.2416076660156, 401.326416015625], [302.6835021972656, 401.3279113769531], [302.1253967285156, 401.32940673828125], [301.5672912597656, 401.3309020996094], [301.0094299316406, 401.3323669433594], [300.4513244628906, 401.3338623046875], [299.8932189941406, 401.3353576660156], [299.3351135253906, 401.33685302734375], [298.7770080566406, 401.33831787109375], [298.2189025878906, 401.3398132324219], [297.66082763671875, 401.34130859375], [297.10272216796875, 401.3428039550781], [296.54486083984375, 401.3442687988281], [295.98675537109375, 401.34576416015625], [295.42864990234375, 401.3472595214844], [294.87054443359375, 401.3487243652344], [294.31243896484375, 401.3502197265625], [293.75433349609375, 401.3517150878906], [293.19622802734375, 401.35321044921875], [292.63836669921875, 401.35467529296875], [292.08026123046875, 401.3561706542969], [291.52215576171875, 401.357666015625], [290.96405029296875, 401.3591613769531], [290.40594482421875, 401.3606262207031], [289.84783935546875, 401.36212158203125], [289.28973388671875, 401.3636169433594], [288.73187255859375, 401.3651123046875], [288.1737976074219, 401.3665771484375], [287.6156921386719, 401.3680725097656], [287.0575866699219, 401.36956787109375], [286.4994812011719, 401.3710632324219], [285.9413757324219, 401.3725280761719], [285.3832702636719, 401.3740234375], [284.8251647949219, 401.3755187988281], [284.2673034667969, 401.37701416015625], [283.7091979980469, 401.37847900390625], [283.1510925292969, 401.3799743652344], [282.5929870605469, 401.3814697265625], [282.0348815917969, 401.3829650878906], [281.4767761230469, 401.3844299316406], [280.9186706542969, 401.38592529296875], [280.36083984375, 401.3874206542969], [279.802734375, 401.388916015625], [279.24462890625, 401.390380859375], [278.6865234375, 401.3918762207031], [278.12841796875, 401.39337158203125], [277.5703125, 401.39483642578125], [277.01220703125, 401.3963317871094], [276.454345703125, 401.3978271484375], [275.896240234375, 401.3993225097656], [275.338134765625, 401.4007873535156], [274.780029296875, 401.40228271484375], [274.221923828125, 401.4037780761719], [273.663818359375, 401.4052734375], [273.105712890625, 401.40673828125], [272.547607421875, 401.4082336425781], [271.98974609375, 401.40972900390625], [271.4316711425781, 401.4112243652344], [270.8735656738281, 401.4126892089844], [270.3154602050781, 401.4141845703125], [269.7573547363281, 401.4156799316406], [269.1992492675781, 401.41717529296875], [268.6411437988281, 401.41864013671875], [268.0832824707031, 401.4201354980469], [267.5251770019531, 401.421630859375], [266.9670715332031, 401.4231262207031], [266.4089660644531, 401.4245910644531], [265.8508605957031, 401.42608642578125], [265.2927551269531, 401.4275817871094], [264.7346496582031, 401.4290771484375], [264.1767883300781, 401.4305419921875], [263.6186828613281, 401.4320373535156], [263.06060791015625, 401.43353271484375], [262.50250244140625, 401.4350280761719], [261.94439697265625, 401.4364929199219], [261.38629150390625, 401.43798828125], [260.82818603515625, 401.4394836425781], [260.27008056640625, 401.44097900390625], [259.71221923828125, 401.44244384765625], [259.15411376953125, 401.4439392089844], [258.59600830078125, 401.4454345703125], [258.03790283203125, 401.4468994140625], [257.47979736328125, 401.4483947753906], [256.92169189453125, 401.44989013671875], [256.36358642578125, 401.4513854980469], [255.8057403564453, 401.4528503417969], [255.2476348876953, 401.454345703125], [254.6895294189453, 401.4558410644531], [254.1314239501953, 401.45733642578125], [253.5733184814453, 401.45880126953125], [253.0152130126953, 401.4602966308594], [252.45712280273438, 401.4617919921875], [251.89926147460938, 401.4632873535156], [251.34115600585938, 401.4647521972656], [250.78305053710938, 401.46624755859375], [250.22494506835938, 401.4677429199219], [249.66683959960938, 401.46923828125], [249.10873413085938, 401.470703125], [248.55062866210938, 401.4721984863281], [247.99253845214844, 401.47369384765625], [247.43467712402344, 401.4751892089844], [246.87657165527344, 401.4766540527344], [246.31846618652344, 401.4781494140625], [245.76036071777344, 401.4796447753906], [245.20225524902344, 401.48114013671875], [244.64414978027344, 401.48260498046875], [244.08604431152344, 401.4841003417969], [243.5281982421875, 401.485595703125], [242.9700927734375, 401.4870910644531], [242.4119873046875, 401.4885559082031]], bounds=3000, full_zoom=0.24, max_episode_steps=2500 ) China = RaceTrack( name='China', xy = [[288.86279296875,209.92720794677734],[289.0935302734375,209.3656982421875],[289.32424774169925,208.80420837402343],[289.5549850463867,208.2426986694336],[289.78572235107424,207.68118896484376],[290.0164596557617,207.11969909667968],[290.24717712402344,206.55818939208984],[290.47791442871096,205.9966995239258],[290.7086517333984,205.43518981933593],[290.93938903808595,204.8736801147461],[291.1701065063477,204.31219024658205],[291.4004272460938,203.75050201416016],[291.6307083129883,203.18881378173828],[291.8609893798828,202.62712554931642],[292.09127044677734,202.06543731689453],[292.32155151367186,201.50374908447267],[292.55181274414065,200.9420608520508],[292.78209381103517,200.3803726196289],[293.0123748779297,199.81868438720704],[293.2426559448242,199.25699615478516],[293.4729370117188,198.6953079223633],[293.7028213500977,198.13346099853516],[293.93264617919925,197.57159423828125],[294.16247100830077,197.00970764160158],[294.39227600097655,196.44784088134767],[294.6221008300781,195.88595428466797],[294.8519256591797,195.32408752441407],[295.0817504882813,194.76220092773437],[295.31155548095705,194.20033416748046],[295.5413803100586,193.6384475708008],[295.77120513916014,193.0765808105469],[296.0006729125977,192.51455535888672],[296.23002166748046,191.952490234375],[296.4593902587891,191.3904251098633],[296.68873901367186,190.82835998535157],[296.9181076049805,190.26629486083985],[297.14745635986327,189.70422973632813],[297.3768249511719,189.1421646118164],[297.6061737060547,188.5800994873047],[297.8355422973633,188.01803436279297],[298.0648910522461,187.45596923828126],[298.2939422607422,186.89376525878907],[298.52283477783203,186.3315216064453],[298.75174713134766,185.76927795410157],[298.9806396484375,185.20701446533204],[299.2095520019531,184.6447708129883],[299.438444519043,184.08252716064453],[299.6673568725586,183.520263671875],[299.89624938964846,182.95802001953126],[300.1251617431641,182.39575653076173],[300.3540542602539,181.83351287841796],[300.5826889038086,181.27115020751953],[300.8111251831055,180.70870819091797],[301.03956146240233,180.14626617431642],[301.2679977416992,179.58382415771484],[301.4964538574219,179.02140197753906],[301.7248901367188,178.4589599609375],[301.9533264160156,177.89651794433595],[302.1817626953125,177.33407592773438],[302.4101989746094,176.77163391113282],[302.63865509033207,176.20921173095704],[302.86673431396486,175.646630859375],[303.0944763183594,175.08391113281252],[303.3222381591797,174.52119140625],[303.5499801635742,173.9584716796875],[303.77772216796876,173.395751953125],[304.0054840087891,172.8330322265625],[304.2332260131836,172.27031250000002],[304.4609878540039,171.7075927734375],[304.68872985839846,171.144873046875],[304.916471862793,170.5821533203125],[305.1442337036133,170.01943359375],[305.3719757080078,169.45671386718752],[305.59973754882816,168.893994140625],[305.82747955322264,168.3312744140625],[306.0552215576172,167.7685546875],[306.2829833984375,167.2058349609375],[306.51072540283207,166.64311523437502],[306.73848724365234,166.0804054260254],[306.9662292480469,165.5176856994629],[307.19397125244143,164.9549659729004],[307.42149505615237,164.39215698242188],[307.6485626220703,163.82915954589845],[307.8756103515625,163.26615219116212],[308.1026779174805,162.7031547546387],[308.3297256469727,162.14015731811523],[308.55677337646483,161.5771598815918],[308.7838409423828,161.01416244506837],[309.010888671875,160.45116500854493],[309.23795623779296,159.8881675720215],[309.46500396728516,159.32516021728517],[309.69195251464845,158.76211318969726],[309.91854400634764,158.1989273071289],[310.1451354980469,157.63574142456056],[310.3717269897461,157.0725555419922],[310.59831848144535,156.50936965942384],[310.82490997314454,155.94618377685546],[311.05150146484374,155.38299789428712],[311.2780731201172,154.81981201171877],[311.5046646118164,154.2566261291504],[311.73125610351565,153.69343032836915],[311.9577880859375,153.130224609375],[312.183903503418,152.5668502807617],[312.41003875732423,152.00347595214845],[312.6361541748047,151.44010162353516],[312.86228942871094,150.8767272949219],[313.0884048461914,150.3133529663086],[313.31454010009764,149.7499786376953],[313.5406753540039,149.18661422729494],[313.7667907714844,148.62323989868165],[313.99292602539066,148.05986557006835],[314.2190216064453,147.4964813232422],[314.44468078613284,146.93291854858398],[314.67033996582035,146.36936569213867],[314.8959991455078,145.80580291748046],[315.1216583251953,145.24224014282228],[315.3473175048828,144.67867736816407],[315.57297668457034,144.11511459350587],[315.79863586425785,143.55156173706055],[316.0242950439453,142.98799896240234],[316.2499542236328,142.42443618774413],[316.4756134033203,141.86087341308595],[316.70081634521483,141.2971321105957],[316.9259994506836,140.73339080810547],[317.1512023925781,140.16963958740234],[317.3763854980469,139.60588836669922],[317.6015884399414,139.042147064209],[317.82677154541017,138.47839584350587],[318.05195465087894,137.91464462280274],[318.27715759277345,137.3509033203125],[318.5023406982422,136.7871520996094],[318.72754364013673,136.22340087890626],[318.9523101806641,135.65949096679688],[319.17701721191406,135.09556121826174],[319.40174407958983,134.53162155151367],[319.62647094726566,133.96768188476562],[319.85117797851564,133.40375213623048],[320.0759048461914,132.83981246948244],[320.3006317138672,132.27588272094727],[320.5253387451172,131.71195297241212],[320.750065612793,131.14801330566408],[320.97479248046875,130.584073638916],[321.1991226196289,130.0199951171875],[321.4233734130859,129.45586700439455],[321.64762420654296,128.89173889160156],[321.871875,128.3276206970215],[322.096125793457,127.76350250244141],[322.32037658691405,127.19937438964844],[322.54460754394535,126.63525619506837],[322.7688583374024,126.0711280822754],[322.9931091308594,125.50700988769532],[323.21735992431644,124.94288177490235],[323.44127349853517,124.3786247253418],[323.66504821777346,123.8143180847168],[323.88882293701175,123.25000152587891],[324.11259765625,122.68568496704101],[324.3363723754883,122.12137832641602],[324.5601470947266,121.55707168579102],[324.78392181396487,120.99275512695313],[325.00769653320316,120.42844848632812],[325.2314712524414,119.86413192749023],[325.4552459716797,119.29981536865235],[325.67870330810547,118.73538970947266],[325.9020217895508,118.17088470458985],[326.1253204345703,117.60638961791993],[326.34861907958987,117.04189453125001],[326.57191772460936,116.47738952636719],[326.7952163696289,115.91289443969727],[327.0185150146485,115.34838943481445],[327.24181365966797,114.78389434814453],[327.4651123046875,114.2193992614746],[327.688410949707,113.6548942565918],[327.91143188476565,113.0902801513672],[328.1342544555664,112.52559661865234],[328.3570770263672,111.96090316772461],[328.579899597168,111.39621963500977],[328.80272216796874,110.83153610229492],[329.02554473876955,110.26684265136718],[329.2483673095703,109.70215911865235],[329.4711898803711,109.13746566772461],[329.6940124511719,108.57278213500977],[329.91683502197264,108.00809860229492],[330.13939971923827,107.44330596923828],[330.36174621582035,106.87842407226563],[330.58409271240237,106.31355209350586],[330.8064193725586,105.74867019653321],[331.0287658691406,105.18378829956055],[331.2511123657227,104.61891632080078],[331.4734588623047,104.05403442382813],[331.69580535888673,103.48916244506836],[331.91813201904296,102.92429046630859],[332.14047851562503,102.35940856933594],[332.36258697509766,101.79443740844727],[332.58445739746094,101.22936706542968],[332.8063079833984,100.664306640625],[333.028158569336,100.09924621582032],[333.250048828125,99.53417587280273],[333.47189941406253,98.96910552978515],[333.69375,98.40404510498047],[333.9156402587891,97.83897476196289],[334.1374908447266,97.27390441894532],[334.3593414306641,96.70884399414062],[334.58099365234375,96.14369430541993],[334.8023681640625,95.57843551635743],[335.02378234863284,95.01318664550782],[335.2451568603516,94.44792785644532],[335.46653137207034,93.8826789855957],[335.6879058837891,93.3174201965332],[335.90928039550784,92.75216140747071],[336.1306549072266,92.1869125366211],[336.35202941894534,91.6216537475586],[336.5734436035156,91.0563949584961],[336.79461975097655,90.49107666015625],[337.01551818847656,89.92562942504883],[337.2364166259766,89.36018218994141],[337.457275390625,88.79473495483398],[337.678173828125,88.22928771972657],[337.899072265625,87.66384048461914],[338.11997070312503,87.09840316772461],[338.340869140625,86.53295593261718],[338.561767578125,85.96750869750977],[338.782666015625,85.40206146240234],[339.0033660888672,84.83654479980468],[339.2237487792969,84.27091903686524],[339.4441711425781,83.7052734375],[339.6645538330078,83.13963775634765],[339.8849761962891,82.57400703430176],[340.10535888671876,82.00836639404297],[340.32578125000003,81.44272575378419],[340.5461639404297,80.87709503173828],[340.76658630371094,80.3114543914795],[340.9870086669922,79.74581375122071],[341.2072326660156,79.18011856079102],[341.42713928222656,78.61428451538086],[341.6470458984375,78.04845542907715],[341.86695251464846,77.48263626098633],[342.0868591308594,76.91680221557617],[342.3067657470703,76.35098304748536],[342.52671203613284,75.7851490020752],[342.7466186523438,75.2193199157715],[342.9665252685547,74.65349578857422],[343.1864318847656,74.08766670227051],[343.40617980957035,73.521773147583],[343.625570678711,72.95576057434083],[343.8450012207031,72.38973808288574],[344.06443176269534,71.82371559143067],[344.2838623046875,71.25770301818848],[344.5032531738281,70.6916805267334],[344.7226837158203,70.12565803527832],[344.94211425781253,69.55964546203613],[345.1615447998047,68.99362297058106],[345.3809356689453,68.42761039733887],[345.60020751953124,67.8615234375],[345.8191223144531,67.29530754089356],[346.038037109375,66.7291015625],[346.2569519042969,66.16288566589355],[346.4758666992188,65.59666976928712],[346.6947814941406,65.03045883178712],[346.9136962890625,64.46424293518066],[347.1326110839844,63.89802703857422],[347.3515258789063,63.331821060180665],[347.57044067382816,62.76560516357422],[347.78919677734376,62.19931983947754],[348.0075958251953,61.63292045593262],[348.2260345458985,61.066511154174805],[348.44443359375003,60.500111770629886],[348.6628723144531,59.93370246887207],[348.8812713623047,59.36729316711426],[349.09971008300784,58.800893783569336],[349.3181091308594,58.23448448181153],[349.5365478515625,57.66807518005371],[349.75494689941405,57.101670837402345],[349.9731872558594,56.5351921081543],[350.1911102294922,55.96858940124512],[350.40899353027345,55.40199661254883],[350.6269165039063,54.83540382385254],[350.8448394775391,54.26879615783692],[351.06276245117186,53.702203369140626],[351.2806854248047,53.135610580444336],[351.4986083984375,52.56899795532227],[351.71653137207034,52.002410125732425],[351.93445434570316,51.435817337036134],[352.1521392822266,50.8691204071045],[352.3695465087891,50.30232925415039],[352.5869537353516,49.73554306030274],[352.8044006347656,49.1687370300293],[353.0218078613281,48.60195083618164],[353.2392150878906,48.03516464233399],[353.4566223144531,47.46835861206055],[353.6740295410156,46.90157241821289],[353.8914367675781,46.33478622436524],[354.1088439941406,45.7679801940918],[354.3260131835938,45.201104736328126],[354.54290466308595,44.63412017822266],[354.7598358154297,44.067120742797854],[354.9767272949219,43.50013618469239],[355.19361877441406,42.93315658569336],[355.41051025390624,42.36615219116211],[355.62744140625,41.79917259216309],[355.8443328857422,41.23218803405762],[356.0612243652344,40.66520595550537],[356.2781158447266,40.09820404052734],[356.49472961425784,39.53111534118653],[356.7111450195313,38.963934898376465],[356.9275207519531,38.39673709869385],[357.14389648437503,37.82955665588379],[357.3602722167969,37.26237869262695],[357.5766876220703,36.695180892944336],[357.7930633544922,36.12800045013428],[358.0094390869141,35.56082000732422],[358.22581481933594,34.9936222076416],[358.4422302246094,34.426441764831544],[358.6582489013672,33.859137344360356],[358.8741485595703,33.29174365997314],[359.0900085449219,32.7243673324585],[359.3058685302735,32.15699348449707],[359.5217681884766,31.589597320556642],[359.7376281738281,31.022220993041994],[359.9534881591797,30.454847145080567],[360.1693878173828,29.887450981140137],[360.3852478027344,29.32007713317871],[360.6011077880859,28.752700805664062],[360.82212524414064,28.187322998046877],[361.0598846435547,27.62879867553711],[361.31426696777345,27.077648544311526],[361.58428039550785,26.533946990966797],[361.86925048828124,25.997966766357422],[362.1681854248047,25.469638442993165],[362.4801727294922,24.948914909362795],[362.80457763671876,24.435808563232424],[363.1406463623047,23.93027973175049],[363.4877838134766,23.432281303405762],[363.84535522460936,22.94171905517578],[364.2128051757813,22.458535957336426],[364.58965759277345,21.98263282775879],[364.97535705566406,21.513853454589846],[365.3695465087891,21.052212715148926],[365.7717498779297,20.597520923614503],[366.18164978027346,20.149739646911623],[366.59880981445315,19.70876226425171],[367.0229919433594,19.274477195739745],[367.45379943847655,18.84679641723633],[367.8910736083985,18.42568893432617],[368.3344970703125,18.011103916168214],[368.78387145996095,17.602949619293213],[369.2389190673828,17.20116901397705],[369.69948120117186,16.805687713623048],[370.1653198242188,16.41646604537964],[370.6363159179688,16.033501529693606],[371.1123504638672,15.656750774383546],[371.5931854248047,15.28622989654541],[372.07874145507816,14.921891784667968],[372.5689392089844,14.563804626464844],[373.06365966796875,14.211938667297364],[373.562744140625,13.866378211975098],[374.0661529541016,13.527151775360108],[374.5738464355469,13.194338703155518],[375.08574523925785,12.868007183074951],[375.6017700195313,12.548256397247314],[376.12188110351565,12.235226440429688],[376.646078491211,11.929052448272705],[377.1742828369141,11.629915428161622],[377.7065338134766,11.337975311279298],[378.2428314208984,11.053451538085938],[378.78309631347656,10.77671356201172],[379.32744750976565,10.507993221282959],[379.8756469726563,10.247191953659058],[380.42749633789066,9.994265747070314],[380.9828369140625,9.74913649559021],[381.5415496826172,9.511706256866455],[382.1034362792969,9.281929159164429],[382.6683380126953,9.059685564041137],[383.23613586425785,8.84492154121399],[383.8066711425781,8.637572622299194],[384.37982482910155,8.437561321258546],[384.9554779052734,8.244802713394165],[385.5334716796875,8.059289979934693],[386.1137268066406,7.880893564224244],[386.6960845947266,7.7095049858093265],[387.2804656982422,7.545088911056519],[387.86671142578126,7.387558555603028],[388.4547821044922,7.236843872070312],[389.0445190429688,7.092896509170532],[389.63584289550784,6.955634641647339],[390.2286743164063,6.825048351287842],[390.82297363281253,6.701086187362671],[391.4185424804688,6.583650827407837],[392.0153411865235,6.4726784229278564],[392.6133697509766,6.3682904720306395],[393.2124694824219,6.270141696929932],[393.81248168945314,6.178106880187989],[394.413525390625,6.092716646194458],[395.01532287597655,6.013034963607788],[395.6179931640625,5.940240859985352],[396.22129821777344,5.873030090332032],[396.8253173828125,5.8124260902404785],[397.4298919677735,5.757592010498047],[398.03502197265624,5.709029340744019],[398.6405487060547,5.666467189788818],[399.24651184082035,5.629884481430054],[399.85283203125,5.599497556686401],[400.4593505859375,5.574858856201172],[401.06614685058594,5.556592607498169],[401.6730621337891,5.543891716003418],[402.2800964355469,5.537708950042725],[402.8871307373047,5.536971902847291],[403.4941650390625,5.542868900299072],[404.1011199951172,5.554155206680298],[404.7079162597656,5.571990633010865],[405.31455383300784,5.5941287040710455],[405.92103271484376,5.6209704875946045],[406.52727355957035,5.652077102661133],[407.13327636718753,5.687565088272095],[407.73900146484374,5.727827453613282],[408.3444488525391,5.772292041778565],[408.9494995117188,5.821703338623047],[409.5541534423828,5.875672054290772],[410.1583709716797,5.934087848663331],[410.76207275390624,5.997837781906128],[411.36529846191405,6.0661091804504395],[411.9679290771484,6.139289474487305],[412.5698455810547,6.217800188064575],[413.17120666503905,6.301067924499512],[413.77173461914066,6.389674139022827],[414.37146911621096,6.4837198734283445],[414.9703704833984,6.582797241210938],[415.5683197021485,6.687650728225708],[416.1652374267578,6.79811544418335],[416.76116333007815,6.9139087200164795],[417.355859375,7.035729789733887],[417.94932556152344,7.163476371765137],[418.54144287109375,7.297293519973755],[419.13209228515626,7.437373399734497],[419.721273803711,7.583694934844971],[420.3087890625,7.736415576934815],[420.8945587158203,7.8958899021148685],[421.4784240722656,8.062031126022339],[422.0603057861328,8.235003519058228],[422.6400054931641,8.415139961242676],[423.2174438476563,8.602488803863526],[423.79246215820314,8.797144889831543],[424.3648620605469,8.99931402206421],[424.9343658447266,9.209391069412233],[425.5009735107422,9.42727189064026],[426.0644470214844,9.653192043304443],[426.6245086669922,9.887394523620605],[427.1808807373047,10.13016881942749],[427.7334442138672,10.381555223464966],[428.28192138671875,10.641684532165527],[428.82603454589844,10.910812759399414],[429.36546630859374,11.189285182952881],[429.8999389648438,11.477155113220215],[430.42913513183595,11.774589920043946],[430.95277709960936,12.081711101531983],[431.4704284667969,12.39872694015503],[431.981771850586,12.725880432128907],[432.4868865966797,13.06259880065918],[432.98577270507815,13.408430767059327],[433.4784301757813,13.763140773773193],[433.96497802734376,14.126154804229737],[434.44549560546875,14.497126960754395],[434.91986389160155,14.875914669036865],[435.38828125000003,15.26206169128418],[435.8507476806641,15.655292797088624],[436.3073425292969,16.05534143447876],[436.75798645019535,16.46210346221924],[437.202719116211,16.875280094146728],[437.64165954589845,17.294583702087404],[438.07484741210936,17.71990270614624],[438.5021636962891,18.151054859161377],[438.9234100341797,18.588162899017334],[439.3393005371094,19.030342864990235],[439.74908142089845,19.478272914886475],[440.1531494140625,19.93128604888916],[440.5514251708984,20.389410781860352],[440.9436309814453,20.85275001525879],[441.330322265625,21.32072105407715],[441.71046752929686,21.79399337768555],[442.08513793945315,22.271632194519043],[442.45330200195315,22.754316902160646],[442.81543579101566,23.241499519348146],[443.1715393066406,23.733152770996096],[443.52097778320314,24.229549407958984],[443.864306640625,24.730163764953613],[444.2009307861328,25.235345458984376],[444.530810546875,25.744953155517578],[444.8538269042969,26.258922386169434],[445.1696228027344,26.777387046813967],[445.4785552978516,27.299945449829103],[445.7801086425781,27.826805877685548],[446.0739654541016,28.35799560546875],[446.3598083496094,28.89353199005127],[446.63755798339844,29.433298492431643],[446.9069763183594,29.977322387695313],[447.1673889160156,30.525658226013185],[447.4164947509766,31.079218482971193],[447.6531036376953,31.638278388977053],[447.8776123046875,32.202287483215336],[448.09033813476566,32.77081432342529],[448.2915985107422,33.34353408813477],[448.48179016113284,33.920030212402345],[448.66119079589845,34.49995803833008],[448.8299987792969,35.083057212829594],[448.98829345703126,35.6691219329834],[449.1363922119141,36.257834815979],[449.2744934082031,36.84894542694092],[449.40251770019535,37.442362022399905],[449.5207427978516,38.037794494628905],[449.62877197265624,38.63513126373291],[449.72747802734375,39.234131813049316],[449.81658325195315,39.834602737426756],[449.8954528808594,40.43650188446045],[449.9648803710938,41.03956642150879],[450.02431030273436,41.64370460510254],[450.0737030029297,42.248725509643556],[450.11313781738284,42.85452003479004],[450.142416381836,43.460850143432616],[450.1612213134766,44.06760177612305],[450.1696716308594,44.674611282348636],[450.16721191406253,45.28165550231934],[450.1537628173828,45.888545989990234],[450.12908630371095,46.495104217529295],[450.0927459716797,47.10105743408203],[450.0443450927734,47.70616264343262],[449.98352661132816,48.31017189025879],[449.90997314453125,48.912752914428715],[449.82304992675785,49.51351890563965],[449.7222412109375,50.11214256286621],[449.60687255859375,50.70812797546387],[449.4763092041016,51.30095939636231],[449.33055114746094,51.890235137939456],[449.17047119140625,52.475806427001956],[448.9968627929688,53.057484817504886],[448.81040039062503,53.63517608642578],[448.61175842285155,54.20882568359375],[448.4014129638672,54.77825012207031],[448.1798797607422,55.343434524536136],[447.9477142333985,55.90433921813965],[447.7053131103516,56.46090469360352],[447.4530731201172,57.01305656433106],[447.1914306640625,57.56083450317383],[446.9205047607422,58.10407485961914],[446.6405731201172,58.642713165283205],[446.35219116210936,59.17690811157227],[446.05559692382815,59.70657539367676],[445.75098876953126,60.231640625000004],[445.4380096435547,60.75181617736816],[445.117333984375,61.267245864868165],[444.78916015625003,61.777939605712895],[444.4535675048828,62.283793258667],[444.1105163574219,62.78457374572754],[443.7599273681641,63.280171966552736],[443.40215759277345,63.770607757568364],[443.0373260498047,64.25577201843262],[442.6654327392578,64.73559036254883],[442.28623962402344,65.20964126586914],[441.89978637695316,65.67776603698731],[441.5061920166016,66.13997955322266],[441.1055358886719,66.59603881835938],[440.6976593017578,67.04561653137208],[440.28260192871096,67.48857879638672],[439.85996704101564,67.92435035705567],[439.4297546386719,68.35264854431152],[438.99192504882814,68.77310638427734],[438.54429626464844,69.18318977355958],[438.085043334961,69.58011665344239],[437.61492004394535,69.96411018371582],[437.1344818115235,70.33522987365723],[436.6444030761719,70.69341621398927],[436.14508056640625,71.0386444091797],[435.63695068359374,71.37082023620606],[435.1206085205078,71.68987922668457],[434.5962127685547,71.99572715759278],[434.0642395019531,72.28819046020509],[433.52500610351564,72.56695671081543],[432.9788299560547,72.83181762695312],[432.425830078125,73.08234672546386],[431.8664825439453,73.31811256408692],[431.3009857177735,73.5387680053711],[430.7295776367188,73.74375267028809],[430.1526550292969,73.93247146606446],[429.5703369140625,74.10405158996582],[428.9830993652344,74.25785331726074],[428.39133911132814,74.39307823181153],[427.7954132080078,74.5084716796875],[427.1957580566406,74.60312118530274],[426.5931671142578,74.67572250366212],[425.9881164550781,74.72491188049317],[425.38159790039066,74.74911727905274],[424.77464294433594,74.74693031311035],[424.1683624267578,74.71627311706543],[423.5644226074219,74.65546455383301],[422.96460876464846,74.5626895904541],[422.37078552246095,74.43684234619141],[421.78386535644535,74.2818702697754],[421.20464172363285,74.10056533813477],[420.63355102539066,73.89475746154785],[420.0711883544922,73.66631126403809],[419.5177917480469,73.41686325073242],[418.9735992431641,73.14788627624512],[418.4390075683594,72.86038208007812],[417.9138580322266,72.55590286254883],[417.3982299804688,72.23550491333008],[416.89244079589844,71.89989738464355],[416.39613342285156,71.55037956237793],[415.9097045898438,71.18720932006836],[415.43279724121095,70.81168098449707],[414.9657287597656,70.42390861511231],[414.50830078125,70.02479972839356],[414.0606323242188,69.61487007141113],[413.6227630615235,69.19437255859376],[413.1945739746094,68.76404113769532],[412.77634277343753,68.32408409118652],[412.36814880371094,67.8747989654541],[411.969873046875,67.4166618347168],[411.5816345214844,66.9500099182129],[411.20379028320315,66.47489280700684],[410.8362609863281,65.99169235229492],[410.4792846679688,65.5007755279541],[410.1329010009766,65.00221672058106],[409.79766540527345,64.49614486694337],[409.47349853515624,63.982887268066406],[409.1607177734375,63.46264724731446],[408.85956115722655,62.93554382324219],[408.5704650878906,62.40177536010742],[408.2937469482422,61.86146087646485],[408.02960510253905,61.314917755126956],[407.7784362792969,60.76226997375488],[407.54087524414064,60.20362167358399],[407.31727905273436,59.63926544189453],[407.10621948242186,59.07010383605957],[406.8710388183594,58.51059265136719],[406.5996765136719,57.96766967773438],[406.29673461914064,57.44172172546387],[405.9661407470703,56.93260498046875],[405.61182250976566,56.43974914550781],[405.23667602539064,55.96259384155274],[404.84328002929686,55.50028114318848],[404.43381652832034,55.052161407470706],[404.01011047363284,54.61749076843262],[403.57366943359375,54.19557991027832],[403.12596130371094,53.78556098937988],[402.6681365966797,53.38701248168945],[402.20102844238284,52.99931449890137],[401.7255889892578,52.621812438964845],[401.2424530029297,52.25433769226074],[400.75237426757815,51.89611167907715],[400.25563049316406,51.54707984924317],[399.7530151367188,51.206716537475586],[399.24464721679686,50.87488288879395],[398.7310424804688,50.55127143859863],[398.2124389648438,50.23576316833496],[397.6889953613281,49.9282886505127],[397.16110839843753,49.62858505249024],[396.6288970947266,49.336617660522464],[396.09248046875,49.052411270141604],[395.55193786621095,48.77616424560547],[395.0073486328125,48.50804023742676],[394.45863342285156,48.24829216003418],[393.90587158203124,47.99735145568848],[393.34898376464844,47.75578842163086],[392.78777160644535,47.52433700561524],[392.2218383789063,47.30482711791992],[391.6488037109375,47.10503959655762],[391.0535919189453,46.98851547241211],[390.44822387695314,46.947811126708984],[389.8414672851563,46.96257438659668],[389.2372100830078,47.01946525573731],[388.6369995117188,47.10964660644532],[388.0414703369141,47.22741050720215],[387.45097961425785,47.368184661865236],[386.8656860351563,47.528983688354494],[386.2854705810547,47.70761070251465],[385.710531616211,47.902394485473636],[385.1409088134766,48.112095260620116],[384.57660217285155,48.335850143432616],[384.01792907714844,48.57333679199219],[383.4648895263672,48.82354850769043],[382.9181579589844,49.08741264343262],[382.3778533935547,49.364081192016606],[381.8449279785156,49.6547592163086],[381.32021484375,49.96000709533691],[380.8050231933594,50.28106460571289],[380.3010986328125,50.619493865966795],[379.81133728027345,50.978136444091795],[379.33998413085936,51.36053314208984],[378.8936248779297,51.77179183959961],[378.4660308837891,52.202653884887695],[378.052084350586,52.64673194885254],[377.6511901855469,53.102518463134764],[377.26271362304686,53.56896209716797],[376.8861785888672,54.04515037536621],[376.52146606445314,54.5303840637207],[376.1681793212891,55.0240234375],[375.82615966796874,55.5255973815918],[375.49560546875,56.03471412658691],[375.17627868652346,56.55098686218262],[374.8686157226563,57.07434616088867],[374.57265625,57.60431098937988],[374.28875732421875,58.140876388549806],[374.01727600097655,58.68385391235352],[373.75888671875003,59.23314437866211],[373.5139862060547,59.788608932495116],[373.2835266113281,60.350232696533205],[373.06834106445314,60.91779747009277],[372.8694213867188,61.49134292602539],[372.68811645507816,62.070665740966795],[372.52605285644535,62.655641937255865],[372.38489685058596,63.24603843688965],[372.26683044433594,63.84147834777832],[372.1743133544922,64.44134178161622],[372.1104400634766,65.04497413635254],[372.0789001464844,65.6511058807373],[372.0818359375,66.25810050964355],[372.1123840332031,66.8643611907959],[372.1666564941406,67.4689308166504],[372.2420349121094,68.07124900817871],[372.33653564453124,68.6709041595459],[372.44805603027345,69.2675937652588],[372.57524719238285,69.8611988067627],[372.71668090820316,70.45153579711915],[372.8710876464844,71.03857498168945],[373.0374755859375,71.62239570617676],[373.214892578125,72.2029483795166],[373.4029022216797,72.78013381958009],[373.60039367675785,73.35418014526367],[373.8069305419922,73.92503776550294],[374.02203674316405,74.49266204833985],[374.2452362060547,75.05720176696778],[374.47613220214845,75.61862220764161],[374.71440734863285,76.176953125],[374.95970458984374,76.73224906921386],[375.2117858886719,77.28449020385743],[375.4704132080078,77.83367652893067],[375.7355072021484,78.37982292175293],[376.0068298339844,78.92287979125977],[376.2842224121094,79.4628273010254],[376.56764526367186,79.99964065551758],[376.857177734375,80.53323554992676],[377.1527008056641,81.06349296569825],[377.4541351318359,81.5904079437256],[377.7616790771485,82.11379203796388],[378.07545166015626,82.6334716796875],[378.3955322265625,83.14928817749023],[378.7219207763672,83.66113739013672],[379.05259399414064,84.1702392578125],[379.3866790771485,84.67707977294923],[379.7243347167969,85.18157958984375],[380.06548156738285,85.68367919921876],[380.4104370117188,86.18323974609375],[380.7591217041016,86.68017196655273],[381.1114959716797,87.17445602416993],[381.4676788330078,87.66607208251953],[381.8277099609375,88.15485153198243],[382.1918670654297,88.64051666259766],[382.55999145507815,89.12323608398438],[382.9321624755859,89.60286102294923],[383.3085388183594,90.07914352416992],[383.6893585205078,90.55190505981446],[384.074462890625,91.02114562988281],[384.46397094726564,91.48674621582032],[384.8582000732422,91.94839935302734],[385.25718994140624,92.40589675903321],[385.6608612060547,92.85929794311524],[386.0693725585938,93.3083251953125],[386.4832794189453,93.75243301391602],[386.9021850585938,94.19177017211915],[387.3262481689453,94.6260986328125],[387.7558258056641,95.05501174926758],[388.1912353515625,95.47807312011719],[388.6320007324219,95.89548110961914],[389.07879638671875,96.30640258789063],[389.53162231445316,96.71070861816406],[389.9906768798828,97.10796279907227],[390.4559997558594,97.49781799316406],[390.92786865234376,97.87972869873047],[391.4062438964844,98.25343704223633],[391.8914428710938,98.61820907592774],[392.3835845947266,98.97361831665039],[392.88270874023436,99.31917877197266],[393.38901367187503,99.65402755737306],[393.8994049072266,99.98276672363282],[394.41273193359376,100.30675506591797],[394.9287567138672,100.62648849487304],[395.4477569580078,100.94145126342774],[395.9695739746094,101.25163345336914],[396.4941680908203,101.55706481933593],[397.02185668945316,101.85717010498047],[397.5522827148438,102.15243530273438],[398.0858825683594,102.44185867309571],[398.6222595214844,102.72610473632812],[399.1618103027344,103.0043701171875],[399.704296875,103.27684326171875],[400.249838256836,103.54310760498048],[400.79851379394535,103.8029052734375],[401.35008544921874,104.0563949584961],[401.9048706054688,104.30276336669922],[402.4627899169922,104.54203033447266],[403.0238433837891,104.77383880615234],[403.58807067871095,104.99783172607422],[404.1554321289063,105.21375122070313],[404.72588806152345,105.42126007080078],[405.2995178222656,105.61999130249023],[405.8762420654297,105.80954818725586],[406.45594177246096,105.9895637512207],[407.0386962890625,106.1595817565918],[407.6244262695313,106.31915588378907],[408.2130126953125,106.46771087646485],[408.80437622070315,106.60477066040039],[409.3983978271485,106.72987899780274],[409.9949188232422,106.84251022338867],[410.593701171875,106.94206924438477],[411.1946655273438,107.0278419494629],[411.79749450683596,107.09918365478516],[412.4019500732422,107.1556381225586],[413.0075958251953,107.19656066894531],[413.61411437988284,107.2210090637207],[414.2211090087891,107.22851715087891],[414.82806396484375,107.21852951049804],[415.43438415527345,107.19020309448243],[416.0395935058594,107.14287338256837],[416.64369201660156,107.08288803100587],[417.2475921630859,107.0211769104004],[417.85133361816406,106.95761108398438],[418.4549560546875,106.89351959228516],[419.05845947265624,106.8277816772461],[419.66184387207034,106.76104202270508],[420.26506958007815,106.69314193725586],[420.86821594238285,106.62394256591797],[421.47124328613285,106.55404891967774],[422.07407226562503,106.48254852294922],[422.67686157226564,106.41081008911134],[423.2794525146484,106.33716735839845],[423.8820037841797,106.26353454589844],[424.4843963623047,106.18810653686523],[425.0867492675781,106.11249008178712],[425.6888641357422,106.03562393188477],[426.2909790039063,105.95816268920899],[426.8930145263672,105.87995758056641],[427.49485168457034,105.80080032348633],[428.09668884277346,105.72135543823242],[428.6983673095703,105.64062118530273],[429.3000457763672,105.55988693237305],[429.9015258789063,105.4778533935547],[430.5030059814453,105.39567108154297],[431.1043273925781,105.3127052307129],[431.705648803711,105.22921371459961],[432.30689086914066,105.1453453063965],[432.90801391601565,105.06066360473633],[433.50913696289064,104.9759620666504],[434.1101409912109,104.89019927978516],[434.71106567382816,104.80443649291992],[435.3119110107422,104.7177116394043],[435.9126770019531,104.6305404663086],[436.51340332031253,104.54337921142579],[437.114208984375,104.45620803833008],[437.7150146484375,104.3690071105957],[438.3155426025391,104.28034820556641],[438.91607055664065,104.19167938232422],[439.5166381835938,104.10301055908204],[440.11716613769534,104.01435165405273],[440.7176940917969,103.9253158569336],[441.31810302734374,103.83557586669922],[441.91847229003906,103.74583587646485],[442.5188415527344,103.65609588623047],[443.11925048828124,103.5663459777832],[443.71954040527345,103.47610015869141],[444.31983032226566,103.385546875],[444.9201202392578,103.2949935913086],[445.52037048339844,103.20445022583009],[446.12062072753906,103.11389694213868],[446.7209106445313,103.02334365844727],[447.3211608886719,102.93280029296875],[447.92145080566405,102.84224700927734],[448.52174072265626,102.75169372558594],[449.1219909667969,102.66119995117188],[449.7223205566406,102.57092437744141],[450.32265014648436,102.48063888549805],[450.9229400634766,102.39036331176759],[451.5232299804688,102.3000877380371],[452.1235595703125,102.20980224609376],[452.7238494873047,102.11952667236328],[453.3241790771485,102.02925109863281],[453.9244689941406,101.93897552490235],[454.52479858398436,101.84869003295898],[455.1252471923828,101.75943603515626],[455.72569580078124,101.67039031982422],[456.32618408203126,101.5813346862793],[456.9267120361328,101.49227905273438],[457.52720031738284,101.4034912109375],[458.1279266357422,101.31582412719727],[458.72865295410156,101.22815704345703],[459.3292999267578,101.14049987792968],[459.9300262451172,101.05283279418946],[460.5308319091797,100.96585998535157],[461.1316772460938,100.87941284179688],[461.73256225585936,100.7929557800293],[462.333447265625,100.70650863647461],[462.9342926025391,100.62005157470703],[463.5351776123047,100.53360443115234],[464.1360626220703,100.44714736938477],[464.7369079589844,100.36070022583009],[465.33779296875,100.2742431640625],[465.9386779785156,100.18778610229492],[466.5395233154297,100.10133895874024],[467.1404479980469,100.01488189697265],[467.7413330078125,99.92843475341797],[468.34217834472656,99.8419776916504],[468.9430633544922,99.7555305480957],[469.5439483642578,99.66907348632813],[470.14479370117186,99.58262634277344],[470.7456787109375,99.49616928100586],[471.34656372070316,99.40971221923829],[471.9474090576172,99.3232650756836],[472.5482940673828,99.23680801391602],[473.14917907714846,99.15036087036133],[473.7500244140625,99.06390380859375],[474.3509094238281,98.97745666503907],[474.95179443359376,98.89099960327148],[475.5526397705078,98.8045524597168],[476.1535247802735,98.71809539794923],[476.75440979003906,98.63163833618164],[477.3552551269531,98.54519119262696],[477.9561401367188,98.45873413085938],[478.55702514648436,98.37228698730469],[479.1578704833984,98.28582992553712],[479.7587554931641,98.19938278198242],[480.3596405029297,98.11292572021485],[480.9604858398438,98.02647857666015],[481.5613708496094,97.94002151489258],[482.162255859375,97.853564453125],[482.7631011962891,97.76711730957031],[483.36402587890626,97.68066024780273],[483.9649108886719,97.59421310424806],[484.565756225586,97.50795440673828],[485.16676025390626,97.42241973876953],[485.76776428222655,97.33688507080079],[486.3687683105469,97.25136032104493],[486.9697723388672,97.16583557128907],[487.57073669433595,97.0803108215332],[488.1717803955078,96.99477615356446],[488.7727844238281,96.9092414855957],[489.3737487792969,96.82371673583985],[489.97479248046875,96.73819198608399],[490.5757965087891,96.65265731811523],[491.1768005371094,96.56713256835938],[491.7778045654297,96.48160781860352],[492.37880859375,96.39607315063476],[492.9798126220703,96.31054840087891],[493.58081665039066,96.22501373291016],[494.18182067871095,96.1394889831543],[494.78282470703124,96.05396423339845],[495.3838287353516,95.96842956542969],[495.98487243652346,95.88290481567383],[496.58587646484375,95.79738998413086],[497.1869598388672,95.71252975463868],[497.7880828857422,95.62767944335938],[498.38916625976566,95.54282913208009],[498.99028930664065,95.45797882080079],[499.59141235351564,95.3731285095215],[500.1924560546875,95.2882781982422],[500.7935791015625,95.2034278869629],[501.39470214843755,95.1185676574707],[501.99578552246095,95.0337272644043],[502.5968688964844,94.94886703491211],[503.198031616211,94.86452255249024],[503.7991943359375,94.78020782470703],[504.40039672851566,94.69588317871094],[505.00155944824223,94.61156845092773],[505.60272216796875,94.52725372314454],[506.2039245605469,94.44293899536133],[506.8050872802735,94.35862426757812],[507.40625,94.27430953979493],[508.00745239257816,94.18998489379884],[508.60865478515626,94.10567016601563],[509.2098571777344,94.02186126708985],[509.81113891601564,93.9381317138672],[510.4124206542969,93.85441207885742],[511.0136627197266,93.77069244384766],[511.6149047851563,93.6869728088379],[512.2161865234375,93.60325317382812],[512.8174285888672,93.51953353881837],[513.4187103271485,93.43580398559571],[514.0199523925781,93.35208435058594],[514.6211944580078,93.26836471557617],[515.2225555419922,93.18514099121094],[515.8239166259766,93.10206604003906],[516.4252380371094,93.01900100708008],[517.0265991210938,92.9359359741211],[517.6279602050781,92.85287094116211],[518.229281616211,92.76980590820312],[518.8306427001953,92.68674087524414],[519.4320037841798,92.60366592407227],[520.0333251953125,92.52061080932617],[520.634686279297,92.4375358581543],[521.2360870361329,92.35495681762696],[521.837567138672,92.2726058959961],[522.4390075683594,92.19025497436523],[523.040447998047,92.10791397094727],[523.6418884277344,92.0255630493164],[524.2433685302734,91.94322204589844],[524.8447692871094,91.86087112426758],[525.4462493896484,91.77853012084961],[526.0477294921875,91.69617919921875],[526.6491302490234,91.61383819580078],[527.2506500244141,91.53193359375],[527.8522094726562,91.4503662109375],[528.4537689208985,91.36880874633789],[529.0553283691406,91.2872314453125],[529.6568878173829,91.2056640625],[530.2584075927734,91.1241065979004],[530.8600067138672,91.0425392150879],[531.4615661621094,90.96097183227539],[532.0630859375,90.8794044494629],[532.6646453857422,90.79783706665039],[533.2662841796875,90.71667633056641],[533.8679229736329,90.63595199584961],[534.4696014404298,90.55522766113282],[535.0712799072265,90.47449340820313],[535.6729583740234,90.39377899169922],[536.2746368408203,90.31304473876953],[536.8763153076172,90.23232040405274],[537.4779541015625,90.15159606933594],[538.0796325683594,90.07087173461915],[538.6813110351562,89.99013748168946],[539.2830291748047,89.90977020263672],[539.8848266601562,89.82994842529297],[540.4866241455078,89.75012664794922],[541.0883819580079,89.67031478881836],[541.6901794433594,89.5904930114746],[542.2920166015625,89.51067123413087],[542.8937744140625,89.43084945678712],[543.4955718994141,89.35102767944336],[544.0973693847657,89.27120590209961],[544.6991271972656,89.19139404296875],[545.3009643554688,89.11185989379884],[545.902880859375,89.03300018310547],[546.5047576904298,88.954150390625],[547.1067138671875,88.87529067993164],[547.7086303710938,88.79642105102539],[548.3105072021484,88.71757125854492],[548.9124633789063,88.63871154785157],[549.5143798828125,88.55984191894531],[550.1162567138672,88.48099212646484],[550.7182128906251,88.40213241577149],[551.3201690673828,88.32348098754883],[551.9222045898438,88.2456527709961],[552.5242797851563,88.16782455444336],[553.1263153076172,88.08998641967774],[553.7283508300782,88.012158203125],[554.3304260253907,87.93432998657227],[554.9325012207031,87.85649185180664],[555.5344970703126,87.7786636352539],[556.136572265625,87.70082550048828],[556.7386077880859,87.62299728393555],[557.3406829833984,87.54536743164063],[557.9429168701172,87.4691261291504],[558.5454284667969,87.39489822387695],[559.1481781005859,87.32254486083984],[559.7511657714844,87.25216522216797],[560.3543518066407,87.18383865356445],[560.9578552246094,87.11803131103515],[561.5615966796876,87.05505065917968],[562.1656158447266,86.9945297241211],[562.7699127197266,86.93655776977539],[563.3744873046875,86.8812141418457],[563.9792999267578,86.82966918945313],[564.5843902587891,86.78059387207031],[565.1897979736328,86.73528747558593],[565.7953643798828,86.69335327148438],[566.4012084960938,86.65510864257813],[567.0072906494141,86.62063293457031],[567.6135711669922,86.5900749206543],[568.2200500488282,86.56372222900391],[568.8267272949219,86.54150543212891],[569.4335235595703,86.52395019531251],[570.0404388427735,86.51078872680664],[570.6474334716797,86.5027847290039],[571.2544677734376,86.49940261840821],[571.8615417480469,86.50176315307617],[572.4685760498047,86.50908279418945],[573.0754119873047,86.5225814819336],[573.6822479248048,86.54160461425782],[574.2887268066406,86.56707458496093],[574.8949279785156,86.59878311157227],[575.5007720947266,86.63721618652345],[576.1061401367188,86.68273086547852],[576.7109130859375,86.73515853881837],[577.3149322509765,86.79570922851563],[577.9181976318359,86.86360931396484],[578.5203521728516,86.94017791748047],[579.1214752197266,87.02511749267579],[579.7212493896485,87.11879501342774],[580.3194366455078,87.22186508178712],[580.91591796875,87.33488311767579],[581.5103759765625,87.45796813964844],[582.1026123046876,87.59122924804687],[582.6940948486329,87.72794189453126],[583.2855377197266,87.86465454101562],[583.8770202636719,88.00136718750001],[584.4684234619141,88.1380599975586],[585.0599060058594,88.27477264404297],[585.6511901855469,88.41223907470703],[586.2423950195313,88.55011215209962],[586.8335998535157,88.68798522949218],[587.4248443603516,88.82585830688477],[588.0159698486328,88.96371154785156],[588.6071746826173,89.10165405273438],[589.1981018066407,89.24067764282226],[589.7890289306641,89.37970123291016],[590.379995727539,89.51872482299805],[590.9709228515625,89.65774841308594],[591.5618103027344,89.79675216674805],[592.1525787353515,89.93631134033204],[592.7432678222657,90.07647552490235],[593.3339172363281,90.21663970947266],[593.9246063232422,90.35679397583009],[594.5152954101562,90.4969581604004],[595.1058654785156,90.63710250854493],[595.6963562011719,90.77830810546875],[596.286767578125,90.9196029663086],[596.8771392822266,91.06089782714844],[597.4675506591797,91.20219268798829],[598.0579620361328,91.34348754882812],[598.6481353759766,91.4851692199707],[599.2382690429688,91.6275848388672],[599.828402709961,91.76999053955079],[600.4185363769532,91.91240615844727],[601.0086700439454,92.05482177734375],[601.5988037109375,92.19723739624024],[602.1886199951172,92.34055557250977],[602.7784759521485,92.4840919494629],[603.3683319091797,92.62761840820313],[603.9582275390625,92.77114486694336],[604.5480834960938,92.9146713256836],[605.1378997802734,93.0585548400879],[605.7273986816407,93.2031723022461],[606.3170166015625,93.3477996826172],[606.9065948486328,93.49242706298828],[607.4961730957032,93.63705444335938],[608.085791015625,93.78169174194336],[608.6750518798829,93.92717208862305],[609.2643920898438,94.07288055419922],[609.8537322998047,94.21859893798829],[610.4430328369141,94.36431732177735],[611.032373046875,94.51003570556641],[611.6215942382813,94.65607147216797],[612.2105773925781,94.80284118652344],[612.7996398925782,94.94964065551758],[613.3887023925781,95.09643020629883],[613.9777648925782,95.24322967529297],[614.5668273925781,95.39001922607422],[615.1556915283203,95.53768157958984],[615.7444366455078,95.68551254272461],[616.3332214355469,95.83337326049805],[616.922006225586,95.9812240600586],[617.510791015625,96.12908477783203],[618.0994171142578,96.27726287841797],[618.6879638671875,96.42615509033203],[619.2764312744141,96.57503738403321],[619.8649383544922,96.72393951416016],[620.4534851074219,96.8728416442871],[621.0419921875,97.02174377441406],[621.6303802490235,97.17153854370117],[622.2186492919922,97.32147216796875],[622.8068389892578,97.47139587402344],[623.3951080322266,97.62132949829102],[623.9833770751953,97.7712631225586],[624.5715270996094,97.92157363891602],[625.1595581054688,98.07252883911133],[625.7475494384765,98.22347412109376],[626.3355010986328,98.37440948486328],[626.9234924316406,98.52535476684571],[627.5114837646485,98.67630004882812],[628.0992370605469,98.82815780639649],[628.6869903564453,98.98011474609375],[629.2747039794922,99.13206176757812],[629.8623779296876,99.28399887084962],[630.450131225586,99.43595581054687],[631.0378051757813,99.58834915161133],[631.6253204345703,99.74128799438476],[632.2127960205079,99.8942268371582],[632.8003112792969,100.04716567993164],[633.3877075195313,100.2000846862793],[633.9752227783204,100.35302352905273],[634.5624603271484,100.50691452026368],[635.1496978759766,100.6608154296875],[635.7369354248048,100.81472625732422],[636.3241729736328,100.96862716674805],[636.9113708496094,101.122518157959],[637.4984100341798,101.27690505981445],[638.0854095458984,101.43175811767578],[638.6724090576172,101.58661117553712],[639.259408569336,101.74145431518555],[639.8463287353516,101.8962875366211],[640.4332885742188,102.05120010375977],[641.0200500488281,102.20697555541993],[641.6068115234375,102.36276092529297],[642.1935333251953,102.51853637695312],[642.7802947998047,102.67432174682618],[643.366976928711,102.83007736206055],[643.9535400390625,102.9863883972168],[644.5400238037109,103.1430763244629],[645.1265472412109,103.299764251709],[645.7130310058594,103.45645217895508],[646.2995544433594,103.61315002441407],[646.8859985351563,103.76993713378907],[647.4722442626953,103.92751770019531],[648.058529663086,104.08509826660156],[648.644775390625,104.24267883300782],[649.2310607910157,104.40025939941407],[649.8173065185547,104.55783996582032],[650.4033142089844,104.71595611572266],[650.9893615722657,104.87440948486328],[651.5753692626953,105.03286285400391],[652.1614166259766,105.19131622314454],[652.7474243164063,105.34976959228516],[653.333432006836,105.50837173461915],[653.9191619873047,105.66765823364258],[654.5049713134766,105.8269546508789],[655.090740966797,105.98626098632813],[655.6765502929687,106.14556732177735],[656.2623596191406,106.30486373901367],[656.8480499267579,106.46476516723634],[657.4335418701172,106.62487487792968],[658.0191131591797,106.78500442504883],[658.6046844482422,106.94513397216797],[659.1902557373047,107.1052635192871],[659.775747680664,107.2655517578125],[660.3610809326173,107.42648468017579],[660.9463745117188,107.58740768432618],[661.5317077636719,107.74834060668945],[662.1170806884766,107.90928344726562],[662.7024139404297,108.0702262878418],[663.2876678466797,108.23172454833984],[663.872802734375,108.39345092773438],[664.4578582763672,108.55514755249024],[665.0429931640625,108.71686401367188],[665.6280883789062,108.87858047485352],[666.21318359375,109.0404655456543],[666.7981201171875,109.20294570922852],[667.383056640625,109.36542587280273],[667.9679138183594,109.52788619995117],[668.5528503417969,109.69037628173828],[669.1377868652344,109.8528564453125],[669.7225646972656,110.01584243774414],[670.3072631835938,110.17906646728515],[670.8919616699219,110.34229049682618],[671.4765808105469,110.50548477172852],[672.0613586425782,110.66870880126953],[672.6460571289062,110.83212127685547],[673.2304382324219,110.99640655517578],[673.8148986816407,111.16070175170898],[674.3992004394531,111.32496719360351],[674.9836608886719,111.48925247192383],[675.5680419921875,111.65354766845704],[676.1525024414062,111.81784286499024],[676.7368835449219,111.98212814331055],[677.3213439941406,112.14642333984375],[677.9056457519531,112.31068878173828],[678.4901062011719,112.4749740600586],[679.0744873046875,112.63935852050781],[679.6585510253907,112.80498275756837],[680.2425354003907,112.97060699462891],[680.8265991210938,113.13623123168945],[681.4105834960938,113.30183563232423],[681.9946472167969,113.46745986938477],[682.5786315917969,113.6330940246582],[683.1626953125,113.79871826171875],[683.7467590332031,113.9643424987793],[684.3308227539063,114.12996673583984],[684.9147277832031,114.2955711364746],[685.4987915039063,114.46119537353516],[686.0830139160156,114.6263038635254],[686.6677124023438,114.78951797485352],[687.2529663085937,114.95101623535156],[687.8382202148438,115.1123161315918],[688.4233947753906,115.27335815429687],[689.0087280273438,115.43437042236329],[689.5936645507812,115.59690017700196],[690.1783630371094,115.75995559692383],[690.7626647949219,115.92490539550782],[691.34609375,116.09248352050781],[691.9287292480469,116.26289825439453],[692.5103332519532,116.43668518066407],[693.090985107422,116.61389389038087],[693.6701293945313,116.79596252441407],[694.2476867675781,116.98293075561524],[694.8234191894531,117.1754035949707],[695.3970092773437,117.37389678955078],[695.9683776855469,117.57907485961914],[696.5370483398438,117.7915626525879],[697.102703857422,118.01201477050782],[697.6648681640626,118.24110565185548],[698.223065185547,118.47970809936524],[698.77666015625,118.728466796875],[699.3254150390625,118.98826446533204],[699.8682189941406,119.25988464355468],[700.4045959472656,119.54427947998047],[700.9333557128906,119.84244079589844],[701.4535461425781,120.15537033081056],[701.9638183593751,120.48400039672852],[702.4631408691406,120.82927322387695],[702.9497680664062,121.19218063354492],[703.421795654297,121.57382354736329],[703.8755737304688,121.9768898010254],[704.2906311035157,122.41959915161134],[704.6610168457031,122.90010681152344],[704.9883178710937,123.41127166748048],[705.2738037109375,123.94682540893555],[705.5206481933594,124.50128326416016],[705.7310729980469,125.07058868408204],[705.9076965332032,125.65124053955078],[706.0527404785156,126.24067993164063],[706.1681884765625,126.83657608032227],[706.2557067871094,127.43729248046876],[706.3166442871094,128.04125213623047],[706.3515563964844,128.647225189209],[706.3617126464844,129.25413055419924],[706.3467956542969,129.86093673706054],[706.306805419922,130.4666618347168],[706.2407897949219,131.07004623413087],[706.1473999023438,131.66981048583986],[706.025048828125,132.26438751220704],[705.870166015625,132.8511688232422],[705.6770385742187,133.42648468017578],[705.4344787597656,133.98277740478517],[705.1431213378906,134.51511764526367],[704.8073303222657,135.02058944702148],[704.4325012207031,135.49797286987305],[704.024267578125,135.94699020385744],[703.587548828125,136.36852416992187],[703.126708984375,136.76367568969727],[702.6461914062501,137.13444824218752],[702.1492492675782,137.48302383422853],[701.63818359375,137.81065216064454],[701.1159301757813,138.11990203857422],[700.583837890625,138.41201324462892],[700.0436523437501,138.68907852172853],[699.4966430664062,138.95234756469728],[698.9438415527344,139.20317916870118],[698.3861206054688,139.4429718017578],[697.8242736816406,139.67253875732422],[697.2592529296875,139.89465713500977],[696.6936767578126,140.1150993347168],[696.1280212402344,140.33554153442384],[695.5622070312501,140.5554977416992],[694.9958374023438,140.77397613525392],[694.4291503906251,140.99156188964844],[693.8621459960938,141.20854263305665],[693.2946655273438,141.4241050720215],[692.7269470214844,141.63913192749024],[692.1586730957032,141.85284957885742],[691.5901611328126,142.065535736084],[691.0213317871094,142.27738876342775],[690.4517883300781,142.4875457763672],[689.8820068359375,142.69704818725586],[689.3115905761719,142.9048942565918],[688.7407775878906,143.11158981323243],[688.1696472167969,143.31723403930664],[687.597802734375,143.52087478637696],[687.0256408691406,143.72381134033205],[686.4527648925781,143.92468490600587],[685.8794921875,144.1242889404297],[685.3056640625,144.32256393432618],[684.7312805175782,144.51865692138674],[684.1564208984375,144.71390686035156],[683.5807678222657,144.906657409668],[683.0047180175782,145.0981086730957],[682.4280334472656,145.28789367675782],[681.850634765625,145.47534790039063],[681.272998046875,145.66175079345703],[680.6943298339844,145.84519805908204],[680.1151855468751,146.02732620239257],[679.5354858398438,146.20742111206056],[678.9549133300782,146.38503646850586],[678.3741027832032,146.56148147583008],[677.7922607421875,146.73438568115236],[677.2100219726562,146.9063377380371],[676.6269104003907,147.07548294067382],[676.0433227539063,147.2423568725586],[675.4589416503907,147.40690994262695],[674.8738464355469,147.56878509521485],[674.2881958007813,147.72821044921875],[673.7017517089844,147.88519592285158],[673.1146728515625,148.03965225219727],[672.5268798828125,148.19151992797853],[671.9383728027344,148.34052124023438],[671.3491516113281,148.4867256164551],[670.759375,148.63018264770508],[670.1688049316407,148.77090225219726],[669.5776794433594,148.90877532958984],[668.9856811523438,149.04343490600587],[668.3930480957032,149.17502975463867],[667.7997802734375,149.30360946655273],[667.2058776855469,149.42915420532228],[666.6112609863281,149.55157470703125],[666.0158508300782,149.6698890686035],[665.4195281982422,149.78366088867188],[664.8224517822266,149.89308853149416],[664.2245422363281,149.9982810974121],[663.6260375976562,150.09926834106446],[663.0266998291016,150.19616928100587],[662.426806640625,150.28883514404296],[661.8261199951172,150.37729568481447],[661.2250366210938,150.4618782043457],[660.6233978271484,150.54268188476564],[660.0212829589844,150.61976623535156],[659.4186920166015,150.69321060180664],[658.8156250000001,150.7631042480469],[658.2121215820313,150.8290901184082],[657.60830078125,150.89167404174805],[657.0041229248047,150.95093536376953],[656.39970703125,151.00693359375],[655.7950134277344,151.05975799560548],[655.1899230957032,151.10948791503907],[654.5846343994141,151.15604400634766],[653.9791473388672,151.19943618774414],[653.3733825683594,151.23995208740234],[652.767578125,151.2776611328125],[652.1615356445312,151.31262283325196],[651.5552947998048,151.3449264526367],[650.9490142822266,151.37464141845703],[650.3425354003906,151.40169830322267],[649.7360565185547,151.42615661621093],[649.1292999267579,151.44824447631837],[648.5226226806641,151.46803131103516],[647.9157470703125,151.48557662963867],[647.3089111328126,151.50031509399415],[646.7019958496094,151.51418075561523],[646.0950805664063,151.52465438842773],[645.4880462646485,151.53426513671874],[644.8810119628906,151.54115829467773],[644.2740173339844,151.54662322998047],[643.6669433593751,151.55033264160156],[643.0598297119141,151.5519691467285],[642.4528350830078,151.5527130126953],[641.84580078125,151.5508285522461],[641.2386871337891,151.54829940795898],[640.6316528320312,151.5437469482422],[640.0246185302734,151.53811340332032],[639.4175842285157,151.53121032714844],[638.8106689453125,151.52276992797852],[638.2036743164062,151.51373443603515],[637.5966400146484,151.50282440185546],[636.9897247314453,151.49144821166993],[636.3827697753907,151.47876281738283],[635.7758544921875,151.46532363891603],[635.1690185546876,151.45113067626954],[634.562142944336,151.4354995727539],[633.9552673339844,151.419441986084],[633.3483917236329,151.40337448120118],[632.7415557861328,151.38678131103515],[632.1347595214844,151.36900787353517],[631.5280029296875,151.35096664428713],[630.9212463378907,151.33184432983398],[630.3144897460937,151.31262283325196],[629.7077728271485,151.29218139648438],[629.1010559082032,151.2717498779297],[628.4943389892578,151.25009841918947],[627.8877014160156,151.22838745117187],[627.281103515625,151.20564498901368],[626.6744659423829,151.18269424438478],[626.0678283691407,151.15887069702148],[625.46123046875,151.13470993041992],[624.854672241211,151.10951766967773],[624.2482330322266,151.08362121582033],[623.641714477539,151.05771484375],[623.0351959228516,151.03181838989258],[622.4287170410156,151.0051284790039],[621.8223175048828,150.97702026367188],[621.2158782958985,150.94891204833985],[620.6095581054688,150.92081375122072],[620.0031188964844,150.89244766235353],[619.3967987060547,150.86226654052734],[618.7904785156251,150.83209533691408],[618.1841583251953,150.8019142150879],[617.5778381347657,150.77173309326173],[616.9716369628907,150.73984603881837],[616.3654357910157,150.7077407836914],[615.7591949462891,150.67562561035157],[615.1529937744141,150.6435203552246],[614.5468322753907,150.61025466918946],[613.9407897949219,150.5763542175293],[613.3346679687501,150.54246368408204],[612.7285461425781,150.5085632324219],[612.1224639892579,150.47397842407227],[611.5164215087891,150.43843154907228],[610.9103790283203,150.40288467407228],[610.3044158935547,150.36733779907226],[609.6984130859375,150.33152313232424],[609.0924896240234,150.29445877075196],[608.4865264892578,150.25739440917968],[607.8806030273438,150.22033004760743],[607.2746398925782,150.18326568603516],[606.6688751220703,150.14491195678713],[606.0630310058594,150.10647888183595],[605.4571472167969,150.06804580688478],[604.8513031005859,150.02960281372071],[604.2455383300781,149.99028701782228],[603.6397338867188,149.95061416625978],[603.034048461914,149.91095123291015],[602.4282836914062,149.87127838134765],[601.8224792480469,149.83107986450196],[601.2167938232423,149.7903160095215],[600.6110687255859,149.74955215454102],[600.0053833007813,149.70878829956055],[599.3998168945312,149.66780624389648],[598.7942108154297,149.62608032226564],[598.1885650634766,149.58435440063477],[597.5829193115235,149.54262847900392],[596.9772735595703,149.50089263916016],[596.371746826172,149.458016204834],[595.766259765625,149.4151397705078],[595.160693359375,149.37226333618165],[594.5551269531251,149.3293869018555],[593.9496002197266,149.2865005493164],[593.3440338134766,149.24362411499024],[592.7384674072266,149.20074768066408],[592.1329803466797,149.1578712463379],[591.5274139404297,149.1144096374512],[590.9219268798828,149.07045211791993],[590.316439819336,149.0264846801758],[589.7109924316406,148.98252716064454],[589.1055053710937,148.93856964111328],[588.50009765625,148.89461212158204],[587.8946105957032,148.85065460205078],[587.2891235351562,148.80669708251955],[586.6837158203125,148.76270980834963],[586.0782684326172,148.71822662353517],[585.472821044922,148.67374343872072],[584.8674530029297,148.62927017211913],[584.2620056152344,148.58478698730468],[583.6565979003907,148.54031372070312],[583.0511505126954,148.49583053588867],[582.445703125,148.45134735107422],[581.8403350830079,148.40687408447266],[581.2348876953125,148.362410736084],[580.6294403076172,148.3179672241211],[580.0239929199219,148.2735137939453],[579.4185455322266,148.22907028198242],[578.8130981445313,148.18461685180665],[578.2077301025391,148.14018325805665],[577.6022827148438,148.09572982788086],[576.9968353271485,148.05128631591796],[576.3913879394531,148.00690231323242],[575.7859008789063,147.9630439758301],[575.1804138183594,147.91917572021484],[574.5750061035156,147.8753273010254],[573.9695190429687,147.83146896362305],[573.3640319824219,147.7876106262207],[572.758544921875,147.74375228881837],[572.1530578613282,147.69988403320312],[571.5475708007813,147.6560256958008],[570.9420837402344,147.61288146972657],[570.3365173339844,147.57016372680664],[569.7309509277344,147.52744598388674],[569.1253845214844,147.4847381591797],[568.5197784423829,147.44202041625977],[567.9142120361329,147.39930267333986],[567.308724975586,147.35658493041993],[566.703158569336,147.3138671875],[566.0976318359375,147.2713180541992],[565.4919860839844,147.22981033325195],[564.8863403320313,147.1882926940918],[564.2806549072266,147.14677505493165],[563.6750885009766,147.1052673339844],[563.0693634033204,147.06463241577148],[562.4636383056641,147.02409667968752],[561.8579132080079,146.98357086181642],[561.2521881103515,146.94303512573242],[560.6464233398438,146.90323333740236],[560.0406982421875,146.86383819580078],[559.4348937988282,146.82444305419924],[558.8291290283204,146.78503799438477],[558.223324584961,146.74613876342775],[557.6174407958985,146.7079933166504],[557.0115570068359,146.66984786987305],[556.4057525634765,146.6317123413086],[555.7998687744141,146.59378509521486],[555.1939056396485,146.5570381164551],[554.5879425048828,146.52030105590822],[553.9819793701172,146.48355407714845],[553.3760162353516,146.44681701660156],[552.770053100586,146.41146850585938],[552.1639709472656,146.37625885009766],[551.5579284667969,146.34105911254883],[550.9518859863282,146.305859375],[550.345883178711,146.27041168212892],[549.7398406982422,146.23484497070314],[549.1338775634766,146.19926834106445],[548.5278747558594,146.16327514648438],[547.9219116210937,146.126220703125],[547.3159881591797,146.08916625976562],[546.7100646972657,146.05212173461913],[546.1041412353516,146.0149383544922],[545.4982177734375,145.97775497436524],[544.8922943115234,145.9405616760254],[544.2863311767578,145.90399322509765],[543.6803283691406,145.86797027587892],[543.0743255615234,145.83195724487305],[542.4684020996094,145.79619216918945],[541.8623199462891,145.7618751525879],[541.2561187744141,145.72827224731446],[540.6499572753906,145.6955322265625],[540.0437164306641,145.66424026489258],[539.4373565673828,145.6335334777832],[538.8310363769532,145.60494918823244],[538.2245971679688,145.5772773742676],[537.6180786132812,145.55125198364257],[537.0115203857422,145.52717056274415],[536.4048828125,145.5040512084961],[535.7981262207031,145.48408584594728],[535.1914886474609,145.46495361328127],[534.5846130371094,145.4485290527344],[533.9777374267578,145.434326171875],[533.3707824707031,145.42244415283204],[532.7637481689453,145.41313095092775],[532.1567138671875,145.4066047668457],[531.5497589111328,145.40277633666992],[530.9426849365235,145.4017646789551],[530.3355712890625,145.40367889404297],[529.7284973144532,145.40863800048828],[529.121502685547,145.4171974182129],[528.5145874023438,145.42906951904297],[527.9077911376953,145.44437332153322],[527.3009552001953,145.4632179260254],[526.6943572998047,145.48573226928713],[526.0878387451172,145.51244201660157],[525.481558227539,145.54322814941406],[524.8754760742188,145.5780906677246],[524.2697509765625,145.61711883544922],[523.6642639160157,145.66045150756835],[523.0590942382813,145.70862426757813],[522.4543609619141,145.76161727905273],[521.849984741211,145.8193214416504],[521.2461639404297,145.8818359375],[520.6429382324219,145.94928970336915],[520.0403076171875,146.02228775024415],[519.4383117675782,146.10078048706055],[518.8371093750001,146.18461914062502],[518.2365814208985,146.2739128112793],[517.6369262695313,146.36871109008788],[517.0384216308594,146.4698272705078],[516.4408294677735,146.57647781372071],[515.8441894531251,146.68847427368163],[515.2485412597656,146.80576705932617],[514.6540435791015,146.92874298095703],[514.0607757568359,147.05715408325196],[513.4685791015626,147.19061355590821],[512.877572631836,147.32903213500978],[512.2876373291016,147.47247924804688],[511.6990905761719,147.6214111328125],[511.1118530273438,147.77507400512695],[510.52588500976566,147.93342819213868],[509.9411071777344,148.0964340209961],[509.35771789550785,148.26445846557618],[508.7757568359375,148.43727340698243],[508.1951843261719,148.61454162597656],[507.6159210205078,148.79622344970704],[507.0381256103516,148.9822494506836],[506.4618774414063,149.17317504882814],[505.88701782226565,149.36842498779296],[505.31370544433594,149.56787033081056],[504.741781616211,149.77150115966796],[504.17144470214845,149.9793571472168],[503.6028137207031,150.19177551269533],[503.03565063476566,150.40823059082032],[502.4700347900391,150.62871246337892],[501.9059661865235,150.85313186645507],[501.34360351562503,151.08183593750002],[500.7829467773438,151.3146759033203],[500.2240356445313,151.55133438110352],[499.6666717529297,151.79187088012696],[499.1109344482422,152.0362159729004],[498.5571014404297,152.28488540649414],[498.0049743652344,152.53733367919924],[497.454672241211,152.79347152709963],[496.9060363769531,153.05333862304687],[496.35930480957035,153.31715316772463],[495.8144775390625,153.58495483398437],[495.2714752197266,153.85637664794922],[494.7302978515625,154.1314682006836],[494.19102478027344,154.4102294921875],[493.6540130615235,154.6930274963379],[493.1187469482422,154.97949523925783],[492.58542480468753,155.26953353881837],[492.0541259765625,155.56313247680666],[491.525048828125,155.86089706420898],[490.99803466796874,156.16221237182617],[490.47312316894534,156.46706848144532],[489.9502746582031,156.77555465698242],[489.4299255371094,157.0880973815918],[488.91159973144534,157.40425033569338],[488.39617004394535,157.72490615844728],[487.8856597900391,158.0533676147461],[487.38038635253906,158.389803314209],[486.88019104003905,158.73368759155275],[486.3849548339844,159.08481216430664],[485.89515380859376,159.44345474243164],[485.4106689453125,159.809228515625],[484.9313415527344,160.1817367553711],[484.45733032226565,160.560880279541],[483.9889129638672,160.9470558166504],[483.52577209472656,161.33950958251953],[483.0679473876953,161.73812255859374],[482.6158752441406,162.14333114624023],[482.1693572998047,162.55450057983398],[481.7281158447266,162.97150192260742],[481.29270629882814,163.39447402954102],[480.86304931640626,163.82334747314454],[480.4388671875,164.2576759338379],[480.020556640625,164.69756851196288],[479.6082763671875,165.143074798584],[479.2016296386719,165.5937385559082],[478.8007751464844,166.0497184753418],[478.40626831054686,166.51112365722656],[478.01759338378906,166.9774185180664],[477.6349090576172,167.4486328125],[477.2588104248047,167.9250244140625],[476.888623046875,168.40627593994142],[476.5246246337891,168.89205017089844],[476.16748962402346,169.38292236328127],[475.81658325195315,169.87835693359375],[475.47210388183595,170.37811584472658],[475.1346069335938,170.88267517089844],[474.80377502441405,171.3916778564453],[474.4795288085938,171.9049255371094],[474.16246337890624,172.42259674072267],[473.8526184082031,172.94459228515626],[473.5496765136719,173.47067413330078],[473.2541137695313,174.00088195800782],[472.9649383544922,174.5346405029297],[472.6802459716797,175.0708190917969],[472.4003540039063,175.60953674316406],[472.1249450683594,176.1505355834961],[471.8540985107422,176.69381561279297],[471.5878143310547,177.2392578125],[471.32581481933596,177.78688201904296],[471.06833801269534,178.3366683959961],[470.81482849121096,178.8882797241211],[470.566000366211,179.44203338623046],[470.32098083496095,179.99747314453126],[470.0804840087891,180.55477752685547],[469.8438354492188,181.1137878417969],[469.61131286621094,181.6746032714844],[469.38279724121094,182.2369857788086],[469.1581298828125,182.80091552734376],[468.9375885009766,183.36651153564455],[468.7205383300781,183.93341674804688],[468.5078125,184.50196838378906],[468.2984191894531,185.07176971435547],[468.09303283691406,185.64307861328126],[467.89117736816405,186.2155776977539],[467.69297180175784,186.7894058227539],[467.4985748291016,187.36438446044923],[467.30735168457034,187.94063262939454],[467.12009582519534,188.5180908203125],[466.93605346679686,189.09654083251954],[466.7557006835938,189.676220703125],[466.57860107421874,190.2569122314453],[466.4049926757813,190.83853607177736],[466.2348358154297,191.42127075195313],[466.06773376464844,192.00491790771486],[465.9043212890625,192.58955688476564],[465.74388427734374,193.17500915527344],[465.58697814941405,193.76143341064454],[465.43308715820314,194.3486114501953],[465.28244934082034,194.9367416381836],[465.13502502441406,195.52564544677736],[464.99073486328126,196.11530303955078],[464.849658203125,196.70575408935548],[464.71147766113285,197.29683990478517],[464.5767486572266,197.88873901367188],[464.44475708007815,198.4812728881836],[464.31613769531253,199.074560546875],[464.1910095214844,199.6686019897461],[464.07147521972655,200.2637939453125],[463.9580505371094,200.86009674072267],[463.8500610351563,201.45745086669922],[463.7481414794922,202.05587615966797],[463.6518157958985,202.6552932739258],[463.56068725585936,203.25550384521486],[463.475668334961,203.85652770996094],[463.39588623046876,204.45828552246095],[463.32118225097656,205.06071777343752],[463.2523101806641,205.66384429931642],[463.1884765625,206.26758575439453],[463.1295623779297,206.87178344726564],[463.0763214111328,207.47649688720705],[463.02796020507816,208.0815872192383],[462.9843994140625,208.68707427978515],[462.94635314941405,209.29295806884767],[462.91294860839844,209.89909973144532],[462.8843048095703,210.50547943115234],[462.86097717285156,211.1121368408203],[462.8422119140625,211.71885375976564],[462.8280883789063,212.32574920654298],[462.8191223144531,212.93270416259767],[462.81463928222655,213.53979797363283],[462.8147186279297,214.146891784668],[462.8199157714844,214.75394592285156],[462.82947692871096,215.36080169677734],[462.84356079101565,215.96775665283204],[462.8626434326172,216.57451324462892],[462.88605041503905,217.1811508178711],[462.9139801025391,217.7875503540039],[462.9467498779297,218.39371185302736],[462.9838043212891,218.99961547851564],[463.0254608154297,219.60524139404296],[463.07183837890625,220.21053009033204],[463.12250061035155,220.81546173095703],[463.17784423828124,221.42005615234376],[463.2378295898438,222.02411499023438],[463.30198059082034,222.62769775390626],[463.3711303710938,223.23086395263672],[463.44464416503905,223.833415222168],[463.5224822998047,224.43551025390624],[463.60535888671876,225.03685150146484],[463.69255981445315,225.6376174926758],[463.78440246582034,226.2376693725586],[463.88104553222655,226.83696746826172],[463.9820129394531,227.43561096191408],[464.0882568359375,228.03328247070314],[464.1995788574219,228.6300811767578],[464.3165740966797,229.22568969726564],[464.4394012451172,229.82022705078126],[464.5673461914063,230.41363372802735],[464.7013610839844,231.00573120117187],[464.8404937744141,231.59663848876954],[464.9849426269531,232.18623657226564],[465.13490600585936,232.77440643310547],[465.2897491455078,233.36142578125],[465.4502655029297,233.9469177246094],[465.61554260253905,234.5310012817383],[465.7858581542969,235.11375579833984],[465.9613311767578,235.69486389160156],[466.1413269042969,236.27452392578127],[466.32659912109375,236.8526565551758],[466.5163940429688,237.4293212890625],[466.71071166992186,238.0044189453125],[466.9099090576172,238.57785034179688],[467.1132720947266,239.14987335205078],[467.321435546875,239.72005157470704],[467.5338439941406,240.28880157470704],[467.75041809082035,240.85586547851562],[467.9715148925781,241.4212631225586],[468.1964599609375,241.98509368896484],[468.4256500244141,242.5472183227539],[468.6588073730469,243.10767669677736],[468.89569396972655,243.66660766601564],[469.136865234375,244.22379302978516],[469.38140869140625,244.7793716430664],[469.6298004150391,245.3333236694336],[469.8819213867188,245.88554992675782],[470.1373748779297,246.43620910644532],[470.3965179443359,246.98512268066406],[470.65907287597656,247.5325485229492],[470.9247222900391,248.0783874511719],[471.19410095214846,248.62244110107423],[471.46641540527344,249.16500701904297],[471.7418243408203,249.70586700439455],[472.02052612304686,250.2452590942383],[472.3019653320313,250.78306427001954],[472.5865783691406,251.31936187744142],[472.8740478515625,251.85399322509767],[473.1641754150391,252.38729553222657],[473.4572784423828,252.91885223388672],[473.7529602050781,253.44898071289063],[474.0511413574219,253.9777603149414],[474.3521392822266,254.50491333007812],[474.6557952880859,255.0306381225586],[474.9619110107422,255.55481567382813],[475.27044677734375,256.07762451171874],[475.58128356933594,256.5990249633789],[475.89446105957035,257.11913604736327],[476.2097412109375,257.63789825439454],[476.52708435058594,258.15545043945315],[476.84637145996095,258.67161407470707],[477.1676422119141,259.18678588867186],[477.49065856933595,259.70074768066405],[477.8154602050781,260.21365814208986],[478.1418884277344,260.7254379272461],[478.46986389160156,261.2362854003906],[478.7993072509766,261.74610137939453],[479.1302185058594,262.2550445556641],[479.46259765625,262.7630752563477],[479.79648437500003,263.27009429931644],[480.1306884765625,263.7769149780274],[480.4668365478516,264.28242645263674],[480.80298461914066,264.7877990722656],[481.1411163330078,265.29200134277346],[481.479248046875,265.79618377685546],[481.81884765625,266.29937438964845],[482.1586059570313,266.80248565673827],[482.49939575195316,267.3048629760742],[482.84034423828126,267.80706176757815],[483.1820465087891,268.30884399414066],[483.52398681640625,268.8104675292969],[483.8663635253906,269.31177368164066],[484.2090179443359,269.81290130615236],[484.5516723632813,270.31402893066405],[484.894287109375,270.8150970458984],[485.2368621826172,271.3162643432617],[485.57935791015626,271.81749114990237],[485.92185363769534,272.31871795654297],[486.26438903808594,272.8199447631836],[486.6066864013672,273.32135009765625],[486.9481506347656,273.82317199707035],[487.28953552246094,274.3251129150391],[487.6300079345703,274.82774810791017],[487.97040100097655,275.33038330078125],[488.3094055175781,275.83399047851566],[488.6484100341797,276.33759765625],[488.9857482910156,276.8421966552734],[489.3229675292969,277.3469940185547],[489.6585205078125,277.8529815673828],[489.99363708496094,278.3591873168945],[490.32744445800785,278.86620635986327],[490.65986328125,279.37415771484376],[490.9909332275391,279.8829025268555],[491.32069396972656,280.39265899658204],[491.64886779785155,280.90332794189453],[491.97557373046874,281.41502838134767],[492.3006134033203,281.9277008056641],[492.6239471435547,282.44152374267577],[492.94541625976564,282.9563980102539],[493.26502075195316,283.47252197265624],[493.5826416015625,283.98985595703124],[493.8982391357422,284.5085189819336],[494.2116149902344,285.02837219238285],[494.5228485107422,285.5496139526367],[494.8316619873047,286.07222442626954],[495.1380950927734,286.5962631225586],[495.4419891357422,287.12180938720707],[495.74322509765625,287.6488632202149],[496.04172363281253,288.1774444580078],[496.3388336181641,288.70673980712894],[496.6357849121094,289.23621368408203],[496.93226013183596,289.7660247802734],[497.22841796875,290.2959548950195],[497.52378234863284,290.8262619018555],[497.8178375244141,291.357421875],[498.1103057861328,291.8892959594727],[498.4010681152344,292.422201538086],[498.6897277832031,292.95627746582034],[498.97568969726564,293.491781616211],[499.2588348388672,294.0287139892578],[499.5388854980469,294.56737213134767],[499.816000366211,295.107438659668],[500.0891082763672,295.64956817626955],[500.3579315185547,296.19385986328126],[500.6223510742188,296.7403930664063],[500.88197021484376,297.2891082763672],[501.1364715576172,297.840283203125],[501.3852996826172,298.3938385009766],[501.6280181884766,298.95034942626955],[501.8643493652344,299.5095184326172],[502.09385681152344,300.0715637207031],[502.31602478027344,300.6364654541016],[502.53049621582034,301.2043823242188],[502.7363586425781,301.7753936767578],[502.9333740234375,302.3495788574219],[503.12106628417973,302.92689819335936],[503.2989196777344,303.50733184814453],[503.4664581298828,304.0908203125],[503.6226501464844,304.67744293212894],[503.76709899902346,305.2669616699219],[503.8991302490235,305.85953521728516],[504.0181884765625,306.45482635498047],[504.1236785888672,307.05261688232423],[504.21484680175786,307.65276794433595],[504.2932006835938,308.25474395751957],[504.36496887207034,308.85745391845705],[504.43027038574223,309.4609970092774],[504.48958129882817,310.0651351928711],[504.5425048828125,310.66992797851566],[504.58912048339846,311.2751968383789],[504.62986450195314,311.880941772461],[504.6638641357422,312.4869842529297],[504.6919128417969,313.0933242797852],[504.71357421875,313.70006103515624],[504.72880859375005,314.30693664550785],[504.73797302246095,314.9139114379883],[504.7400360107422,315.52100524902346],[504.7360290527344,316.1279602050781],[504.72507934570314,316.73491516113285],[504.70750427246094,317.3417709350586],[504.6831451416016,317.94834899902344],[504.6515258789063,318.55453033447264],[504.6132415771485,319.1603744506836],[504.5670623779297,319.76566314697266],[504.5139801025391,320.37041625976565],[504.45288391113286,320.9743362426758],[504.38417053222656,321.57752227783203],[504.3075622558594,322.179736328125],[504.22242431640626,322.78074035644534],[504.1294311523438,323.38059387207034],[504.02703552246095,323.97895965576174],[503.91614990234376,324.57579803466797],[503.7962188720703,325.17093048095705],[503.66660766601564,325.76403961181643],[503.52715759277345,326.35478820800785],[503.3775115966797,326.94311676025393],[503.21759033203125,327.52868804931643],[503.04687805175786,328.11130371093753],[502.8648193359375,328.69040832519534],[502.6713348388672,329.2657440185547],[502.46606750488286,329.8370132446289],[502.24818420410156,330.403581237793],[502.0176452636719,330.9651504516602],[501.77385559082035,331.52120513916014],[501.5170135498047,332.0712692260742],[501.2480712890625,332.6154220581055],[500.9671875,333.153564453125],[500.6753143310547,333.68585510253905],[500.37292785644536,334.2122344970703],[500.06050415039067,334.7326629638672],[499.7384002685547,335.24729919433594],[499.4072509765625,335.756103515625],[499.0674530029297,336.2590759277344],[498.71900634765626,336.7560577392578],[498.36329956054686,337.2480407714844],[497.9993804931641,337.7339141845703],[497.62863769531253,338.2146301269531],[497.25083312988284,338.68983154296876],[496.8663635253906,339.1595184326172],[496.4757049560547,339.62420654296875],[496.07861938476566,340.08330078125],[495.6760192871094,340.5377532958984],[495.26730957031253,340.9865325927735],[494.85352172851566,341.4307495117188],[494.43421936035156,341.8696502685547],[494.0099578857422,342.3038696289063],[493.5806579589844,342.73312988281253],[493.1466369628906,343.1575897216797],[492.7080932617188,343.57724914550784],[492.26482849121095,343.9921478271485],[491.81751708984376,344.40244445800784],[491.3656036376953,344.8077423095703],[490.90992126464846,345.20879516601565],[490.4497955322266,345.6048889160156],[489.98601989746095,345.9966583251953],[489.5182769775391,346.3835083007813],[489.0468444824219,346.7659149169922],[488.5716827392578,347.1437194824219],[488.09279174804686,347.5167633056641],[487.61048889160156,347.8855224609375],[487.1244567871094,348.24916381835936],[486.635092163086,348.6084014892578],[486.142236328125,348.9628387451172],[485.6459686279297,349.31239624023436],[485.1466857910156,349.6576690673828],[484.64637145996096,350.001513671875],[484.14470825195315,350.3433746337891],[483.64157714843753,350.6830535888672],[483.1376129150391,351.02134399414064],[482.63182373046874,351.3571350097656],[482.12452697753906,351.6905853271484],[481.61548461914066,352.02137756347656],[481.1048553466797,352.34974975585936],[480.5925994873047,352.6752655029297],[480.0782012939453,352.9977661132813],[479.5620574951172,353.3172912597656],[479.04400939941405,353.6337615966797],[478.52369995117186,353.9465026855469],[478.0013671875,354.25587158203126],[477.4770904541016,354.56170959472655],[476.9501953125,354.86326293945314],[476.42103881835936,355.160888671875],[475.88970031738285,355.4544677734375],[475.3557830810547,355.7433258056641],[474.8193267822266,356.0274627685547],[474.28045043945315,356.3069580078125],[473.738916015625,356.5812957763672],[473.1945251464844,356.85003967285155],[472.64763488769535,357.1133483886719],[472.0979675292969,357.3710632324219],[471.5452453613281,357.622152709961],[470.9900238037109,357.86741027832034],[470.43174743652344,358.10576477050785],[469.87037658691406,358.33701782226564],[469.3061096191406,358.56089172363284],[468.73890686035156,358.7773071289063],[468.1687286376953,358.9855102539063],[467.5954956054688,359.1853424072266],[467.0193664550781,359.37652587890625],[466.4402618408203,359.5584655761719],[465.8581024169922,359.73072509765626],[465.2731658935547,359.8929870605469],[464.6853729248047,360.0448944091797],[464.0949615478516,360.18573303222655],[463.5018524169922,360.3150268554688],[462.9062042236328,360.4324188232422],[462.30833435058594,360.5374328613281],[461.7082427978516,360.6295135498047],[461.1062866210938,360.7079071044922],[460.50278320312503,360.7721771240235],[459.8977722167969,360.82188720703124],[459.29169006347655,360.8565612792969],[458.6850524902344,360.87945251464845],[458.0780975341797,360.892822265625],[457.4711029052734,360.89667053222655],[456.8641082763672,360.8915924072266],[456.2571929931641,360.87782592773436],[455.6505554199219,360.85564880371095],[455.0442749023438,360.82541809082034],[454.4383514404297,360.78729248046875],[453.83306274414065,360.74162902832035],[453.22836914062503,360.6885070800781],[452.6243103027344,360.6283233642578],[452.0209655761719,360.5613952636719],[451.4182556152344,360.4880401611328],[450.8164978027344,360.40849609375],[450.2154937744141,360.3231597900391],[449.6153228759766,360.23199157714845],[449.0160247802734,360.13530883789065],[448.4175598144531,360.0334686279297],[447.81992797851564,359.9268280029297],[447.22312927246094,359.8155853271484],[446.62720336914066,359.6999786376953],[446.03211059570316,359.57988891601565],[445.43793029785155,359.4556335449219],[444.844384765625,359.3281646728516],[444.25159301757816,359.1971649169922],[443.6595947265625,359.06287231445316],[443.0684295654297,358.9252075195313],[442.4778198242188,358.78476562500003],[441.8878845214844,358.64166564941405],[441.2984649658203,358.4961853027344],[440.70960083007816,358.34844360351565],[440.1213317871094,358.1986785888672],[439.5335388183594,358.04712829589846],[438.94610290527345,357.8939117431641],[438.3591033935547,357.7391082763672],[437.7726989746094,357.5823211669922],[437.18625488281253,357.4254150390625],[436.6001678466797,357.26719970703124],[436.0143188476563,357.108349609375],[435.4284698486328,356.9490631103516],[434.8428588867188,356.7890625],[434.2572479248047,356.6290618896484],[433.67163696289066,356.4690612792969],[433.0860260009766,356.30910034179686],[432.5003356933594,356.1497344970703],[431.91452636718753,355.9904479980469],[431.3284393310547,355.832113647461],[430.74219360351566,355.6745330810547],[430.1557891845703,355.51746826171876],[429.56898803710936,355.36199035644535],[428.98186950683595,355.20790100097656],[428.3942352294922,355.05551757812503],[427.8061248779297,354.9048797607422],[427.2176177978516,354.7561462402344],[426.62847595214845,354.60955505371095],[426.038818359375,354.46518554687503],[425.4486450195313,354.3233551025391],[424.85771789550785,354.18414306640625],[424.266195678711,354.04774780273436],[423.67388000488285,353.91472473144535],[423.080810546875,353.7851531982422],[422.4870269775391,353.65907287597656],[421.892529296875,353.5361267089844],[421.2971588134766,353.41746520996094],[420.7009948730469,353.3031677246094],[420.1039184570313,353.1931945800781],[419.50608825683594,353.08774414062503],[418.9075042724609,352.9870941162109],[418.3080078125,352.8916015625],[417.7076385498047,352.8015441894531],[417.1065155029297,352.7169219970703],[416.5045593261719,352.6380126953125],[415.9019287109375,352.5652130126953],[415.298583984375,352.49864196777344],[414.69444580078124,352.43853759765625],[414.0897918701172,352.3851776123047],[413.48450317382816,352.3388397216797],[412.8786193847656,352.2997619628906],[412.2723785400391,352.2683410644531],[411.66589965820316,352.2448944091797],[411.05894470214844,352.2298583984375],[410.4519897460938,352.2235900878906],[409.8448760986328,352.2265655517578],[409.2380004882813,352.23914184570316],[408.63136291503906,352.2618347167969],[408.0252410888672,352.2952392578125],[407.419873046875,352.3399108886719],[406.81541748046874,352.396484375],[406.2123504638672,352.46551513671875],[405.61094970703124,352.5479949951172],[405.01157226562503,352.64463806152344],[404.41493225097656,352.75611877441406],[403.82142639160156,352.883627319336],[403.2317291259766,353.0277984619141],[402.6466735839844,353.1898620605469],[402.0672912597656,353.3706909179688],[401.4942962646484,353.57139587402344],[400.9293548583984,353.7930480957031],[400.37330017089846,354.03667907714845],[399.8279968261719,354.30324096679686],[399.2951904296875,354.59400329589846],[398.780078125,354.9151947021484],[398.2857147216797,355.2673309326172],[397.8130126953125,355.6480712890625],[397.36264648437503,356.05503540039064],[396.9350921630859,356.4858825683594],[396.5305877685547,356.9382720947266],[396.1493316650391,357.41053771972656],[395.79124450683594,357.90081481933595],[395.4563262939453,358.40704040527345],[395.1448150634766,358.9281036376953],[394.8565124511719,359.46225891113284],[394.5914581298828,360.00819702148436],[394.3495727539063,360.5649658203125],[394.1309753417969,361.1312164306641],[393.9359436035156,361.70623474121095],[393.7644775390625,362.28839416503905],[393.61689453125,362.8772186279297],[393.4933135986328,363.4715576171875],[393.3942504882813,364.0702606201172],[393.3199432373047,364.6729705810547],[393.2710662841797,365.2778625488281],[393.24793701171876,365.88457946777345],[393.25126953125,366.4914947509766],[393.28150024414066,367.0976165771485],[393.3328369140625,367.7026275634766],[393.3946868896484,368.3064880371094],[393.46653442382814,368.9093963623047],[393.5479431152344,369.51075744628906],[393.63843688964846,370.1109283447266],[393.7376983642578,370.7099884033203],[393.84541015625,371.30726318359376],[393.9611358642578,371.90342712402344],[394.08424072265626,372.4976470947266],[394.2147247314453,373.09063720703125],[394.35203247070314,373.6819213867188],[394.49529113769535,374.27173767089846],[394.6452941894531,374.86012573242186],[394.800732421875,375.4468475341797],[394.96156616210936,376.0322601318359],[395.12791442871094,376.6161254882813],[395.2986267089844,377.1986419677734],[395.47417907714845,377.7797302246094],[395.6540161132813,378.3594696044922],[395.83766174316406,378.9382568359375],[396.02527465820316,379.5154174804688],[396.216259765625,380.09178466796874],[396.4102996826172,380.6669616699219],[396.60755310058596,381.24094848632814],[396.80750427246096,381.8143798828125],[397.009716796875,382.38658142089844],[397.21478576660155,382.95806884765625],[397.42144165039065,383.5288818359375],[397.6294860839844,384.09906005859375],[397.8398712158203,384.668603515625],[398.05128784179686,385.2375122070313],[398.26373596191405,385.8063018798828],[398.47800903320314,386.37421875],[398.69236145019534,386.9422546386719],[398.90675354003906,387.5102508544922],[399.12217712402344,388.0777313232422],[399.3376403808594,388.64537048339844],[399.5530242919922,389.2128509521485],[399.7678131103516,389.7807281494141],[399.98256225585936,390.34848632812503],[400.1971923828125,390.91624450683594],[400.4103546142578,391.48475646972656],[400.62244567871096,392.0533477783203],[400.8337432861328,392.6226531982422],[401.04285888671876,393.19251403808596],[401.25058593750003,393.7629699707031],[401.45692443847656,394.333822631836],[401.65989074707034,394.90594482421875],[401.8594451904297,395.47937622070316],[402.0565399169922,396.05340270996095],[402.2514129638672,396.6283416748047],[402.44434204101566,397.20399475097656],[402.6353271484375,397.78016357421876],[402.82520141601566,398.3568878173828],[403.0143615722656,398.93361206054686],[403.2032440185547,399.5106536865234],[403.3922454833984,400.08733825683595],[403.5822784423828,400.66382446289066],[403.77239074707035,401.2404693603516],[403.9643280029297,401.8162811279297],[404.1585266113281,402.3916961669922],[404.3550262451172,402.9658416748047],[404.55430297851564,403.5393920898438],[404.75738830566405,404.1113952636719],[404.9649169921875,404.6818115234375],[405.1772064208985,405.2506805419922],[405.394613647461,405.8173278808594],[405.61817016601566,406.3819122314453],[405.8486297607422,406.9435211181641],[406.08623046875,407.5019165039063],[406.33188476562503,408.05713806152346],[406.5861480712891,408.6084320068359],[406.8500122070313,409.15508422851565],[407.12415161132816,409.6967376708985],[407.40932006835936,410.2327575683594],[407.70611267089845,410.76227111816405],[408.01536254882814,411.28440551757814],[408.3378631591797,411.79888305664065],[408.67393188476564,412.3043548583984],[409.0244812011719,412.7999481201172],[409.38994750976565,413.2845916748047],[409.7708465576172,413.75721435546876],[410.16741638183595,414.216943359375],[410.5808868408203,414.66123962402344],[411.0216918945313,415.0785186767578],[411.4890380859375,415.46568603515624],[411.9792755126953,415.823812866211],[412.4884765625,416.1540893554688],[413.0140625,416.4574279785156],[413.55357360839844,416.73597106933596],[414.10443115234375,416.9907501220703],[414.66516723632816,417.2234313964844],[415.2339172363281,417.4353240966797],[415.8096893310547,417.62749938964845],[416.3911346435547,417.80217895507815],[416.9774993896485,417.95896606445314],[417.5679901123047,418.10020141601564],[418.1618133544922,418.22564697265625],[418.75869140625,418.3371276855469],[419.35791015625,418.4343658447266],[419.9589538574219,418.5188690185547],[420.56178283691406,418.59031982421874],[421.16588134765624,418.6500274658203],[421.7712097167969,418.69751586914066],[422.37705383300784,418.7340545654297],[422.98345336914065,418.75896911621095],[423.5904479980469,418.77329101562503],[424.19736328125003,418.77646484375003],[424.8044769287109,418.7724578857422],[425.4114715576172,418.7680938720703],[426.0184265136719,418.76372985839845],[426.62554016113285,418.75920715332035],[427.2324951171875,418.7538116455078],[427.8396484375,418.7484558105469],[428.4466033935547,418.74309997558595],[429.05371704101566,418.7374267578125],[429.6606719970703,418.7314758300781],[430.267626953125,418.72552490234375],[430.8747802734375,418.7195739746094],[431.4817352294922,418.713623046875],[432.08884887695314,418.7076721191406],[432.6958435058594,418.70172119140625],[433.3028778076172,418.6959686279297],[433.9099914550781,418.69065246582034],[434.51698608398436,418.6853759765625],[435.1240997314453,418.6800994873047],[435.73109436035156,418.67478332519534],[436.3382080078125,418.6695068359375],[436.94520263671876,418.66419067382816],[437.5521575927734,418.65899353027345],[438.15931091308596,418.6552642822266],[438.7662658691406,418.6515747070313],[439.37341918945316,418.64784545898436],[439.9803741455078,418.6448699951172],[440.5873687744141,418.64280700683594],[441.19452209472655,418.6407440185547],[441.8015167236328,418.63868103027346],[442.40863037109375,418.63836364746095],[443.015625,418.63840332031253],[443.62277832031253,418.63840332031253],[444.2298126220703,418.6388397216797],[444.83680725097656,418.6406646728516],[445.4440002441406,418.64308471679686],[446.0509948730469,418.64629821777345],[446.6580291748047,418.6503845214844],[447.2649841308594,418.6550262451172],[447.8720184326172,418.6609771728516],[448.47913208007816,418.66724548339846],[449.0860870361328,418.6751403808594],[449.6931610107422,418.6833526611328],[450.3000762939453,418.6930725097656],[450.90711059570316,418.70346679687503],[451.5139862060547,418.7150115966797],[452.12098083496096,418.72766723632816],[452.7279754638672,418.7412353515625],[453.33477172851565,418.7562713623047],[453.9416870117188,418.77190246582035],[454.5483642578125,418.7894775390625],[455.1552001953125,418.8074493408203],[455.7619964599609,418.8274841308594],[456.36859436035155,418.8481140136719],[456.9753112792969,418.8705291748047],[457.5819091796875,418.89393615722656],[458.188427734375,418.9187316894531],[458.7949462890625,418.9449951171875],[459.40130615234375,418.9724090576172],[460.0077850341797,419.000814819336],[460.6141052246094,419.0296173095703],[461.2205841064453,419.0583801269531],[461.826904296875,419.0871826171875],[462.4332244873047,419.11594543457034],[463.0396636962891,419.1447479248047],[463.64598388671874,419.1735504150391],[464.2524627685547,419.2023132324219],[464.85878295898436,419.2311157226563],[465.46506347656253,419.2598785400391],[466.07154235839846,419.28868103027344],[466.67786254882816,419.31748352050784],[467.2843414306641,419.34624633789065],[467.8906616210938,419.375048828125],[468.4971008300781,419.4038513183594],[469.1034210205078,419.4326141357422],[469.7097412109375,419.4614166259766],[470.31622009277345,419.49021911621094],[470.92254028320315,419.51898193359375],[471.5289794921875,419.54778442382815],[472.1352996826172,419.57654724121096],[472.7416198730469,419.6053497314453],[473.3480987548828,419.6341522216797],[473.9544189453125,419.6629150390625],[474.5608581542969,419.6917175292969],[475.16717834472655,419.7204803466797],[475.77365722656253,419.74928283691406],[476.3799774169922,419.77808532714846],[476.98625793457035,419.8068481445313],[477.5927368164063,419.8356506347656],[478.199057006836,419.8644134521484],[478.8055358886719,419.8932159423828],[479.4118560791016,419.9220184326172],[480.0181365966797,419.95078125000003],[480.62461547851564,419.9795837402344],[481.23093566894534,420.0083862304688],[481.83741455078126,420.0371490478516],[482.4436950683594,420.0659515380859],[483.0501739501953,420.0947540283203],[483.656494140625,420.12351684570314],[484.2628143310547,420.15231933593753],[484.8692932128906,420.18108215332035],[485.47557373046874,420.2098846435547],[486.08201293945314,420.2386474609375],[486.68833312988284,420.2674102783203],[487.29465332031253,420.2962127685547],[487.90113220214846,420.3249755859375],[488.50745239257816,420.35373840332034],[489.1138916015625,420.3825408935547],[489.7202117919922,420.4113037109375],[490.3266906738281,420.4400665283203],[490.9330108642578,420.4688690185547],[491.5393310546875,420.4976318359375],[492.14577026367186,420.5263946533203],[492.75209045410156,420.5551971435547],[493.3585693359375,420.58395996093753],[493.9648895263672,420.61272277832035],[494.5712097167969,420.64148559570316],[495.1776489257813,420.6702880859375],[495.7839691162109,420.6990509033203],[496.3904479980469,420.7278533935547],[496.99676818847655,420.7566162109375],[497.60308837890625,420.78537902832034],[498.20952758789065,420.81414184570315],[498.81584777832035,420.8429443359375],[499.4223266601563,420.8717071533203],[500.028646850586,420.9004699707031],[500.6351257324219,420.9292724609375],[501.24140625,420.9580352783203],[501.8477264404297,420.98679809570314],[502.45420532226564,421.01560058593753],[503.06052551269534,421.04436340332035],[503.66700439453126,421.07312622070316],[504.2732849121094,421.1019287109375],[504.8796051025391,421.1306915283203],[505.486083984375,421.1594543457031],[506.0924041748047,421.18821716308594],[506.6988830566406,421.21701965332034],[507.3051635742188,421.24578247070315],[507.9116424560547,421.2745849609375],[508.5179626464844,421.3033477783203],[509.12428283691406,421.3321105957031],[509.73076171875005,421.3608734130859],[510.33704223632816,421.3896759033203],[510.9435211181641,421.41843872070314],[511.5498413085938,421.44696350097655],[512.1561614990235,421.4754089355469],[512.7626403808594,421.5038146972656],[513.3690002441407,421.5322601318359],[513.9754791259766,421.5606658935547],[514.5817993164063,421.589111328125],[515.1882781982422,421.6175170898438],[515.794598388672,421.6459625244141],[516.4009582519532,421.67436828613285],[517.007437133789,421.70281372070315],[517.6137573242188,421.73121948242186],[518.2202362060547,421.7596649169922],[518.8265563964844,421.78807067871094],[519.4329162597656,421.8164764404297],[520.0393951416016,421.844921875],[520.6457153320313,421.8733276367188],[521.2521942138673,421.9017730712891],[521.8585540771485,421.9301788330078],[522.4650329589844,421.95862426757816],[523.0713531494141,421.9870300292969],[523.6776733398438,422.0154754638672],[524.2841522216797,422.04388122558595],[524.890512084961,422.07232666015625],[525.496990966797,422.100732421875],[526.1033111572266,422.1291778564453],[526.7096313476562,422.1575836181641],[527.3161102294922,422.1860290527344],[527.9224700927734,422.2144348144531],[528.5289489746094,422.2428802490235],[529.1352691650391,422.2712860107422],[529.7415893554688,422.2997314453125],[530.3481079101563,422.32813720703126],[530.9544281005859,422.35658264160156],[531.5609069824219,422.38498840332034],[532.1672271728515,422.41343383789064],[532.7737060546875,422.4418395996094],[533.3800659179688,422.4702850341797],[533.9863861083985,422.4986907958984],[534.5928649902344,422.5271362304688],[535.1991851806641,422.5555419921875],[535.8056640625,422.5839874267578],[536.4120239257812,422.6123931884766],[537.018344116211,422.64079895019535],[537.6248626708984,422.6687286376953],[538.2312225341797,422.6966979980469],[538.8377014160156,422.72466735839845],[539.4440612792969,422.7525970458984],[540.0505798339844,422.78056640625],[540.6569396972657,422.80849609375],[541.2632995605469,422.8364654541016],[541.8697784423829,422.86439514160156],[542.4761383056641,422.8923645019531],[543.0826568603516,422.92029418945316],[543.6890167236328,422.9482635498047],[544.2953369140625,422.9761932373047],[544.90185546875,423.00416259765626],[545.5082153320312,423.03209228515624],[546.1147338867188,423.0600616455078],[546.7210540771484,423.08799133300784],[547.327572631836,423.1159606933594],[547.9339324951172,423.14393005371096],[548.5402923583985,423.17185974121094],[549.1468109130859,423.1998291015625],[549.7531311035157,423.22775878906253],[550.3597290039063,423.2554107666016],[550.9660888671875,423.2829040527344],[551.5724884033203,423.31043701171876],[552.1790069580078,423.3379699707031],[552.7853668212891,423.36546325683594],[553.3918853759766,423.39299621582035],[553.9982849121094,423.4205291748047],[554.6048034667969,423.4480224609375],[555.2111633300782,423.4755554199219],[555.8175231933594,423.5030883789063],[556.4240814208985,423.53058166503905],[557.0304412841797,423.55811462402346],[557.6369598388673,423.5856475830078],[558.2433593750001,423.61314086914064],[558.8497192382813,423.640673828125],[559.4562377929688,423.6681671142578],[560.06259765625,423.6957000732422],[560.6691558837891,423.7232330322266],[561.2755157470704,423.7507263183594],[561.8818756103516,423.77825927734375],[562.488394165039,423.80579223632816],[563.0948333740234,423.8330871582031],[563.7013916015625,423.8601043701172],[564.3077911376953,423.8871215820313],[564.9143493652344,423.9140991210938],[565.5207092285157,423.9411163330078],[566.1271087646485,423.9681335449219],[566.7336669921875,423.9951110839844],[567.3400665283203,424.0221282958984],[567.9466247558594,424.0491455078125],[568.5530242919922,424.0761627197266],[569.1593841552734,424.1031402587891],[569.7659423828126,424.1301574707031],[570.3723419189454,424.1571746826172],[570.9789001464844,424.1841522216797],[571.5852996826172,424.21116943359374],[572.1918579101563,424.2381866455078],[572.7982574462891,424.2652038574219],[573.4046173095703,424.2921813964844],[574.0111755371094,424.31919860839844],[574.6175750732422,424.3462158203125],[575.2241333007813,424.373193359375],[575.8304931640625,424.4001708984375],[576.4368927001954,424.4265930175781],[577.043490600586,424.4529754638672],[577.6498901367188,424.4793975830078],[578.2564880371094,424.5058197021485],[578.8628875732422,424.53220214843753],[579.4694854736329,424.5586242675781],[580.0758850097657,424.5850463867188],[580.6823242187501,424.61142883300784],[581.2888824462891,424.6378509521484],[581.8953216552735,424.6642333984375],[582.5018798828125,424.69065551757814],[583.108319091797,424.7170776367188],[583.7147186279298,424.74346008300785],[584.3213165283204,424.76988220214844],[584.9277160644532,424.7963043212891],[585.5343139648438,424.8227264404297],[586.1407135009766,424.84910888671874],[586.7473114013673,424.8755310058594],[587.3537109375001,424.90191345214845],[587.9601501464844,424.9283355712891],[588.5667083740235,424.9547576904297],[589.1731079101563,424.9806243896484],[589.7797454833984,425.0063720703125],[590.3861846923828,425.03208007812503],[590.9926239013672,425.0577880859375],[591.5992218017578,425.0835357666016],[592.2057006835938,425.1092437744141],[592.8122985839844,425.13495178222655],[593.4187377929687,425.16069946289065],[594.0253356933594,425.18640747070316],[594.6318145751953,425.2121154785156],[595.2382537841797,425.2378631591797],[595.8448516845704,425.2635711669922],[596.4512908935548,425.28931884765626],[597.0579284667969,425.3150268554688],[597.6643676757812,425.3407348632813],[598.2708068847656,425.3664825439453],[598.8774047851563,425.39219055175784],[599.4838836669923,425.41789855957035],[600.0904815673829,425.4436462402344],[600.6969207763672,425.4693542480469],[601.3033599853516,425.4950622558594],[601.9100372314454,425.5204528808594],[602.5165161132812,425.5454071044922],[603.1231536865234,425.570361328125],[603.7296325683594,425.59531555175784],[604.3362701416016,425.6202697753906],[604.9427886962891,425.6451843261719],[605.5492675781251,425.6701385498047],[606.1559051513672,425.6950927734375],[606.7623840332031,425.7200469970703],[607.3690216064454,425.74500122070316],[607.9755004882812,425.76995544433595],[608.5819793701172,425.79490966796874],[609.1886169433594,425.8198638916016],[609.7950958251953,425.84477844238285],[610.4017333984375,425.86973266601564],[611.0082122802735,425.8946868896484],[611.6148498535157,425.9196411132813],[612.2213287353516,425.94459533691406],[612.8278076171875,425.9695495605469],[613.4344848632812,425.9945037841797],[614.0409637451172,426.0194580078125],[614.6476013183594,426.04425354003905],[615.2541198730469,426.06833496093753],[615.8606384277344,426.09241638183596],[616.4673156738281,426.1164978027344],[617.0738342285157,426.1406188964844],[617.6805114746094,426.1647003173828],[618.287030029297,426.18878173828125],[618.8937072753906,426.2128631591797],[619.5002258300782,426.23694458007816],[620.1067047119141,426.2610656738281],[620.7133819580079,426.2851470947266],[621.3199005126953,426.309228515625],[621.9265777587891,426.33330993652345],[622.5330963134766,426.3573913574219],[623.1396148681641,426.3815124511719],[623.7462921142578,426.4055938720703],[624.3528106689454,426.42967529296874],[624.9594879150391,426.4537567138672],[625.5660064697266,426.47783813476565],[626.1726837158203,426.50195922851566],[626.7792022705079,426.5260406494141],[627.3857208251953,426.5501220703125],[627.9923980712891,426.573568725586],[628.5989562988282,426.59693603515626],[629.2056335449219,426.62034301757814],[629.812191772461,426.6437103271484],[630.41875,426.6671173095703],[631.0254272460937,426.69048461914065],[631.6319854736329,426.7138916015625],[632.2386627197266,426.7372589111328],[632.8452209472656,426.7606658935547],[633.4517791748048,426.78403320312503],[634.0585357666016,426.8072814941406],[634.6650939941406,426.8301727294922],[635.2718109130859,426.8530639648438],[635.8783691406251,426.87595520019534],[636.4850860595703,426.8988464355469],[637.091683959961,426.92173767089844],[637.6982421875,426.94462890625],[638.3049591064454,426.9675201416016],[638.9115173339844,426.99041137695315],[639.5182342529297,427.0133026123047],[640.1247924804687,427.03619384765625],[640.7313110351563,427.05848999023436],[641.3380279541016,427.0805877685547],[641.9446258544922,427.102685546875],[642.551382446289,427.1247833251953],[643.1579803466797,427.1468811035156],[643.7647369384766,427.1689788818359],[644.3713348388673,427.1910766601563],[644.9779327392579,427.2131744384766],[645.5846496582031,427.2352722167969],[646.1912475585938,427.2573699951172],[646.7980041503906,427.2794677734375],[647.4046020507812,427.30156555175785],[648.0111999511719,427.32366333007815],[648.6179565429687,427.34576110839845],[649.2245544433594,427.36785888671875],[649.8312713623047,427.38995666503905],[650.4378692626954,427.4120544433594],[651.0446258544922,427.4341522216797],[651.6512237548828,427.45625],[652.2578216552735,427.4783477783203],[652.8645782470703,427.5004455566406],[653.4711364746094,427.52210693359376],[654.0779327392578,427.5433715820313],[654.6845703125,427.56463623046875],[655.2911682128906,427.5859008789063],[655.8979644775391,427.60716552734374],[656.5045623779297,427.62843017578126],[657.1113586425781,427.6496948242188],[657.7179962158203,427.67095947265625],[658.3247528076172,427.6922241210938],[658.9313903808594,427.71348876953124],[659.53798828125,427.73475341796876],[660.1448638916016,427.7554626464844],[660.7515014648437,427.77613220214846],[661.3583374023438,427.7968017578125],[661.964974975586,427.8174713134766],[662.5716125488282,427.8381805419922],[663.1784088134766,427.8588500976563],[663.7850463867188,427.8795196533203],[664.3918426513673,427.9001892089844],[664.9984802246094,427.9208587646485],[665.6051574707031,427.9415283203125],[666.2120727539062,427.9590240478516],[666.81875,427.9447418212891],[667.4235229492188,427.89146118164064],[668.0234558105469,427.80005493164066],[668.6166442871094,427.67127685546876],[669.2007873535157,427.506396484375],[669.7739013671875,427.3069610595703],[670.334716796875,427.07451782226565],[670.8814880371094,426.81097106933595],[671.4131042480469,426.5181060791016],[671.92861328125,426.1977478027344],[672.4272216796875,425.8516021728516],[672.9082153320313,425.48121643066406],[673.3708801269531,425.0883361816406],[673.8147399902344,424.6743499755859],[674.23916015625,424.2404479980469],[674.6436645507813,423.78778076171875],[675.0275390625001,423.3174987792969],[675.390625,422.83122863769535],[675.731494140625,422.3288909912109],[676.0499084472657,421.81223144531253],[676.3448364257813,421.2815673828125],[676.5936645507812,420.72852783203126],[676.7630676269531,420.1460906982422],[676.8570922851562,419.5466735839844],[676.8845458984375,418.9405914306641],[676.8564575195313,418.334310913086],[676.7832214355469,417.7318786621094],[676.6738830566406,417.134603881836],[676.5366943359376,416.54343872070314],[676.3779235839844,415.9576690673828],[676.202490234375,415.3764617919922],[676.0150756835938,414.7991424560547],[675.8196472167969,414.2241638183594],[675.6200927734375,413.65089111328126],[675.4195068359376,413.07801513671876],[675.2215393066407,412.5041076660156],[675.0292053222656,411.9284942626953],[674.8471862792969,411.3491912841797],[674.6796875,410.76576232910156],[674.5321838378907,410.17693786621095],[674.3861877441407,409.5876770019531],[674.2247192382813,409.00258178710936],[674.0497619628907,408.4212158203125],[673.8628234863281,407.84373779296874],[673.6658874511719,407.26951293945314],[673.4599853515625,406.69854125976565],[673.2467834472657,406.13010864257814],[673.027392578125,405.5640563964844],[672.8026062011719,405.000146484375],[672.5734558105469,404.4379028320313],[672.3417663574219,403.87688903808595],[672.1079345703125,403.3165496826172],[671.8727539062501,402.7569244384766],[671.6375732421875,402.1973388671875],[671.4028686523437,401.63743591308594],[671.1698303222656,401.0768981933594],[670.9392517089844,400.5154083251953],[670.7115295410157,399.95264892578126],[670.4888061523437,399.3880249023438],[670.2714782714844,398.82109985351565],[670.0615295410156,398.2516357421875],[669.8594360351562,397.6791168212891],[669.6667053222657,397.1035827636719],[669.4851623535156,396.5242401123047],[669.3167114257812,395.9410095214844],[669.1630187988281,395.3538513183594],[669.0267822265625,394.7622100830078],[668.9097473144532,394.16656188964845],[668.8150085449219,393.5669860839844],[668.7457397460938,392.96399841308596],[668.7047973632813,392.3584320068359],[668.6961486816407,391.7514373779297],[668.7229675292969,391.14511718750003],[668.7888244628906,390.5416931152344],[668.8964172363281,389.9445373535156],[669.0479675292969,389.3569030761719],[669.2236389160156,388.77573547363284],[669.4090698242188,388.19774169921874],[669.604656982422,387.6229217529297],[669.8108764648438,387.0520294189453],[670.0286010742187,386.4853424072266],[670.258465576172,385.9235748291016],[670.501025390625,385.36720275878906],[670.7573913574219,384.8168212890625],[671.027880859375,384.2734619140625],[671.313525390625,383.73768005371096],[671.6151184082031,383.2110626220703],[671.9330566406251,382.6939666748047],[672.2684509277344,382.1879791259766],[672.6216186523437,381.6943298339844],[672.9931945800781,381.21405029296875],[673.3831787109375,380.74912414550784],[673.7921264648438,380.3003845214844],[674.2198791503906,379.8696960449219],[674.6659606933594,379.4582092285156],[675.1301330566406,379.06687622070314],[675.6112060546875,378.6968078613281],[676.108544921875,378.3487579345703],[676.6207214355469,378.0230438232422],[677.1465454101562,377.71998291015626],[677.6848266601563,377.4392974853516],[678.2338989257813,377.18055114746096],[678.7925720214844,376.94287109375],[679.3593383789063,376.7258605957031],[679.9334045410156,376.52797241210936],[680.513104248047,376.3482147216797],[681.097802734375,376.18543701171876],[681.686865234375,376.0383697509766],[682.2791015625,375.9053863525391],[682.8742736816406,375.7854949951172],[683.4714294433594,375.676513671875],[684.0697753906251,375.5747528076172],[684.6695495605469,375.479736328125],[685.2699584960938,375.3909881591797],[685.8713989257812,375.308349609375],[686.473553466797,375.23182067871096],[687.0765014648438,375.16159973144534],[687.6802429199219,375.09697265625],[688.2843811035157,375.03801879882815],[688.8892333984376,374.98525390625],[689.4942443847657,374.93804321289065],[690.0999694824219,374.89622802734374],[690.7060119628907,374.8605621337891],[691.3121337890625,374.83033142089846],[691.9188110351563,374.8056945800781],[692.5256469726563,374.78696899414064],[693.1325622558594,374.7735992431641],[693.7394775390625,374.76629943847655],[694.3465515136719,374.76463317871094],[694.9536254882813,374.7686798095703],[695.5605407714844,374.778955078125],[696.1675354003906,374.79482421875],[696.7740539550781,374.8171600341797],[697.3805725097657,374.8453674316406],[697.9864562988281,374.8798034667969],[698.5921813964844,374.9208648681641],[699.197509765625,374.96799621582034],[699.8019653320313,375.02226867675785],[700.406103515625,375.0830474853516],[701.0092895507813,375.15080871582035],[701.6116027832031,375.2257904052735],[702.2132019042969,375.30771484375003],[702.8136108398438,375.39769287109374],[703.4128295898438,375.49505004882815],[704.0105407714844,375.6003021240235],[704.606982421875,375.7140838623047],[705.2015991210938,375.83591918945314],[705.7943115234375,375.96668090820316],[706.3851196289063,376.1067260742188],[706.9737854003906,376.2544281005859],[707.5609436035156,376.40879516601564],[708.1466735839844,376.5681610107422],[708.7308959960938,376.7333587646485],[709.3134521484375,376.90399169921875],[709.8944213867188,377.07982177734374],[710.4738037109375,377.2615234375],[711.0512817382813,377.4480651855469],[711.6271728515625,377.6405975341797],[712.2011596679688,377.8380889892578],[712.7731628417969,378.0409362792969],[713.3434204101562,378.2492980957031],[713.9118530273438,378.46257934570315],[714.4779846191407,378.68169250488285],[715.0422119140625,378.9056060791016],[715.604296875,379.1349151611328],[716.16416015625,379.3695007324219],[716.7220397949219,379.6090057373047],[717.2773010253907,379.85430297851565],[717.8303405761719,380.1043609619141],[718.3809997558594,380.3598541259766],[718.9293579101562,380.62062377929686],[719.47509765625,380.886312866211],[720.0182189941406,381.1575958251953],[720.5588806152344,381.4336791992188],[721.0966857910156,381.7154754638672],[721.6315551757813,382.0021118164063],[722.1638061523438,382.2939849853516],[722.6931213378906,382.5914520263672],[723.219580078125,382.8936004638672],[723.7427062988281,383.2017395019531],[724.2628967285157,383.5145202636719],[724.7797546386719,383.83301391601566],[725.2932800292969,384.15674438476566],[725.8034729003906,384.4855529785156],[726.3101745605469,384.8201538085938],[726.8134643554688,385.15943603515626],[727.3127075195313,385.5048278808594],[727.8083801269531,385.8550994873047],[728.3000061035157,386.21104431152344],[728.7879821777344,386.5724243164063],[729.2716735839844,386.9392395019531],[729.7511596679688,387.3116088867188],[730.2265197753907,387.68921508789066],[730.6969604492188,388.07257385253905],[731.1634338378907,388.4611297607422],[731.6254638671875,388.8550018310547],[732.0825744628906,389.2543884277344],[732.5349243164063,389.6591705322266],[732.982275390625,390.0696258544922],[733.4239135742188,390.48619079589844],[733.859521484375,390.9087860107422],[734.2892578125001,391.3376495361328],[734.712646484375,391.7727020263672],[735.1292907714844,392.2142608642578],[735.5386352539062,392.6624450683594],[735.9404418945313,393.11737365722655],[736.3347106933594,393.57908630371094],[736.721044921875,394.04730529785155],[737.0991271972656,394.5223083496094],[737.4684814453125,395.0039764404297],[737.829266357422,395.4923095703125],[738.1805297851563,395.9872680664063],[738.5226684570313,396.4887329101563],[738.8554443359375,396.9964263916016],[739.1786987304688,397.51026916503906],[739.492431640625,398.0300231933594],[739.7964050292969,398.55537109375],[740.0905395507813,399.08623352050785],[740.3749938964844,399.6227691650391],[740.6494506835937,400.1641052246094],[740.9143859863282,400.7104400634766],[741.1697998046875,401.2610198974609],[741.4159301757812,401.8160034179688],[741.6526184082031,402.3748748779297],[741.8799438476562,402.9377136230469],[742.0986206054688,403.5041229248047],[742.3086486816406,404.07366638183595],[742.5101867675781,404.6463836669922],[742.7031555175781,405.2218780517578],[742.888427734375,405.79991149902344],[743.0654479980469,406.3805633544922],[743.233740234375,406.9637939453125],[743.3941772460938,407.54944458007816],[743.5465209960938,408.1368804931641],[743.6905334472657,408.72653808593753],[743.8270080566407,409.31809997558594],[743.9556274414062,409.9114074707031],[744.0761535644532,410.5064605712891],[744.1894592285156,411.1027435302735],[744.2953063964844,411.70069274902346],[744.3933776855469,412.2996734619141],[744.484228515625,412.8998046875],[744.5673828125,413.5011260986328],[744.6433166503906,414.1034393310547],[744.7121093750001,414.706625366211],[744.7731262207031,415.31060485839845],[744.8271606445313,415.91510009765625],[744.8738159179687,416.5205474853516],[744.9129333496094,417.12627258300785],[744.9453857421876,417.7325134277344],[744.9696655273438,418.3389923095703],[744.9870422363282,418.945947265625],[744.9969604492188,419.55274353027346],[744.9991821289062,420.1598175048828],[744.9941833496094,420.76685180664066],[744.9813293457031,421.3736480712891],[744.9609375,421.98060302734376],[744.9330871582032,422.58692321777346],[744.8969055175781,423.19280700683595],[744.8531860351562,423.7983734130859],[744.8012939453125,424.40318603515624],[744.7411499023438,425.0072448730469],[744.6733093261719,425.6103912353516],[744.5965026855469,426.21266479492186],[744.5112854003906,426.8136688232422],[744.4179748535156,427.4134033203125],[744.3150634765625,428.0117889404297],[744.2033447265625,428.6084289550781],[744.0828186035156,429.2033630371094],[743.9512634277344,429.79595642089845],[743.808203125,430.3858917236328],[743.653955078125,430.9730499267578],[743.4885986328126,431.5570739746094],[743.313720703125,432.1385192871094],[743.1282104492187,432.7164337158203],[742.9338928222656,433.29161071777344],[742.7298950195312,433.86341552734376],[742.517724609375,434.4320068359375],[742.2969848632813,434.99754333496094],[742.0683898925781,435.55982666015626],[741.832177734375,436.1192535400391],[741.5887451171875,436.67526855468753],[741.3388061523438,437.2283081054688],[741.0817260742188,437.77833251953126],[740.8188537597656,438.3254608154297],[740.5494750976562,438.8695739746094],[740.2747802734375,439.41098937988284],[739.9942932128906,439.94923095703126],[739.7090454101562,440.48521118164064],[739.4185607910157,441.0181365966797],[739.1237121582031,441.54895935058596],[738.8241027832031,442.0766876220703],[738.5205261230469,442.6026306152344],[738.2128234863281,443.1257568359375],[737.9016296386719,443.6469390869141],[737.5864685058594,444.1659393310547],[737.2683715820312,444.68291625976565],[736.9464660644531,445.197592163086],[736.6224975585938,445.71099853515625],[736.2950378417969,446.22206420898436],[735.9651184082031,446.7316619873047],[735.633056640625,447.2398315429688],[735.2988525390625,447.74681091308594],[734.9622680664063,448.2519256591797],[734.623779296875,448.75596923828124],[734.2839416503906,449.2587829589844],[733.9425170898438,449.7607635498047],[733.5995849609375,450.2617523193359],[733.2549072265625,450.7614715576172],[732.909832763672,451.2610321044922],[732.5640441894532,451.7599578857422],[732.2161926269531,452.2574157714844],[731.8652465820313,452.7528503417969],[731.5113647460938,453.24602355957035],[731.15478515625,453.7373321533203],[730.7955078125,454.22653808593753],[730.4330566406251,454.71376037597656],[730.0673522949219,455.1982055664063],[729.6983154296876,455.68003234863284],[729.3258666992188,456.15955810546876],[728.9497680664062,456.6361083984375],[728.5700988769531,457.10988159179686],[728.1868591308594,457.5805999755859],[727.7996520996094,458.0479461669922],[727.4085571289063,458.5123962402344],[727.0134948730469,458.97319641113285],[726.6141479492188,459.4304656982422],[726.2109130859375,459.88416442871096],[725.8029968261719,460.3338562011719],[725.3907958984375,460.7794616699219],[724.9743103027344,461.2210998535156],[724.5529052734375,461.65797729492186],[724.1271362304688,462.0906494140625],[723.6964477539062,462.5186798095703],[723.2609985351563,462.941552734375],[722.820947265625,463.3595458984375],[722.3755004882813,463.7721832275391],[721.92529296875,464.1791473388672],[721.4700073242187,464.58099365234375],[721.0094848632813,464.97625427246095],[720.5437255859375,465.3656433105469],[720.0729675292969,465.74916076660156],[719.5968139648438,466.12537841796876],[719.1153442382813,466.4954071044922],[718.6288757324219,466.85821533203125],[718.1366943359375,467.21372375488284],[717.6395141601563,467.5620513916016],[717.1370178222656,467.90244445800784],[716.6290466308594,468.2349822998047],[716.1162353515625,468.5597839355469],[715.5994567871094,468.87847595214845],[715.0807739257813,469.1936767578125],[714.5595520019532,469.5049102783203],[714.0361083984375,469.8125335693359],[713.5105224609375,470.11626892089845],[712.9826354980469,470.41599731445314],[712.4527648925781,470.7120758056641],[711.9202758789063,471.0038696289063],[711.3859619140625,471.2916961669922],[710.8494262695312,471.5755554199219],[710.3104309082031,471.85509033203124],[709.76953125,472.130697631836],[709.2262512207031,472.4017028808594],[708.6809875488282,472.6683837890625],[708.1337402343751,472.9307800292969],[707.5839538574219,473.18845520019534],[707.0323425292969,473.4418060302734],[706.4783508300782,473.6904754638672],[705.9225341796875,473.93418579101564],[705.3645751953126,474.1734924316406],[704.8043945312501,474.40728454589845],[704.2422302246094,474.6363555908203],[703.6780029296875,474.8605072021484],[703.1117126464844,475.0790649414063],[702.5435180664062,475.29274291992186],[701.9731811523437,475.50074768066406],[701.4010192871094,475.7032379150391],[700.8267944335938,475.90049133300784],[700.2505859375,476.09131774902346],[699.6723937988281,476.2768280029297],[699.0925354003906,476.4561492919922],[698.5106933593751,476.62928161621096],[697.9270263671875,476.79658203125],[697.3416931152344,476.9569793701172],[696.7545349121094,477.11114807128905],[696.1657104492188,477.25888977050784],[695.5750610351563,477.3992919921875],[694.9830627441406,477.5333465576172],[694.3894775390626,477.6599029541016],[693.7942260742187,477.77939758300784],[693.1976257324219,477.89183044433594],[692.5995178222656,477.9960906982422],[692.0004577636719,478.0932891845703],[691.3998901367188,478.1820770263672],[690.7982116699219,478.26316833496094],[690.1957397460938,478.33628540039064],[689.5923156738281,478.4039276123047],[688.9889709472657,478.4701416015625],[688.3852294921875,478.5343322753906],[687.7813293457032,478.5960632324219],[687.1774291992188,478.65672302246094],[686.5729736328125,478.71420898437503],[685.9686767578125,478.7705047607422],[685.3639038085938,478.8247375488281],[684.7592102050781,478.8768280029297],[684.1543579101562,478.9278869628906],[683.5491088867187,478.97589111328125],[682.9439392089844,479.0229034423828],[682.3384521484376,479.0678924560547],[681.7330444335938,479.11101684570315],[681.1273193359375,479.1530700683594],[680.5215148925781,479.1923461914063],[679.915869140625,479.2307495117188],[679.3097473144531,479.2671691894531],[678.7037048339844,479.3019226074219],[678.0975036621094,479.3356048583984],[677.4912231445313,479.3669067382813],[676.8851806640625,479.3973358154297],[676.278662109375,479.4258209228516],[675.6722229003907,479.4529174804688],[675.0656250000001,479.47894287109375],[674.4590270996094,479.50286560058595],[673.8524291992188,479.5260345458984],[673.2458312988282,479.54729919433595],[672.6390747070312,479.5674530029297],[672.0321594238281,479.5864562988281],[671.4254821777344,479.6036743164063],[670.8185668945313,479.62021789550784],[670.2118103027344,479.6349365234375],[669.6049743652344,479.64874267578125],[668.9979797363281,479.66143798828125],[668.3909851074219,479.67266540527345],[667.7839111328125,479.6832977294922],[667.1769165039062,479.6921844482422],[666.5698425292969,479.7003570556641],[665.9629272460937,479.7074188232422],[665.3559722900391,479.7132904052734],[664.7488586425782,479.71864624023436],[664.1418640136719,479.7223754882813],[663.5347900390625,479.7255889892578],[662.9277954101562,479.7276916503906],[662.3207611083984,479.7288818359375],[661.7136077880859,479.72947692871094],[661.1066925048829,479.72816772460936],[660.4995391845704,479.72669982910156],[659.8925445556641,479.72527160644535],[659.2853912353515,479.7223754882813],[658.6783966064453,479.71836853027344],[658.0714416503906,479.71436157226566],[657.4642883300781,479.7099578857422],[656.8573333740235,479.7036895751953],[656.2502197265625,479.6974609375],[655.6432647705078,479.6911926269531],[655.0363098144531,479.68345642089844],[654.4292358398437,479.6752838134766],[653.8222808837891,479.6670715332031],[653.215087890625,479.65826416015625],[652.6081726074219,479.64842529296874],[652.0012573242187,479.6386260986328],[651.3941833496094,479.6287872314453],[650.7873077392578,479.6176391601563],[650.1802337646485,479.60645141601566],[649.5733581542969,479.5953033447266],[648.9664428710938,479.5832824707031],[648.3595672607422,479.57066650390624],[647.7526916503906,479.55809020996094],[647.1456970214844,479.54547424316405],[646.5388214111329,479.53289794921875],[645.931787109375,479.52032165527345],[645.3249114990234,479.50770568847656],[644.7179168701172,479.4944152832031],[644.1109222412109,479.4809265136719],[643.504086303711,479.4674377441406],[642.8970916748048,479.4539489746094],[642.2902557373047,479.4404602050781],[641.6832214355469,479.4269714355469],[641.0764251708985,479.4134826660156],[640.4695892333984,479.4003112792969],[639.8625946044922,479.38710021972656],[639.2557189941407,479.37388916015624],[638.6487243652344,479.3607177734375],[638.0418884277344,479.3475067138672],[637.4350128173828,479.3342956542969],[636.8280578613281,479.3214416503906],[636.2211822509765,479.30969848632816],[635.6141479492188,479.29795532226564],[635.0072723388672,479.2862121582031],[634.4002380371094,479.2745086669922],[633.7933227539063,479.2627655029297],[633.1864471435547,479.2510223388672],[632.5794128417969,479.2400329589844],[631.9724975585938,479.23015441894535],[631.3654235839844,479.2202362060547],[630.7583892822266,479.2103576660156],[630.1514739990234,479.2021057128906],[629.5443603515625,479.1938140869141],[628.9374053955079,479.18556213378906],[628.3304504394531,479.1784606933594],[627.7234954833984,479.1721130371094],[627.116342163086,479.1657653808594],[626.5092681884765,479.15989379882814],[625.9022735595703,479.1557281494141],[625.2951599121094,479.1516021728516],[624.6881652832031,479.14743652343753],[624.0810516357423,479.14454040527346],[623.474057006836,479.1419219970703],[622.8671020507812,479.13934326171875],[622.2599487304688,479.13672485351566],[621.6529541015625,479.1341064453125],[621.04580078125,479.13148803710936],[620.4388061523438,479.1289093017578],[619.8318115234375,479.1262908935547],[619.224658203125,479.12367248535156],[618.6176635742188,479.12109375],[618.0105499267578,479.1184753417969],[617.4035552978515,479.11585693359376],[616.7964019775391,479.1132781982422],[616.1894073486328,479.11065979003905],[615.5824127197266,479.10804138183596],[614.9752593994141,479.1054229736328],[614.3683044433594,479.10284423828125],[613.761151123047,479.10022583007816],[613.1541564941407,479.097607421875],[612.5471618652344,479.09502868652345],[611.9400085449219,479.0924102783203],[611.3330139160156,479.0897918701172],[610.7258605957031,479.08717346191406],[610.1188659667969,479.0845947265625],[609.511752319336,479.0819763183594],[608.9047576904297,479.07935791015626],[608.2977630615235,479.0767791748047],[607.690609741211,479.07416076660155],[607.0836151123048,479.07154235839846],[606.4764617919922,479.0689636230469],[605.8695068359375,479.06634521484375],[605.2625122070312,479.06372680664066],[604.6553588867188,479.0611083984375],[604.0483642578125,479.05852966308595],[603.4412109375,479.0559112548828],[602.8342163085938,479.0532928466797],[602.2270629882813,479.05071411132815],[601.6200683593751,479.048095703125],[601.0131134033203,479.0454772949219],[600.4059600830078,479.04285888671876],[599.7989654541016,479.0402801513672],[599.1918121337891,479.03766174316405],[598.5848175048828,479.03504333496096],[597.9778228759766,479.0324645996094],[597.3706695556641,479.02984619140625],[596.7637145996094,479.02722778320316],[596.1565612792969,479.024609375],[595.5495666503906,479.02203063964845],[594.9424133300781,479.0194122314453],[594.3354187011719,479.0167938232422],[593.7284240722656,479.01421508789065],[593.1212707519531,479.0115966796875],[592.5143157958985,479.0089782714844],[591.907162475586,479.00639953613285],[591.3001678466798,479.0037811279297],[590.6931732177735,479.00116271972655],[590.0860198974609,478.99854431152346],[589.4790252685547,478.9959655761719],[588.8718719482422,478.99334716796875],[588.2649169921875,478.99072875976566],[587.6579223632813,478.9881500244141],[587.0507690429688,478.98553161621095],[586.4438140869141,478.982992553711],[585.8366607666015,478.98096923828126],[585.2296661376953,478.97894592285155],[584.6225128173828,478.9768829345703],[584.0155181884766,478.97485961914066],[583.4085235595703,478.97279663085936],[582.8013702392578,478.9707733154297],[582.1943756103516,478.9687103271485],[581.5872222900391,478.96668701171876],[580.9802276611329,478.96466369628905],[580.3732330322266,478.9626007080078],[579.7661193847656,478.96057739257816],[579.1591247558594,478.95851440429686],[578.5519714355469,478.9564910888672],[577.9449768066406,478.954428100586],[577.3378234863281,478.95240478515626],[576.7308288574219,478.95038146972655],[576.1238342285156,478.9483184814453],[575.5166809082032,478.94629516601566],[574.9096862792969,478.94423217773436],[574.3025329589844,478.9422088623047],[573.6955383300782,478.9401458740235],[573.088543701172,478.93812255859376],[572.4814300537109,478.93609924316405],[571.8744354248047,478.9340362548828],[571.2672821044922,478.93201293945316],[570.660287475586,478.92994995117186],[570.0531341552735,478.9279266357422],[569.4461395263672,478.925863647461],[568.839144897461,478.92384033203126],[568.2319915771485,478.92181701660155],[567.6249969482423,478.9197540283203],[567.0178436279297,478.91773071289066],[566.4108489990234,478.91566772460936],[565.8038940429688,478.9136444091797],[565.1967407226563,478.91162109375],[564.58974609375,478.90955810546876],[563.9825927734375,478.90753479003905],[563.3755981445313,478.9054718017578],[562.7684448242188,478.90344848632816],[562.1614501953126,478.90138549804686],[561.5544555664063,478.8993621826172],[560.9473022460937,478.8973388671875],[560.3403076171875,478.89527587890626],[559.733154296875,478.89325256347655],[559.1261596679688,478.8911895751953],[558.5192047119141,478.88916625976566],[557.9120513916016,478.88710327148436],[557.3050567626954,478.8850799560547],[556.6979034423829,478.883056640625],[556.0909088134766,478.88099365234376],[555.483755493164,478.87897033691405],[554.8767608642578,478.8769073486328],[554.2697662353515,478.87488403320316],[553.6626129150391,478.87282104492186],[553.0556182861328,478.8707977294922],[552.4484649658203,478.8687744140625],[551.8415100097657,478.86671142578126],[551.2345153808594,478.86468811035155],[550.627362060547,478.8626251220703],[550.0203674316407,478.86060180664066],[549.4132141113281,478.85857849121095],[548.8062194824219,478.8565155029297],[548.1991851806641,478.8546905517578],[547.5920318603515,478.8530639648438],[546.9850372314453,478.8514770507813],[546.3778839111328,478.8498504638672],[545.7708892822266,478.8482238769531],[545.1637359619141,478.8466369628906],[544.5567413330078,478.8450103759766],[543.9497467041016,478.8433837890625],[543.3425933837891,478.8417572021485],[542.7355987548829,478.840170288086],[542.1284454345704,478.8385437011719],[541.5214508056641,478.8369171142578],[540.9144561767579,478.8353302001953],[540.3073028564453,478.8337036132813],[539.700308227539,478.8320770263672],[539.0931549072266,478.8304901123047],[538.4861999511719,478.82886352539066],[537.8790466308594,478.8272369384766],[537.2720520019532,478.8256500244141],[536.6650573730469,478.8240234375],[536.0579040527344,478.82239685058596],[535.4509094238282,478.82080993652346],[534.8437561035156,478.8191833496094],[534.2367614746094,478.81755676269535],[533.6297668457031,478.81596984863285],[533.0226135253906,478.81434326171876],[532.4156188964844,478.8127166748047],[531.8084655761719,478.81109008789065],[531.2014709472656,478.80950317382815],[530.5943176269532,478.80787658691406],[529.9873229980469,478.80625000000003],[529.3803283691407,478.80466308593753],[528.7731750488282,478.80303649902345],[528.166180419922,478.80140991210936],[527.5590270996094,478.79982299804686],[526.9520721435547,478.79819641113284],[526.3450775146484,478.79656982421875],[525.737924194336,478.79498291015625],[525.1309295654297,478.7933563232422],[524.5237762451172,478.79172973632814],[523.916781616211,478.79014282226564],[523.3096282958985,478.78851623535155],[522.7026336669923,478.7868896484375],[522.095639038086,478.785302734375],[521.4884857177734,478.78367614746094],[520.8814910888672,478.7820495605469],[520.2743377685547,478.7804229736328],[519.6673431396484,478.7788360595703],[519.0603485107422,478.77720947265624],[518.4531951904297,478.7755828857422],[517.8462005615235,478.7739959716797],[517.239047241211,478.7723693847656],[516.6320526123047,478.7707427978516],[516.0250976562501,478.7691558837891],[515.4179443359375,478.767529296875],[514.8109497070312,478.7659027099609],[514.2037963867188,478.7643157958984],[513.5968017578125,478.7626892089844],[512.9896484375,478.7610626220703],[512.3826538085938,478.7594757080078],[511.7756591796875,478.7578491210938],[511.16850585937505,478.7562225341797],[510.5615112304688,478.7546356201172],[509.9544372558594,478.7532470703125],[509.3474426269531,478.75193786621094],[508.7404479980469,478.75058898925784],[508.1332946777344,478.74927978515626],[507.52630004882815,478.74793090820316],[506.91914672851567,478.7466217041016],[506.3121520996094,478.7452728271484],[505.7049987792969,478.7439636230469],[505.09800415039064,478.74261474609375],[504.4910095214844,478.7413055419922],[503.8838562011719,478.7399566650391],[503.27686157226566,478.7386474609375],[502.6697082519531,478.7373382568359],[502.0627136230469,478.7359893798828],[501.4557189941406,478.73468017578125],[500.84856567382815,478.73333129882815],[500.2415710449219,478.7320220947266],[499.6344177246094,478.7306732177735],[499.0274230957031,478.7293640136719],[498.42026977539064,478.72801513671874],[497.8132751464844,478.7267059326172],[497.20628051757814,478.72535705566406],[496.5991668701172,478.7240478515625],[495.99217224121094,478.722738647461],[495.38501892089846,478.7213897705078],[494.7780242919922,478.72008056640624],[494.17102966308596,478.71873168945314],[493.5638763427734,478.71742248535156],[492.9568817138672,478.71607360839846],[492.3497283935547,478.7147644042969],[491.74273376464845,478.7134155273438],[491.135580444336,478.7121063232422],[490.5285858154297,478.71075744628905],[489.9215911865235,478.70944824218753],[489.31443786621094,478.7080993652344],[488.7074432373047,478.7067901611328],[488.1002899169922,478.7054809570313],[487.49329528808596,478.7041320800781],[486.8863006591797,478.70282287597655],[486.2791473388672,478.70147399902345],[485.6721527099609,478.7001647949219],[485.06499938964845,478.6988159179688],[484.4580047607422,478.6975067138672],[483.85101013183595,478.6961578369141],[483.2438568115235,478.6948486328125],[482.6368621826172,478.69349975585936],[482.0297088623047,478.69219055175785],[481.42271423339844,478.6908813476563],[480.8156005859375,478.6895324707031],[480.20860595703124,478.6882232666016],[479.601611328125,478.68687438964844],[478.9944580078125,478.68556518554686],[478.38746337890626,478.68421630859376],[477.7803100585938,478.6829071044922],[477.17331542968753,478.6815582275391],[476.5663208007813,478.6802490234375],[475.95916748046875,478.6789001464844],[475.3521728515625,478.67759094238284],[474.74501953125,478.67628173828126],[474.1380249023438,478.67493286132816],[473.53087158203124,478.6736236572266],[472.923876953125,478.6722747802734],[472.3168029785156,478.6709655761719],[471.70964965820315,478.66981506347656],[471.1026550292969,478.6686248779297],[470.49550170898436,478.6674346923828],[469.8885070800781,478.66624450683594],[469.28151245117186,478.66505432128906],[468.6743591308594,478.6639038085938],[468.06736450195314,478.6627136230469],[467.46021118164066,478.6615234375],[466.8532165527344,478.66033325195315],[466.2460632324219,478.6591827392578],[465.6390686035156,478.6579925537109],[465.0320739746094,478.65680236816405],[464.4249603271484,478.6556121826172],[463.8179656982422,478.6544219970703],[463.2108123779297,478.653271484375],[462.60381774902345,478.65208129882814],[461.9968231201172,478.65089111328126],[461.3896697998047,478.6497009277344],[460.7826751708985,478.6485107421875],[460.17552185058594,478.6473602294922],[459.5685272216797,478.64617004394535],[458.9613739013672,478.6449798583985],[458.35437927246096,478.6437896728516],[457.7473846435547,478.64263916015625],[457.1402313232422,478.6414489746094],[456.5332366943359,478.6402587890625],[455.92608337402345,478.6390686035156],[455.3190887451172,478.63787841796875],[454.71209411621095,478.63672790527346],[454.1049407958985,478.6355377197266],[453.4979461669922,478.6343475341797],[452.8907928466797,478.63315734863284],[452.28379821777344,478.63196716308596],[451.67664489746096,478.6308166503906],[451.0696502685547,478.62962646484374],[450.46265563964846,478.62843627929686],[449.8555023193359,478.62724609375],[449.2485076904297,478.6260955810547],[448.6413543701172,478.6249053955078],[448.03435974121095,478.62371520996095],[447.4273651123047,478.6225250244141],[446.8202117919922,478.6213348388672],[446.213217163086,478.6201843261719],[445.60606384277344,478.61899414062503],[444.9991088867188,478.61780395507816],[444.3921142578125,478.6166137695313],[443.7849609375,478.6154235839844],[443.17796630859374,478.61427307128906],[442.57081298828126,478.6130828857422],[441.963818359375,478.6118927001953],[441.35666503906253,478.61070251464844],[440.7496704101563,478.60955200195315],[440.14267578125003,478.6083618164063],[439.5355224609375,478.6071716308594],[438.92852783203125,478.6059814453125],[438.3213745117188,478.60479125976565],[437.7143798828125,478.6036407470703],[437.1073852539063,478.6024505615234],[436.50023193359374,478.60126037597655],[435.8932373046875,478.6000701904297],[435.286083984375,478.5988800048828],[434.67908935546876,478.5977294921875],[434.0718963623047,478.59653930664064],[433.46490173339845,478.59534912109376],[432.8579071044922,478.5941986083985],[432.2507537841797,478.5930084228516],[431.6437591552735,478.59185791015625],[431.03660583496094,478.5906677246094],[430.4296112060547,478.5894775390625],[429.82261657714844,478.5883270263672],[429.2155029296875,478.58713684082034],[428.60850830078124,478.585986328125],[428.00135498046876,478.5847961425781],[427.3943603515625,478.58360595703124],[426.78720703125003,478.58245544433595],[426.1802124023438,478.5812652587891],[425.57321777343753,478.5801147460938],[424.966064453125,478.5789245605469],[424.35906982421875,478.57773437500003],[423.7519165039063,478.5765838623047],[423.144921875,478.5753936767578],[422.5379272460938,478.5742431640625],[421.93077392578124,478.57305297851565],[421.323779296875,478.5718627929688],[420.7166259765625,478.5707122802734],[420.10963134765626,478.56952209472655],[419.5024780273438,478.56837158203126],[418.89548339843753,478.5671813964844],[418.2884887695313,478.5659912109375],[417.68133544921875,478.5648406982422],[417.0743408203125,478.56365051269535],[416.4671875,478.5625],[415.8601928710938,478.5613098144531],[415.2531982421875,478.56011962890625],[414.646044921875,478.55896911621096],[414.03905029296874,478.5577789306641],[413.43189697265626,478.55662841796874],[412.82490234375,478.55543823242186],[412.21790771484376,478.554248046875],[411.6107543945313,478.5530975341797],[411.00375976562503,478.5519073486328],[410.3966064453125,478.55075683593753],[409.78961181640625,478.54956665039066],[409.1824584960938,478.5483764648438],[408.5754638671875,478.54722595214844],[407.9684692382813,478.54603576660156],[407.36131591796874,478.5448852539063],[406.7543609619141,478.5436950683594],[406.1472076416016,478.54254455566405],[405.54021301269535,478.5413543701172],[404.9332183837891,478.5401641845703],[404.32606506347656,478.539013671875],[403.7190704345703,478.53782348632814],[403.11191711425784,478.53667297363285],[402.5049224853516,478.535482788086],[401.89776916503905,478.5342926025391],[401.2907745361328,478.53314208984375],[400.68377990722655,478.5319519042969],[400.0766265869141,478.5308013916016],[399.4696319580078,478.5296112060547],[398.86247863769535,478.52842102050784],[398.2554840087891,478.5272705078125],[397.64848937988285,478.5260803222656],[397.0413360595703,478.5249298095703],[396.43434143066406,478.52373962402345],[395.8273071289063,478.5224304199219],[395.22031250000003,478.5211212158203],[394.6131591796875,478.5198120117188],[394.00616455078125,478.51854248046874],[393.399169921875,478.5172332763672],[392.7920166015625,478.51592407226565],[392.1850219726563,478.5146148681641],[391.57786865234374,478.5133056640625],[390.9708740234375,478.5119964599609],[390.36387939453124,478.5106872558594],[389.75672607421876,478.50937805175784],[389.1497314453125,478.50806884765626],[388.54257812500003,478.5067596435547],[387.9355834960938,478.5054504394531],[387.32843017578125,478.5041412353516],[386.721435546875,478.50283203125],[386.11444091796875,478.50152282714845],[385.5072875976563,478.5002136230469],[384.90029296875,478.4989044189453],[384.2931396484375,478.4975952148438],[383.68614501953124,478.4962860107422],[383.0791900634766,478.49497680664064],[382.4720367431641,478.49366760253906],[381.86504211425785,478.4923583984375],[381.2578887939453,478.4910888671875],[380.65089416503906,478.4897796630859],[380.0438995361328,478.4884704589844],[379.43674621582034,478.48716125488284],[378.8297515869141,478.48585205078126],[378.22259826660155,478.4845428466797],[377.6156036376953,478.4832336425781],[377.0084503173828,478.4819244384766],[376.4014556884766,478.480615234375],[375.7944610595703,478.47930603027345],[375.18730773925785,478.4779968261719],[374.5803131103516,478.4766876220703],[373.97315979003906,478.4753784179688],[373.3661651611328,478.4740692138672],[372.75917053222656,478.47276000976564],[372.1520172119141,478.47145080566406],[371.54502258300784,478.4701416015625],[370.9378692626953,478.468832397461],[370.33087463378905,478.4675231933594],[369.7237213134766,478.4662139892578],[369.1167266845703,478.46490478515625],[368.5097320556641,478.46363525390626],[367.9025787353516,478.4623260498047],[367.29558410644535,478.4610168457031],[366.6884704589844,478.4597076416016],[366.08147583007815,478.4583984375],[365.4744812011719,478.45708923339845],[364.86732788085936,478.4557800292969],[364.2603332519531,478.4544708251953],[363.65317993164064,478.4531616210938],[363.0461853027344,478.4518524169922],[362.4390319824219,478.45054321289064],[361.83203735351566,478.44923400878906],[361.2250427246094,478.4479248046875],[360.6178894042969,478.446615600586],[360.0108947753906,478.4453063964844],[359.40374145507815,478.4439971923828],[358.7967468261719,478.44268798828125],[358.18971252441406,478.44133911132815],[357.5825592041016,478.43975219726565],[356.97556457519534,478.43816528320315],[356.3684112548828,478.43657836914065],[355.76141662597655,478.43499145507815],[355.15430297851566,478.43340454101565],[354.5473083496094,478.43181762695315],[353.94031372070316,478.4302703857422],[353.3331604003906,478.4286834716797],[352.7261657714844,478.4270965576172],[352.1190124511719,478.4255096435547],[351.51201782226565,478.4239227294922],[350.9050231933594,478.4223358154297],[350.29786987304686,478.4207489013672],[349.6908752441406,478.41920166015626],[349.08372192382814,478.41761474609376],[348.4767272949219,478.41602783203126],[347.8695739746094,478.41444091796876],[347.26257934570316,478.41285400390626],[346.6555847167969,478.41126708984376],[346.0484313964844,478.40968017578126],[345.4414367675781,478.40813293457035],[344.83428344726565,478.40654602050785],[344.2272888183594,478.40495910644535],[343.62029418945315,478.40337219238285],[343.0131805419922,478.40178527832035],[342.40618591308595,478.40019836425785],[341.7990325927735,478.39861145019535],[341.1920379638672,478.3970642089844],[340.585043334961,478.3954772949219],[339.97789001464844,478.3938903808594],[339.3708953857422,478.3923034667969],[338.7637420654297,478.3907165527344],[338.15674743652346,478.3891296386719],[337.5495941162109,478.38758239746096],[336.9425994873047,478.38599548339846],[336.3356048583984,478.38440856933596],[335.72845153808595,478.38282165527346],[335.1214569091797,478.38123474121096],[334.5143035888672,478.37964782714846],[333.907308959961,478.37806091308596],[333.3003143310547,478.376513671875],[332.693180847168,478.3749267578125],[332.08618621826173,478.37333984375],[331.47903289794925,478.3717529296875],[330.872038269043,478.370166015625],[330.26488494873047,478.3685791015625],[329.6578903198242,478.3669921875],[329.05091552734376,478.3654449462891],[328.4437622070313,478.3638580322266],[327.83676757812503,478.3622711181641],[327.2296142578125,478.3606842041016],[326.62261962890625,478.3590972900391],[326.015625,478.3575103759766],[325.4084716796875,478.3559234619141],[324.8014770507813,478.35437622070316],[324.19432373046874,478.35278930664066],[323.5873291015625,478.35120239257816],[322.9801956176758,478.34961547851566],[322.37320098876955,478.34802856445316],[321.7662063598633,478.34644165039066],[321.15905303955077,478.34485473632816],[320.5520584106445,478.3433074951172],[319.94490509033204,478.34144287109376],[319.3379104614258,478.33945922851564],[318.73091583251954,478.3374755859375],[318.12376251220707,478.3354522705078],[317.5167678833008,478.3334686279297],[316.9096343994141,478.33148498535155],[316.3026397705078,478.3295013427734],[315.69548645019535,478.3274780273438],[315.0884918212891,478.32549438476565],[314.48149719238285,478.3235107421875],[313.8743438720703,478.3214874267578],[313.26734924316406,478.3195037841797],[312.6602157592774,478.31752014160156],[312.0532211303711,478.31553649902344],[311.4462265014649,478.3135131835938],[310.83907318115234,478.31152954101566],[310.2320785522461,478.30954589843753],[309.6249450683594,478.3075622558594],[309.01795043945316,478.3055389404297],[308.4109558105469,478.3035552978516],[307.8038024902344,478.30157165527345],[307.1968078613281,478.29954833984374],[306.58965454101565,478.2975646972656],[305.9826599121094,478.2955810546875],[305.37552642822266,478.29359741210936],[304.7685317993164,478.2915740966797],[304.16153717041016,478.2895904541016],[303.5543838500977,478.28760681152346],[302.94738922119143,478.28562316894534],[302.3402557373047,478.2835998535156],[301.73326110839844,478.2816162109375],[301.1262664794922,478.2796325683594],[300.5191131591797,478.2776092529297],[299.91211853027346,478.2756256103516],[299.3049652099609,478.2736419677735],[298.6979705810547,478.27165832519535],[298.090837097168,478.26963500976564],[297.48384246826174,478.2676513671875],[296.8768478393555,478.2656677246094],[296.26969451904296,478.26368408203126],[295.6626998901367,478.26166076660155],[295.05556640625,478.2596771240234],[294.4485717773438,478.2576934814453],[293.8415771484375,478.2557098388672],[293.234423828125,478.2536865234375],[292.62742919921874,478.2517028808594],[292.02027587890626,478.2497192382813],[291.41328125,478.24769592285156],[290.80614776611327,478.24571228027344],[290.199153137207,478.2437286376953],[289.59215850830077,478.2417449951172],[288.9850051879883,478.23972167968753],[288.37801055908204,478.2377380371094],[287.7708770751953,478.2357543945313],[287.16388244628905,478.23377075195316],[286.5568878173828,478.23174743652345],[285.9497344970703,478.2297637939453],[285.3427398681641,478.2277801513672],[284.7355865478516,478.2257568359375],[284.1286117553711,478.22377319335936],[283.5214584350586,478.22178955078124],[282.91446380615236,478.2198059082031],[282.3074691772461,478.21778259277346],[281.7003158569336,478.2152435302734],[281.0933410644531,478.21270446777345],[280.48618774414064,478.2101654052735],[279.8791931152344,478.2075866699219],[279.27219848632814,478.2050476074219],[278.6650650024414,478.2025085449219],[278.05807037353514,478.19996948242186],[277.45091705322267,478.1974304199219],[276.8439422607422,478.1948516845703],[276.23694763183596,478.19231262207035],[275.6297943115234,478.1897735595703],[275.0227996826172,478.18723449707034],[274.4156661987305,478.1846954345703],[273.80867156982424,478.18211669921874],[273.2015182495117,478.17957763671876],[272.59452362060546,478.1770385742188],[271.987548828125,478.17449951171875],[271.3803955078125,478.1719604492188],[270.7734008789063,478.1693817138672],[270.16624755859374,478.1668426513672],[269.5592727661133,478.1643035888672],[268.95227813720703,478.1617645263672],[268.34512481689455,478.1592254638672],[267.7381500244141,478.1566467285156],[267.13099670410156,478.15410766601565],[266.5240020751953,478.1515686035156],[265.91684875488284,478.14902954101564],[265.3098739624024,478.14649047851566],[264.7028793334961,478.1439117431641],[264.0957260131836,478.14137268066406],[263.48873138427734,478.1388336181641],[262.88159790039066,478.13629455566405],[262.2746032714844,478.1337158203125],[261.66760864257816,478.1311767578125],[261.0604751586914,478.12863769531253],[260.45348052978517,478.1260986328125],[259.8463272094727,478.1235595703125],[259.23933258056644,478.12098083496096],[258.6321990966797,478.1184417724609],[258.02520446777345,478.11590270996095],[257.4182098388672,478.113363647461],[256.8110565185547,478.11082458496094],[256.2040817260742,478.1082458496094],[255.59692840576173,478.1057067871094],[254.98993377685548,478.10316772460936],[254.38295898437502,478.1006286621094],[253.77580566406252,478.0980895996094],[253.16881103515627,478.09551086425785],[252.56165771484376,478.0929718017578],[251.9546829223633,478.09043273925784],[251.3475296020508,478.0878936767578],[250.74053497314455,478.0853546142578],[250.1335403442383,478.08277587890626],[249.52640686035156,478.0802368164063],[248.9194122314453,478.07769775390625],[248.31225891113283,478.0751586914063],[247.70526428222658,478.07261962890624],[247.0982894897461,478.0700408935547],[246.4911361694336,478.0675018310547],[245.88414154052734,478.0649627685547],[245.27700805664062,478.0624237060547],[244.67001342773438,478.0598846435547],[244.06278076171876,478.05710754394534],[243.4557861328125,478.05405273437503],[242.84881134033205,478.05103759765626],[242.24165802001954,478.04798278808596],[241.63468322753906,478.04492797851566],[241.02752990722658,478.0418731689453],[240.42053527832033,478.038818359375],[239.81356048583984,478.0357635498047],[239.20640716552734,478.0327087402344],[238.59943237304688,478.0296936035156],[237.99227905273438,478.0266387939453],[237.38528442382812,478.023583984375],[236.77830963134767,478.0205291748047],[236.17115631103516,478.01747436523436],[235.5641616821289,478.01441955566406],[234.9570281982422,478.01136474609376],[234.35003356933595,478.008349609375],[233.74290008544924,478.0052947998047],[233.135905456543,478.0022399902344],[232.52891082763674,477.9991851806641],[231.92177734375,477.9961303710938],[231.31478271484374,477.9930755615234],[230.70764923095703,477.9900207519531],[230.10065460205078,477.9870056152344],[229.49365997314453,477.98395080566405],[228.88652648925782,477.98089599609375],[228.27953186035157,477.97784118652345],[227.67237854003906,477.97478637695315],[227.0654037475586,477.97173156738285],[226.4582504272461,477.9686767578125],[225.85127563476564,477.9656616210938],[225.2443603515625,477.9625671386719],[224.63720703125,477.95911560058596],[224.03023223876954,477.95570373535156],[223.42307891845704,477.95225219726564],[222.81610412597658,477.94884033203124],[222.20910949707033,477.9453887939453],[221.6019760131836,477.941976928711],[220.99498138427734,477.938525390625],[220.38784790039062,477.93511352539065],[219.78085327148438,477.9316619873047],[219.17371978759766,477.9282501220703],[218.5667251586914,477.9247985839844],[217.95975036621095,477.92138671875],[217.35259704589845,477.9179351806641],[216.74562225341796,477.9145233154297],[216.1384689331055,477.91107177734375],[215.531494140625,477.9076599121094],[214.92449951171875,477.9042083740234],[214.31736602783204,477.9007965087891],[213.7103713989258,477.89734497070316],[213.10323791503907,477.8938934326172],[212.49624328613282,477.89048156738284],[211.88908996582032,477.8870300292969],[211.28211517333986,477.8836181640625],[210.6751205444336,477.8801666259766],[210.06798706054687,477.8767547607422],[209.46099243164062,477.87330322265626],[208.8538589477539,477.86989135742186],[208.24686431884766,477.86643981933594],[207.6398895263672,477.8630279541016],[207.0327362060547,477.8595764160156],[206.42576141357424,477.8561645507813],[205.8185287475586,477.85239562988284],[205.21155395507813,477.8485473632813],[204.60455932617188,477.8446990966797],[203.99742584228517,477.8408508300781],[203.39045104980468,477.8370025634766],[202.7832977294922,477.833154296875],[202.17632293701172,477.8293060302735],[201.569189453125,477.82545776367186],[200.96219482421876,477.8216094970703],[200.3552200317383,477.81776123046876],[199.7480667114258,477.8139129638672],[199.1410919189453,477.81006469726566],[198.5339584350586,477.80621643066405],[197.92696380615234,477.8023681640625],[197.3199890136719,477.79851989746095],[196.71283569335938,477.7946716308594],[196.10586090087892,477.79082336425785],[195.49872741699218,477.78697509765624],[194.89173278808593,477.7831268310547],[194.28459930419922,477.77927856445314],[193.67762451171876,477.7754302978516],[193.0706298828125,477.77158203125003],[192.4634963989258,477.7677337646484],[191.85650177001955,477.7638854980469],[191.2493682861328,477.7600372314453],[190.64239349365235,477.7561889648438],[190.0353988647461,477.7523406982422],[189.4282653808594,477.7484924316406],[188.82127075195314,477.74464416503906],[188.21413726806642,477.7407958984375],[187.60716247558594,477.73694763183596],[187.00000915527343,477.732861328125],[186.39303436279297,477.72857666015625],[185.78605957031252,477.7242919921875],[185.17892608642578,477.7199676513672],[184.57193145751953,477.71568298339844],[183.9647979736328,477.71135864257815],[183.35782318115236,477.7070739746094],[182.75084838867187,477.7027496337891],[182.1436950683594,477.69846496582034],[181.5367202758789,477.6941802978516],[180.9295867919922,477.6898559570313],[180.32261199951174,477.6855712890625],[179.715478515625,477.6812469482422],[179.10848388671874,477.6769622802735],[178.5015090942383,477.6726776123047],[177.89437561035157,477.66835327148436],[177.2874008178711,477.66406860351566],[176.6802474975586,477.6597442626953],[176.07327270507812,477.65545959472655],[175.46629791259767,477.65113525390626],[174.85916442871095,477.6468505859375],[174.2521697998047,477.64256591796874],[173.64503631591796,477.63824157714845],[173.0380615234375,477.6339569091797],[172.43108673095705,477.6296325683594],[171.8239532470703,477.62534790039064],[171.21695861816406,477.6210632324219],[170.60982513427734,477.6167388916016],[170.0028503417969,477.6124542236328],[169.39571685791017,477.60812988281253],[168.78872222900392,477.6038452148438],[168.18184661865234,477.5994415283203],[167.57471313476563,477.5946411132813],[166.96773834228517,477.5898803710938],[166.36060485839843,477.5850799560547],[165.75363006591797,477.5802795410156],[165.14665527343752,477.5755187988281],[164.53952178955078,477.5707183837891],[163.93254699707032,477.56591796875],[163.3254135131836,477.5611572265625],[162.71843872070312,477.5563568115235],[162.1113052368164,477.5515563964844],[161.50433044433595,477.5467559814453],[160.89735565185546,477.5419952392578],[160.29022216796875,477.5371948242188],[159.6832374572754,477.5323944091797],[159.07610397338868,477.5276336669922],[158.4691291809082,477.52283325195316],[157.86215438842774,477.5180328369141],[157.25502090454103,477.5132720947266],[156.64804611206054,477.5084716796875],[156.04091262817383,477.50367126464846],[155.43393783569337,477.4988708496094],[154.82680435180666,477.4941101074219],[154.21982955932617,477.48930969238285],[153.61284484863282,477.48450927734376],[153.0057113647461,477.47974853515626],[152.39873657226562,477.4749481201172],[151.7916030883789,477.47014770507815],[151.18462829589845,477.46538696289065],[150.57765350341796,477.46058654785156],[149.97052001953125,477.45578613281253],[149.3635452270508,477.45102539062503],[148.75635223388673,477.4457489013672],[148.14937744140624,477.4404327392578],[147.54225387573243,477.43511657714845],[146.93527908325197,477.4298400878906],[146.32830429077148,477.4245239257813],[145.72118072509767,477.41920776367186],[145.11420593261718,477.4138916015625],[144.50707244873047,477.40857543945316],[143.9001075744629,477.40325927734375],[143.29313278198242,477.3979827880859],[142.6859992980957,477.3926666259766],[142.07903442382812,477.3873504638672],[141.4719009399414,477.3820343017578],[140.86492614746095,477.37671813964846],[140.2578025817871,477.37144165039064],[139.65082778930665,477.3661254882813],[139.0438529968262,477.3608093261719],[138.43672943115234,477.3554931640625],[137.8297546386719,477.3501770019531],[137.22262115478517,477.34490051269535],[136.61565628051758,477.33958435058594],[136.00868148803713,477.3342681884766],[135.40154800415038,477.3289520263672],[134.79458312988282,477.3236358642578],[134.1874496459961,477.318359375],[133.58047485351562,477.31304321289065],[132.97350997924806,477.30772705078124],[132.36637649536132,477.3024108886719],[131.75940170288087,477.29709472656253],[131.15227813720705,477.2918182373047],[130.54530334472656,477.2865020751953],[129.93815002441406,477.2808288574219],[129.3311851501465,477.27495727539065],[128.7242202758789,477.269125366211],[128.1170967102051,477.2632537841797],[127.5101318359375,477.25738220214845],[126.90300827026368,477.2515106201172],[126.29603347778321,477.2456390380859],[125.68906860351564,477.2397674560547],[125.0819450378418,477.23389587402346],[124.47498016357422,477.2280242919922],[123.8678565979004,477.22215270996094],[123.26089172363281,477.21632080078126],[122.653768157959,477.21044921875],[122.0468032836914,477.20457763671874],[121.43982849121095,477.19870605468753],[120.83270492553712,477.1928344726563],[120.22574005126954,477.186962890625],[119.61861648559571,477.18109130859375],[119.01165161132813,477.1752197265625],[118.40468673706054,477.1693878173828],[117.79755325317383,477.16351623535155],[117.19058837890626,477.15764465332035],[116.58346481323242,477.1517730712891],[115.97649993896485,477.1459014892578],[115.36937637329102,477.14002990722656],[114.76241149902344,477.1341583251953],[114.15544662475587,477.1282867431641],[113.54831314086914,477.12245483398436],[112.94134826660157,477.11658325195316],[112.33422470092773,477.1107116699219],[111.72725982666016,477.10484008789064],[111.12035446166992,477.09877014160156],[110.5132308959961,477.09230346679686],[109.90627593994141,477.08587646484375],[109.29915237426758,477.07940979003905],[108.6921875,477.0729431152344],[108.08507385253907,477.0664764404297],[107.47811889648438,477.060009765625],[106.8711540222168,477.0535430908203],[106.26403045654297,477.0471160888672],[105.65707550048829,477.0406494140625],[105.04995193481446,477.0341827392578],[104.44299697875977,477.02771606445316],[103.83603210449219,477.02124938964846],[103.22891845703126,477.01482238769535],[102.62195358276368,477.00835571289065],[102.01483993530273,477.00188903808595],[101.40787506103516,476.99542236328125],[100.80092010498048,476.98895568847655],[100.19379653930665,476.9824890136719],[99.58684158325195,476.97606201171874],[98.97971801757812,476.9695953369141],[98.37276306152344,476.9631286621094],[97.76563949584961,476.9566619873047],[97.15867462158204,476.9501953125],[96.55171966552734,476.9437683105469],[95.94459609985351,476.9373016357422],[95.33764114379883,476.9308349609375],[94.730517578125,476.92436828613285],[94.12356262207031,476.91790161132815],[93.51659774780273,476.91143493652345],[92.9094841003418,476.90500793457034],[92.30251922607422,476.89850158691405],[91.69540557861329,476.8914001464844],[91.0884506225586,476.88433837890625],[90.48134689331054,476.8772369384766],[89.87439193725587,476.87013549804686],[89.26743698120117,476.8630737304688],[88.66032333374024,476.85597229003906],[88.05336837768554,476.8489105224609],[87.4462646484375,476.84180908203126],[86.83930969238281,476.8347076416016],[86.23235473632813,476.82764587402346],[85.62524108886718,476.82054443359374],[85.0182861328125,476.8134429931641],[84.41117248535157,476.80638122558594],[83.80421752929688,476.7992797851563],[83.19710884094239,476.79217834472655],[82.59015884399415,476.7851165771485],[81.98320388793945,476.77801513671875],[81.37609024047852,476.7709136962891],[80.76914024353027,476.76385192871095],[80.16202659606934,476.7567504882813],[79.5550765991211,476.74964904785156],[78.94812164306641,476.7425872802734],[78.34100799560547,476.73548583984376],[77.73405303955079,476.7283843994141],[77.12694435119629,476.72132263183596],[76.51998939514161,476.71422119140624],[75.9128807067871,476.7071197509766],[75.30592575073243,476.70005798339844],[74.69897079467773,476.6929565429688],[74.09186210632325,476.68585510253905],[73.48490715026855,476.678793334961],[72.87777862548829,476.6711761474609],[72.2708335876465,476.66343994140624],[71.6638885498047,476.65570373535155],[71.05678482055664,476.64792785644534],[70.44983978271485,476.64019165039065],[69.8427360534668,476.63245544433596],[69.235791015625,476.6246795654297],[68.6288459777832,476.616943359375],[68.02174224853516,476.6091674804688],[67.41479721069337,476.6014312744141],[66.80769348144531,476.5936950683594],[66.20074844360352,476.58591918945314],[65.59364471435548,476.57818298339845],[64.98669967651368,476.57044677734376],[64.37975463867188,476.5626708984375],[63.77265090942383,476.5549346923828],[63.165705871582034,476.5471984863281],[62.55860214233399,476.5394226074219],[61.95165710449219,476.5316864013672],[61.344712066650395,476.5239501953125],[60.73760833740234,476.51617431640625],[60.130663299560545,476.50843811035156],[59.5235595703125,476.50066223144535],[58.9166145324707,476.49292602539066],[58.30951080322266,476.485189819336],[57.70256576538086,476.4774139404297],[57.095620727539064,476.469677734375],[56.48851699829102,476.4619415283203],[55.88157196044922,476.45416564941405],[55.274468231201176,476.44642944335936],[54.66752319335938,476.4386932373047],[54.060568237304686,476.43059997558595],[53.45347442626953,476.4221496582031],[52.84653930664063,476.4136993408203],[52.23944549560547,476.40524902343753],[51.632510375976565,476.3967987060547],[51.02541656494141,476.3883483886719],[50.4184814453125,476.37989807128906],[49.811546325683594,476.3714874267578],[49.204447555542,476.363037109375],[48.59751243591309,476.3545867919922],[47.99041862487793,476.3461364746094],[47.383483505249025,476.3376861572266],[46.77654838562012,476.32923583984376],[46.16944961547852,476.32078552246094],[45.56251449584961,476.3123352050781],[44.955420684814456,476.30388488769535],[44.34848556518555,476.2954345703125],[43.74139175415039,476.2869842529297],[43.134456634521484,476.27857360839846],[42.52752151489258,476.27012329101564],[41.92042770385742,476.2616729736328],[41.313490104675296,476.25322265625],[40.706393814086915,476.2447723388672],[40.09945869445801,476.2363220214844],[39.4925235748291,476.2278717041016],[38.885429763793944,476.21942138671875],[38.27849216461182,476.2109710693359],[37.67139835357666,476.20252075195316],[37.064463233947755,476.19411010742186],[36.457366943359375,476.1856597900391],[35.85043182373047,476.1772094726563],[35.24352149963379,476.1686004638672],[34.636437606811526,476.15943603515626],[34.02951240539551,476.1502319335938],[33.422430992126465,476.1410675048828],[32.81550579071045,476.1319030761719],[32.208580589294435,476.12269897460936],[31.601496696472168,476.11353454589846],[30.994571495056153,476.104330444336],[30.387487602233886,476.095166015625],[29.78056240081787,476.08600158691405],[29.173637199401856,476.07679748535156],[28.56655330657959,476.06763305664066],[27.959628105163574,476.0584289550781],[27.35254421234131,476.0492645263672],[26.745619010925292,476.04010009765625],[26.13853511810303,476.03089599609376],[25.531609916687014,476.0217315673828],[24.924684715270995,476.0125274658203],[24.317600822448732,476.0033630371094],[23.710675621032717,475.99419860839845],[23.10359172821045,475.98499450683596],[22.496666526794435,475.975830078125],[21.88974132537842,475.9666259765625],[21.282657432556153,475.95746154785155],[20.675732231140138,475.94829711914065],[20.06864833831787,475.93909301757816],[19.461723136901856,475.9299285888672],[18.85463924407959,475.9207244873047],[18.247714042663574,475.91156005859375],[17.64078884124756,475.90239562988285],[17.033704948425292,475.8931915283203],[16.426779747009277,475.8840270996094],[15.819915294647217,475.86573791503906],[15.214228630065918,475.8269378662109],[14.610102844238282,475.76746826171876],[14.00841817855835,475.6871704101563],[13.409985446929932,475.5855285644531],[12.815546035766602,475.46246337890625],[12.22611780166626,475.317221069336],[11.642799186706544,475.149365234375],[11.066735744476318,474.95786437988284],[10.499449920654298,474.74200439453125],[9.94253296852112,474.50059509277344],[9.398003244400025,474.23240661621094],[8.868296909332276,473.93577270507814],[8.356802892684938,473.60930480957035],[7.866894626617432,473.251058959961],[7.403376865386963,472.8590911865235],[6.972348690032959,472.43189392089846],[6.580949354171753,471.96819763183595],[6.23778600692749,471.4677642822266],[5.953283309936523,470.93190307617186],[5.82566876411438,470.34157104492186],[5.862165307998658,469.73687744140625],[5.999549913406372,469.1459106445313],[6.201193380355835,468.57366943359375],[6.447504758834839,468.0187652587891],[6.726852464675903,467.4800476074219],[7.03228816986084,466.9554138183594],[7.35901517868042,466.4437927246094],[7.703942728042603,465.94435119628906],[8.065020227432251,465.4562164306641],[8.440487813949586,464.97938842773436],[8.829535913467408,464.513510131836],[9.23160104751587,464.0585418701172],[9.646181106567383,463.6152770996094],[10.073595952987672,463.1839935302734],[10.513857364654541,462.7663177490235],[10.968043327331543,462.3632415771485],[11.436787986755371,461.9777801513672],[11.922112178802491,461.61326599121094],[12.426316928863526,461.2754119873047],[12.952912044525148,460.9736999511719],[13.490848636627197,460.6921813964844],[14.029594802856446,460.41232910156253],[14.569034004211426,460.1341827392578],[15.109488582611084,459.8575439453125],[15.650719261169435,459.58257141113285],[16.19288969039917,459.30926513671875],[16.73577919006348,459.037744140625],[17.279667949676515,458.7678894042969],[17.824198913574218,458.50001831054686],[18.36983823776245,458.2338531494141],[18.91648178100586,457.9696319580078],[19.4639931678772,457.7075927734375],[20.012555885314942,457.4473785400391],[20.56190338134766,457.18922729492186],[21.112240219116213,456.9330993652344],[21.663586235046388,456.678955078125],[22.215829849243164,456.4269927978516],[22.769166946411133,456.17713317871096],[23.323364448547363,455.92945556640626],[23.878707504272462,455.683920288086],[24.43482666015625,455.4407653808594],[24.99201202392578,455.199951171875],[25.550340461730958,454.96155700683596],[26.10966567993164,454.7255432128906],[26.670029830932616,454.49194946289066],[27.231318855285647,454.2607757568359],[27.793572425842285,454.0321411132813],[28.35698890686035,453.80592651367186],[28.92128562927246,453.58229064941406],[29.486675834655763,453.36119384765624],[30.05301570892334,453.14271545410156],[30.62054328918457,452.92689514160156],[31.188958549499514,452.7136932373047],[31.758390426635742,452.503466796875],[32.329000091552736,452.2960571289063],[32.90044040679932,452.0914245605469],[33.473036193847655,451.8895690917969],[34.04653205871582,451.69060974121095],[34.62095775604248,451.4945465087891],[35.196526527404785,451.3013397216797],[35.77294578552246,451.11106872558594],[36.35042133331299,450.9237335205078],[36.928690338134764,450.739453125],[37.50807762145996,450.5581085205078],[38.088486480712895,450.37989807128906],[38.66977806091309,450.20505981445314],[39.25196475982666,450.0332366943359],[39.835076332092285,449.8646270751953],[40.41930866241455,449.69907226562503],[41.00410137176514,449.53673095703124],[41.58992557525635,449.3775634765625],[42.176679611206055,449.22156982421876],[42.764105606079106,449.06882934570314],[43.3525333404541,448.9193023681641],[43.94169502258301,448.7730285644531],[44.5316650390625,448.6302856445313],[45.12267646789551,448.4910339355469],[45.71408958435059,448.35483703613284],[46.30662841796875,448.2224884033203],[46.89967308044434,448.09319458007815],[47.493630218505864,447.9672332763672],[48.08808822631836,447.8446441650391],[48.68333473205566,447.72514953613285],[49.27926063537598,447.60938415527346],[49.87574691772461,447.4971496582031],[50.473076248168944,447.38836669921875],[51.07088661193848,447.2830749511719],[51.669371414184575,447.18103637695316],[52.26845626831055,447.08244934082035],[52.86788330078125,446.987631225586],[53.46817321777344,446.89610595703124],[54.06873092651367,446.80755615234375],[54.66972999572754,446.72194213867186],[55.27106628417969,446.6391052246094],[55.87269515991211,446.5591247558594],[56.47501335144043,446.4818420410156],[57.077296829223634,446.4072967529297],[57.680324172973634,446.3355285644531],[58.283267211914065,446.26622009277344],[58.886582183837895,446.19976806640625],[59.490417861938475,446.13617248535155],[60.094223785400395,446.07452087402345],[60.6984661102295,446.0151306152344],[61.30299606323242,445.9589538574219],[61.90766983032227,445.9048797607422],[62.512413024902344,445.8528686523438],[63.117374420166016,445.80315856933595],[63.72268295288086,445.7562255859375],[64.3280460357666,445.71119689941406],[64.93370170593262,445.66803283691405],[65.53931770324708,445.62713012695315],[66.14505767822266,445.58860778808594],[66.75107040405274,445.5518310546875],[67.35711784362793,445.5167999267578],[67.96337852478028,445.4838317871094],[68.56949043273926,445.4529266357422],[69.17592964172364,445.42356872558594],[69.782279586792,445.3957183837891],[70.38872375488282,445.3697723388672],[70.99546546936035,445.3455718994141],[71.60193939208985,445.32276000976566],[72.20867614746093,445.30125732421874],[72.81534843444824,445.2814605712891],[73.42216453552247,445.2630920410156],[74.02904510498047,445.2458740234375],[74.63576202392578,445.2298065185547],[75.24273681640625,445.215087890625],[75.8498306274414,445.2015594482422],[76.45639877319336,445.18902282714845],[77.06344299316406,445.1773986816406],[77.67050704956056,445.16692504882815],[78.27732315063477,445.1578002929688],[78.88441200256348,445.1489929199219],[79.4916000366211,445.1404235839844],[80.09839630126953,445.13359985351565],[80.70550994873047,445.1267364501953],[81.31262855529785,445.12054748535155],[81.91975708007813,445.1151519775391],[82.5265682220459,445.1098358154297],[83.13370666503907,445.1055114746094],[83.74085006713868,445.10154418945314],[84.3476661682129,445.0975769042969],[84.9548095703125,445.09360961914064],[85.56195297241212,445.0896423339844],[86.16891784667969,445.08583374023436],[86.7757438659668,445.08226318359374],[87.38288726806641,445.0786926269531],[87.99003067016602,445.0751220703125],[88.59685668945313,445.07155151367186],[89.20400009155274,445.06798095703124],[89.81132202148437,445.06365661621095],[90.4184555053711,445.05933227539066],[91.02530136108399,445.0546905517578],[91.6324348449707,445.04929504394534],[92.23955841064453,445.0438598632813],[92.84640426635742,445.0376312255859],[93.45351791381836,445.0306884765625],[94.0606315612793,445.02378540039064],[94.66729888916016,445.0152954101563],[95.27439270019532,445.00644836425784],[95.88160552978516,444.99744262695316],[96.48865966796875,444.9869689941406],[97.09519805908204,444.9755828857422],[97.70240097045898,444.9633239746094],[98.30940551757813,444.9501922607422],[98.9160530090332,444.9356719970703],[99.52284927368164,444.9201599121094],[100.12987365722657,444.90369567871096],[100.73676910400391,444.88592224121095],[101.3434066772461,444.8667205810547],[101.95008392333985,444.84632873535156],[102.5568603515625,444.8248657226563],[103.16324996948242,444.80157775878905],[103.76980819702149,444.7769409179688],[104.37660446166993,444.75107421875003],[104.98281555175781,444.7236602783203],[105.58916549682617,444.69434204101566],[106.19572372436524,444.6644287109375],[106.80212326049805,444.63427734375],[107.40821533203125,444.6041259765625],[108.01461486816406,444.573974609375],[108.62102432250977,444.5438232421875],[109.22710647583008,444.513671875],[109.83351593017578,444.4835205078125],[110.43991546630859,444.453369140625],[111.0463150024414,444.423178100586],[111.65235748291016,444.3932647705078],[112.25881652832031,444.36426391601566],[112.86527557373047,444.33522338867186],[113.47141723632812,444.3062225341797],[114.07787628173828,444.277182006836],[114.68433532714845,444.2481414794922],[115.2907943725586,444.219140625],[115.89693603515626,444.1901000976563],[116.5033950805664,444.1610992431641],[117.10985412597657,444.13205871582034],[117.71584701538086,444.1040496826172],[118.32234573364258,444.0760406494141],[118.9288543701172,444.04803161621095],[119.5350456237793,444.0200225830078],[120.14155426025391,443.9919738769531],[120.74805297851563,443.96396484375003],[121.35456161499023,443.9359161376953],[121.96075286865235,443.9079071044922],[122.56726150512695,443.87989807128906],[123.17378997802734,443.85260314941405],[123.78001098632812,443.8254669189453],[124.3865592956543,443.798291015625],[124.99310760498048,443.7711547851563],[125.59965591430665,443.743978881836],[126.20587692260743,443.7168426513672],[126.8124252319336,443.6896667480469],[127.41897354125977,443.66249084472656],[128.02520446777345,443.63535461425784],[128.63194122314454,443.6087341308594],[129.23851928710937,443.5823120117188],[129.84509735107423,443.55585021972655],[130.45135803222658,443.52942810058596],[131.0579360961914,443.5030059814453],[131.66451416015624,443.4765838623047],[132.2707748413086,443.4501617431641],[132.87735290527345,443.4236999511719],[133.4839210510254,443.39727783203125],[134.090251159668,443.3712524414063],[134.69685897827148,443.3453857421875],[135.3034568786621,443.31951904296875],[135.91005477905273,443.29365234375],[136.51634521484377,443.2677856445313],[137.1229431152344,443.24191894531253],[137.72955093383788,443.21605224609374],[138.33583145141603,443.1902252197266],[138.94243927001955,443.16435852050785],[139.54882888793946,443.13884887695315],[140.15545654296875,443.11357727050785],[140.76176681518555,443.0883056640625],[141.36838455200197,443.06299438476566],[141.97501220703126,443.0377227783203],[142.58132247924806,443.0124114990235],[143.18795013427734,442.9871398925781],[143.79457778930666,442.9618286132813],[144.40088806152343,442.9365570068359],[145.00751571655275,442.9112854003906],[145.61414337158203,442.88597412109374],[146.22076110839845,442.86070251464844],[146.82707138061525,442.83543090820314],[147.43369903564454,442.81011962890625],[148.04032669067382,442.78480834960936],[148.64663696289062,442.75953674316406],[149.25326461791994,442.73426513671876],[149.85989227294922,442.7089538574219],[150.46678771972657,442.6838012695313],[151.07310791015627,442.6588073730469],[151.67974548339845,442.6337341308594],[152.28638305664063,442.60870056152345],[152.89270324707033,442.5836669921875],[153.4993408203125,442.5586334228516],[154.1059783935547,442.5335998535156],[154.71261596679688,442.5085662841797],[155.31892623901368,442.48353271484376],[155.92556381225586,442.4584991455078],[156.53220138549804,442.4334655761719],[157.13852157592774,442.40843200683594],[157.74515914916992,442.38339843750003],[158.3517967224121,442.3583251953125],[158.9581169128418,442.3333312988281],[159.56475448608398,442.3082580566406],[160.17139205932617,442.2832244873047],[160.77802963256838,442.25819091796876],[161.38416137695313,442.232958984375],[161.99077911376955,442.20752868652346],[162.59739685058594,442.18213806152346],[163.20370712280274,442.156787109375],[163.81032485961916,442.13135681152346],[164.41695251464844,442.10596618652346],[165.02357025146486,442.08057556152346],[165.62988052368163,442.05518493652346],[166.23649826049805,442.02979431152346],[166.84312591552734,442.00440368652346],[167.44942626953124,441.97901306152346],[168.05604400634766,441.95362243652346],[168.66266174316408,441.92823181152346],[169.26929931640626,441.90284118652346],[169.87559967041017,441.87745056152346],[170.48221740722656,441.85205993652346],[171.08883514404297,441.82666931152346],[171.69513549804688,441.80127868652346],[172.3016540527344,441.77549133300784],[172.90825195312502,441.7494659423828],[173.51451263427734,441.72344055175785],[174.12111053466796,441.69737548828124],[174.7277084350586,441.6713500976563],[175.3343063354492,441.6452850341797],[175.94058685302736,441.6192596435547],[176.54718475341798,441.5932342529297],[177.1537628173828,441.5672088623047],[177.76016235351562,441.54082641601565],[178.3667205810547,441.5141265869141],[178.97329864501953,441.4874664306641],[179.5798568725586,441.4608062744141],[180.18611755371094,441.43414611816405],[180.79267578125,441.40748596191406],[181.39923400878908,441.3808258056641],[182.0054946899414,441.3541656494141],[182.61205291748047,441.3275054931641],[183.21863098144533,441.3004486083984],[183.8248519897461,441.2730346679688],[184.43139038085937,441.24558105468753],[185.03792877197267,441.2181671142578],[185.64444732666016,441.1907135009766],[186.25066833496095,441.1632995605469],[186.85720672607422,441.13584594726564],[187.46372528076174,441.1083923339844],[188.0699462890625,441.0809783935547],[188.6763656616211,441.05320739746094],[189.28286437988282,441.02488098144534],[189.88936309814454,440.99651489257815],[190.495524597168,440.9681884765625],[191.1020233154297,440.9398620605469],[191.70850219726563,440.9114959716797],[192.31468353271484,440.8831695556641],[192.92118225097656,440.8548034667969],[193.5276611328125,440.82647705078125],[194.13404083251953,440.7975158691406],[194.73952789306642,440.7574462890625],[195.3443603515625,440.7021026611328],[195.9474075317383,440.6325958251953],[196.54833221435547,440.5495208740235],[197.1479278564453,440.45343322753905],[197.74524230957033,440.34413452148436],[198.33958129882814,440.22198181152345],[198.9315200805664,440.0864196777344],[199.51976928710937,439.93701171875],[200.1044479370117,439.7736785888672],[200.6845245361328,439.59526977539065],[201.2597412109375,439.4009521484375],[201.82916564941408,439.1898529052734],[202.391032409668,438.9608612060547],[202.9449645996094,438.7122314453125],[203.48868103027345,438.44273376464844],[204.0206741333008,438.1501861572266],[204.53794860839844,437.8327239990235],[205.03762817382812,437.4878875732422],[205.5150115966797,437.11313781738284],[205.9651596069336,436.7064910888672],[206.38194274902344,436.2652893066406],[206.75772399902345,435.7885009765625],[207.08304138183595,435.2767608642578],[207.3518844604492,434.73252868652344],[207.59698333740235,434.1769104003906],[207.83186645507814,433.61712646484375],[208.0572479248047,433.05381164550784],[208.2738815307617,432.486410522461],[208.4823425292969,431.91619262695315],[208.6833053588867,431.34351501464846],[208.87750396728515,430.76845703125],[209.0655532836914,430.1912567138672],[209.2481475830078,429.61207275390626],[209.4257034301758,429.0318572998047],[209.5988952636719,428.4498962402344],[209.7685760498047,427.866943359375],[209.9350830078125,427.2832763671875],[210.09905090332032,426.6988952636719],[210.26107482910157,426.1138000488281],[210.42139282226563,425.5279510498047],[210.5814926147461,424.9426177978516],[210.74117584228517,424.3567687988281],[210.90083923339844,423.7709991455078],[211.0620101928711,423.1859832763672],[211.22335968017578,422.60080871582034],[211.38736724853516,422.0161499023438],[211.55367584228517,421.43268127441405],[211.7232177734375,420.8494903564453],[211.89605255126955,420.26768798828124],[212.07323150634767,419.6867980957031],[212.25491333007812,419.1079315185547],[212.44195098876955,418.5302947998047],[212.6347610473633,417.95464172363285],[212.8338394165039,417.38128967285155],[213.039404296875,416.81011962890625],[213.2470718383789,416.239584350586],[213.45473937988282,415.66904907226564],[213.6623077392578,415.0988311767578],[213.86997528076174,414.52829589843753],[214.07766265869142,413.9577606201172],[214.28499298095704,413.38714599609375],[214.4920654296875,412.81641235351566],[214.6991180419922,412.2456787109375],[214.90619049072265,411.67490539550784],[215.11314392089844,411.1044494628906],[215.32021636962892,410.5337158203125],[215.52659454345704,409.96266479492186],[215.73271484375002,409.3918914794922],[215.93893432617188,408.8208404541016],[216.14515380859376,408.2497894287109],[216.3512741088867,407.67901611328125],[216.5574935913086,407.10796508789065],[216.7637130737305,406.5369140625],[216.96993255615234,405.9658233642578],[217.17603302001953,405.3950897216797],[217.38227233886718,404.8239990234375],[217.58849182128907,404.25294799804686],[217.79409637451172,403.6821746826172],[217.99928436279296,403.1107666015625],[218.20447235107423,402.53931884765626],[218.40966033935547,401.96791076660156],[218.61474914550783,401.39678039550785],[218.81993713378907,400.82533264160156],[219.0251251220703,400.25392456054686],[219.23021392822267,399.68279418945315],[219.4354019165039,399.11134643554686],[219.64058990478517,398.5399383544922],[219.8456787109375,397.96876831054686],[220.05078735351563,397.39743957519534],[220.2550827026367,396.8256744384766],[220.45935821533203,396.2539093017578],[220.66355438232424,395.6824615478516],[220.86782989501953,395.11069641113284],[221.07212524414064,394.5389709472656],[221.27630157470705,393.9675231933594],[221.48057708740234,393.39575805664066],[221.68487243652345,392.82399291992186],[221.88916778564453,392.2522277832031],[222.09334411621094,391.6807800292969],[222.29761962890626,391.1090545654297],[222.5014190673828,390.53697204589844],[222.70482177734377,389.9652465820313],[222.9083236694336,389.39320373535156],[223.11184539794922,388.8211608886719],[223.31534729003906,388.24915771484376],[223.51875,387.677392578125],[223.72225189208984,387.1053894042969],[223.9257537841797,386.5333465576172],[224.12915649414063,385.96162109375],[224.33265838623046,385.38957824707035],[224.5361801147461,384.8175354003906],[224.73938446044923,384.2456909179688],[224.94223175048828,383.6734100341797],[225.14507904052735,383.1011688232422],[225.34792633056642,382.5288879394531],[225.55067443847656,381.95692443847656],[225.75352172851564,381.3846832275391],[225.95636901855468,380.81240234375],[226.15911712646485,380.2404388427735],[226.36196441650392,379.6681579589844],[226.56481170654297,379.0959167480469],[226.76765899658204,378.5236358642578],[226.97040710449218,377.95167236328126],[227.17277832031252,377.3791931152344],[227.37510986328127,376.8067138671875],[227.57732238769532,376.2345916748047],[227.77963409423828,375.6621124267578],[227.98196563720703,375.0896728515625],[228.18427734375,374.5172332763672],[228.38648986816406,373.9450714111328],[228.5888214111328,373.3726318359375],[228.79115295410156,372.80015258789064],[228.99336547851564,372.2280303955078],[229.1956771850586,371.6555511474609],[229.39769134521484,371.08323059082034],[229.5994873046875,370.5109497070313],[229.80140228271486,369.9383514404297],[230.0033172607422,369.3657531738281],[230.20523223876953,368.79315490722655],[230.40704803466798,368.2208740234375],[230.60894317626955,367.648275756836],[230.81085815429688,367.0756774902344],[231.0126739501953,366.50335693359375],[231.21458892822267,365.9307586669922],[231.41650390625,365.35816040039066],[231.61837921142578,364.7854034423828],[231.81983795166016,364.2129638671875],[232.02139587402345,363.64024658203124],[232.22295379638672,363.067529296875],[232.4243927001953,362.49512939453126],[232.6259506225586,361.92237243652346],[232.82750854492187,361.3496551513672],[233.02896728515626,360.7772552490234],[233.23052520751955,360.2045379638672],[233.4320831298828,359.63182067871094],[233.6336410522461,359.05906372070314],[233.83509979248046,358.4866638183594],[234.03665771484376,357.91394653320316],[234.23821563720705,357.3412292480469],[234.4396743774414,356.7687896728516],[234.6412322998047,356.1960723876953],[234.84279022216796,355.62335510253905],[235.04434814453126,355.05063781738284],[235.24578704833985,354.4781982421875],[235.44734497070314,353.9054809570313],[235.6489028930664,353.332763671875],[235.8503616333008,352.76036376953124],[236.05191955566406,352.187646484375],[236.25339813232424,351.61504821777345],[236.45489654541015,351.04229125976565],[236.6562957763672,350.4698516845703],[236.85781402587892,349.8971343994141],[237.05931243896484,349.3243774414063],[237.26071166992188,348.75193786621094],[237.46221008300782,348.1792205810547],[237.66372833251953,347.60646362304686],[237.86512756347656,347.0340240478516],[238.0666259765625,346.4613067626953],[238.2681442260742,345.8885498046875],[238.46964263916016,345.3158325195313],[238.6710418701172,344.7433532714844],[238.87254028320314,344.17063598632814],[239.07405853271484,343.59787902832034],[239.27545776367188,343.025439453125],[239.47695617675782,342.4527221679688],[239.67845458984377,341.879965209961],[239.87997283935547,341.3072479248047],[240.0813720703125,340.7348083496094],[240.28287048339845,340.16205139160155],[240.48438873291016,339.58929443359375],[240.6857879638672,339.01685485839846],[240.88766326904297,338.4443359375],[241.0896179199219,337.87177734375],[241.29147338867188,337.29949645996095],[241.4934280395508,336.7268981933594],[241.69538269042968,336.1543395996094],[241.8973373413086,335.5817413330078],[242.0991928100586,335.00946044921875],[242.3011474609375,334.4368621826172],[242.50310211181642,333.8643035888672],[242.7049575805664,333.2920227050781],[242.90691223144532,332.71944427490234],[243.10886688232424,332.14684600830077],[243.31082153320312,331.574267578125],[243.51267700195314,331.0019866943359],[243.71463165283203,330.42940826416014],[243.91658630371094,329.85682983398436],[244.11844177246095,329.2845489501953],[244.32039642333984,328.7119705200195],[244.52235107421876,328.13939208984374],[244.72430572509765,327.56681365966796],[244.92616119384766,326.9945327758789],[245.12811584472658,326.4219543457031],[245.33022918701172,325.8494354248047],[245.5327392578125,325.277392578125],[245.7353485107422,324.7050323486328],[245.93797760009767,324.13269195556643],[246.14048767089844,323.5606491088867],[246.34309692382814,322.98828887939453],[246.54570617675782,322.41594848632815],[246.7483154296875,321.843588256836],[246.9508255004883,321.27154541015625],[247.15343475341797,320.69920501708987],[247.35606384277344,320.1268447875977],[247.55855407714844,319.55480194091797],[247.76175842285156,318.9825805664063],[247.96498260498046,318.41045837402345],[248.1681869506836,317.8383163452149],[248.3713119506836,317.26649169921876],[248.5745361328125,316.6943496704102],[248.77774047851562,316.12222747802736],[248.98086547851562,315.5503829956055],[249.18406982421877,314.9782409667969],[249.38729400634767,314.4061187744141],[249.59051818847658,313.83397674560547],[249.7936233520508,313.2621520996094],[249.99734344482422,312.689990234375],[250.20130157470703,312.11812591552734],[250.40514068603517,311.5465393066406],[250.60909881591797,310.974674987793],[250.81305694580078,310.40281066894534],[251.01689605712892,309.8312240600586],[251.22085418701172,309.259359741211],[251.42479248046877,308.68747558593753],[251.62875061035157,308.11561126708983],[251.8325897216797,307.5440246582031],[252.03654785156252,306.97216033935547],[252.2407638549805,306.4002960205078],[252.4454559326172,305.8290267944336],[252.6502670288086,305.2574600219727],[252.855078125,304.6858932495117],[253.0598892211914,304.1143264770508],[253.26458129882815,303.5430572509766],[253.46939239501955,302.97149047851565],[253.67420349121096,302.3999237060547],[253.87889556884767,301.82865447998046],[254.08370666503907,301.25708770751953],[254.28851776123048,300.6855209350586],[254.4932098388672,300.1142517089844],[254.69885406494143,299.54331970214844],[254.9046569824219,298.97210998535155],[255.11044006347657,298.4009002685547],[255.31612396240234,297.82998809814455],[255.52190704345705,297.25877838134767],[255.72770996093752,296.687548828125],[255.9333938598633,296.1166366577149],[256.139176940918,295.545426940918],[256.34497985839846,294.9742172241211],[256.55076293945314,294.4030075073242],[256.7564468383789,293.83209533691405],[256.962825012207,293.2608856201172],[257.16942138671874,292.68995361328126],[257.37591857910155,292.1193389892578],[257.58253479003906,291.54842681884764],[257.7891311645508,290.97749481201174],[257.9957473754883,290.4065826416016],[258.20276031494143,289.83630523681643],[258.4099517822266,289.2655914306641],[258.61716308593753,288.6948974609375],[258.824235534668,288.1244812011719],[259.03144683837894,287.5537872314453],[259.23889617919923,286.98297424316405],[259.4465835571289,286.412776184082],[259.6544097900391,285.84230041503906],[259.8622161865234,285.2718246459961],[260.0700225830078,284.70132904052736],[260.2777297973633,284.1311508178711],[260.4859527587891,283.5608535766602],[260.69441375732424,282.99061584472656],[260.9027557373047,282.4206756591797],[261.11121673583983,281.8504180908203],[261.31965789794924,281.28018035888675],[261.5281188964844,280.70992279052734],[261.73717498779297,280.14010162353514],[261.9463104248047,279.5701019287109],[262.1554458618164,279.0001022338867],[262.3644821166992,278.4304000854492],[262.57361755371096,277.8604202270508],[262.7829315185547,277.29057922363285],[262.99278106689457,276.72083740234376],[263.2025115966797,276.1513931274414],[263.41234130859374,275.58165130615237],[263.6221908569336,275.0119094848633],[263.83192138671876,274.4424850463867],[264.0422073364258,273.8730209350586],[264.2527709960938,273.3035568237305],[264.4632553100586,272.73439025878906],[264.67383880615233,272.16492614746096],[264.8844223022461,271.5954620361328],[265.09500579833986,271.0259979248047],[265.30626373291017,270.45699005126954],[265.5176208496094,269.88782348632816],[265.7289779663086,269.3186370849609],[265.9402359008789,268.74976806640626],[266.15159301757814,268.1805816650391],[266.36314849853517,267.61161346435546],[266.57529907226564,267.0427444458008],[266.7873504638672,266.47417297363285],[266.99952087402346,265.90528411865233],[267.21167144775393,265.33641510009767],[267.4237228393555,264.76782379150393],[267.6363891601563,264.1991928100586],[267.8493927001953,263.63062133789066],[268.06225738525393,263.0623474121094],[268.2752410888672,262.49377593994143],[268.4882247924805,261.9252044677734],[268.7012283325195,261.3566329956055],[268.9149658203125,260.7885971069336],[269.12882232666016,260.22034301757816],[269.3426788330078,259.65210876464846],[269.5564163208008,259.0841522216797],[269.77027282714846,258.51591796875],[269.98436737060547,257.947802734375],[270.1991165161133,257.3798858642578],[270.4137466430664,256.81226654052733],[270.62847595214845,256.24436950683594],[270.8432250976563,255.67645263671875],[271.0578552246094,255.10883331298828],[271.2731399536133,254.5412536621094],[271.48880157470705,253.97369384765625],[271.70446319580077,253.40613403320313],[271.92002563476564,252.83889160156252],[272.13570709228514,252.27133178710938],[272.3513687133789,251.70377197265626],[272.56790313720705,251.13662872314455],[272.7845169067383,250.56944580078127],[273.00113067626955,250.0022430419922],[273.2176452636719,249.43533782958986],[273.43425903320315,248.86813507080078],[273.65111083984374,248.30109100341798],[273.86871643066405,247.73428497314453],[274.08622283935546,247.16775665283203],[274.30382843017577,246.6009506225586],[274.5214340209961,246.03412475585938],[274.73892059326175,245.46759643554688],[274.95714111328124,244.90094909667968],[275.1757583618164,244.3345199584961],[275.3943756103516,243.7680908203125],[275.61287384033204,243.20193939208986],[275.8314910888672,242.63551025390626],[276.0500885009766,242.06908111572267],[276.26953887939453,241.50336608886718],[276.48918762207035,240.937353515625],[276.7088363647461,240.37132110595704],[276.92838592529296,239.8055862426758],[277.1480346679688,239.23955383300782],[277.36788177490234,238.67375946044922],[277.5886215209961,238.10814361572267],[277.80924224853516,237.5428253173828],[278.02996215820315,236.97722930908205],[278.2507019042969,236.41161346435547],[278.47132263183596,235.84629516601564],[278.6927169799805,235.28077850341796],[278.9145477294922,234.7155990600586],[279.1363784790039,234.15041961669922],[279.35809020996095,233.58553771972657],[279.57992095947264,233.0203582763672],[279.8017517089844,232.4551788330078],[280.02439575195314,231.89077301025392],[280.2473571777344,231.32602996826174],[280.47031860351564,230.7613067626953],[280.6932800292969,230.19656372070312],[280.91612243652344,229.63213806152345],[281.1393020629883,229.0674545288086],[281.36341400146483,228.50318756103516],[281.58740692138673,227.93919830322267],[281.81151885986327,227.37493133544922],[282.03565063476566,226.81064453125],[282.2596435546875,226.24667510986328],[282.48431091308595,225.68272552490234],[282.70961303710936,225.1189147949219],[282.93491516113284,224.55510406494142],[283.16009826660155,223.99161071777345],[283.385400390625,223.42779998779298],[283.61070251464844,222.8639892578125],[283.83689727783207,222.3007339477539],[284.06342926025394,221.73741912841797],[284.28994140625,221.17410430908203],[284.5164535522461,220.6107894897461],[284.7428665161133,220.0477722167969],[284.96945800781253,219.48463592529296],[285.1972198486328,218.92183685302734],[285.42486267089845,218.35931549072265],[285.6526245117188,217.79649658203127],[285.88038635253906,217.23367767333986],[286.1081680297852,216.67087860107424],[286.33628692626957,216.10863494873047],[286.56531829833983,215.54633178710938],[286.79436950683595,214.98404846191406],[287.0232818603516,214.4220428466797],[287.2523132324219,213.8597396850586],[287.48136444091796,213.29745635986328],[287.7112289428711,212.73572845458986],[287.94156951904296,212.17398071289062],[288.17189025878906,211.61221313476562],[288.40223083496096,211.05044555664062],[288.63245239257816,210.48897552490234]], bounds=3000, full_zoom=0.2, max_episode_steps=2500 ) UK = RaceTrack( name='UK', xy=[[32.75739994049072,39.29770011901856],[32.64113864898682,39.67228126525879],[32.5254451751709,40.047040939331055],[32.410304641723634,40.42196674346924],[32.295694732666014,40.79705867767334],[32.1817741394043,41.17235889434814],[32.068361854553224,41.54781532287598],[31.955400848388674,41.92340316772461],[31.842871284484865,42.29912490844727],[31.73085746765137,42.67500038146973],[31.619277572631837,43.051004791259764],[31.51347255706787,43.42862586975098],[31.413526725769046,43.807888412475585],[31.313578414916993,44.187145996093754],[31.213632583618164,44.56640853881836],[31.113684272766115,44.94567108154297],[31.014202117919922,45.325052642822264],[30.914891052246094,45.70448379516602],[30.815579986572267,46.08390998840332],[30.71626892089844,46.46334114074707],[30.61695785522461,46.842767333984376],[30.518259239196777,47.222357177734374],[30.419577980041506,47.60194702148438],[30.320899200439452,47.98154182434082],[30.222220420837402,48.36113662719727],[30.12367057800293,48.74076118469238],[30.025619125366212,49.12051963806152],[29.92756767272949,49.50027313232422],[29.82951374053955,49.88003158569336],[29.731462287902833,50.25978507995605],[29.633688545227052,50.639612960815434],[29.536261940002444,51.019530105590825],[29.43883285522461,51.399447250366215],[29.341406250000002,51.77935943603516],[29.24397716522217,52.15927658081055],[29.146867942810058,52.53927803039551],[29.049905014038085,52.91931419372559],[28.953036308288574,53.299370193481444],[28.856380844116213,53.67948570251465],[28.75972537994385,54.05960121154785],[28.663498878479004,54.43982086181641],[28.567304611206055,54.820050430297854],[28.47111282348633,55.2002799987793],[28.3749210357666,55.58051452636719],[28.278825950622558,55.96076889038086],[28.183246612548828,56.34115219116211],[28.087664794921874,56.721540451049805],[27.992082977294924,57.10192375183106],[27.89650115966797,57.482307052612306],[27.801162338256837,57.862754821777344],[27.70619049072266,58.2432918548584],[27.611216163635255,58.62382888793945],[27.516244316101076,59.00436592102051],[27.421269989013673,59.38490295410156],[27.326682472229006,59.76553421020508],[27.23231315612793,60.14622497558594],[27.137946319580077,60.52691078186035],[27.043577003479005,60.907601547241214],[26.949207687377932,61.28828735351563],[26.855361557006837,61.669107055664064],[26.761592292785647,62.04994163513184],[26.667823028564452,62.43077621459961],[26.57405376434326,62.81161575317383],[26.480351448059082,63.19246520996094],[26.38717727661133,63.573448562622076],[26.294005584716796,63.95443191528321],[26.200831413269043,64.3354103088379],[26.107659721374514,64.71639366149903],[26.01469135284424,65.09742660522461],[25.9221097946167,65.47855377197266],[25.829528236389162,65.8596809387207],[25.736946678161623,66.24080810546876],[25.644365119934083,66.6219352722168],[25.552130699157715,67.00314178466797],[25.460136795043947,67.38441276550293],[25.368142890930176,67.7656837463379],[25.27615146636963,68.1469497680664],[25.18415756225586,68.52822074890138],[25.092644691467285,68.90960578918457],[25.001235961914062,69.29101066589355],[24.90982723236084,69.67242050170898],[24.818416023254397,70.05383033752442],[24.72704200744629,70.43525009155273],[24.636213493347167,70.8167938232422],[24.54538497924805,71.19834747314454],[24.454556465148926,71.57989120483398],[24.363727951049807,71.96143989562988],[24.273070526123046,72.34302825927735],[24.182819747924807,72.72471580505372],[24.09256649017334,73.10639839172363],[24.002313232421876,73.48808097839355],[23.91205997467041,73.86976852416993],[23.822114181518554,74.25152549743653],[23.732433700561526,74.63334197998047],[23.642753219604494,75.01516342163086],[23.55307273864746,75.39698486328125],[23.463394737243654,75.7788013458252],[23.37415065765381,76.1607219696045],[23.285037994384766,76.54267730712891],[23.195925331115724,76.92462768554688],[23.10681266784668,77.30657806396485],[23.017704963684082,77.68853340148927],[22.929155158996583,78.07061767578125],[22.840607833862304,78.45270195007325],[22.752058029174805,78.83478622436523],[22.66351070404053,79.21687049865723],[22.575099754333497,79.59898452758789],[22.487110328674316,79.98119773864747],[22.39912338256836,80.36341094970703],[22.31113395690918,80.74562416076661],[22.22314453125,81.12783737182617],[22.13542537689209,81.51010513305664],[22.047993850708007,81.89244728088379],[21.960559844970703,82.27478942871095],[21.873128318786623,82.65712661743164],[21.78569679260254,83.03946876525879],[21.69865951538086,83.42190017700196],[21.611778450012206,83.80436630249024],[21.52489986419678,84.18683242797852],[21.438018798828125,84.5692985534668],[21.351137733459474,84.95176467895509],[21.2647798538208,85.33434982299805],[21.17844924926758,85.71694488525391],[21.092116165161134,86.09953002929687],[21.00578556060791,86.48212509155273],[20.91955909729004,86.86473007202149],[20.83377151489258,87.24744415283203],[20.74798517227173,87.63015823364258],[20.66219882965088,88.01287231445313],[20.576411247253418,88.39558639526368],[20.490854263305664,88.77835998535157],[20.40560598373413,89.1611930847168],[20.32036018371582,89.54401626586915],[20.235111904144286,89.92684936523438],[20.149863624572756,90.3096923828125],[20.06497116088867,90.69260482788086],[19.980259704589844,91.07555694580078],[19.895548248291018,91.45850906372071],[19.8108380317688,91.84146118164062],[19.726126575469973,92.22441329956055],[19.641892433166504,92.60747451782227],[19.557712841033936,92.99054565429688],[19.47353324890137,93.3736068725586],[19.38935489654541,93.75667800903321],[19.30524597167969,94.1397689819336],[19.221595764160156,94.52294921875],[19.137945556640627,94.9061393737793],[19.054294109344482,95.28931961059571],[18.970643901824953,95.67250976562501],[18.88718709945679,96.05573959350586],[18.804060077667238,96.43903884887696],[18.720933055877687,96.82233810424805],[18.63780727386475,97.20563735961915],[18.554680252075197,97.58893661499023],[18.471868133544923,97.97230529785156],[18.38926181793213,98.35571365356445],[18.306654262542725,98.73913192749023],[18.22404670715332,99.12254028320312],[18.14144163131714,99.50594863891602],[18.0592679977417,99.88945617675782],[17.97717742919922,100.27298355102539],[17.89508686065674,100.65650100708008],[17.81299629211426,101.04002838134765],[17.730946636199953,101.42355575561524],[17.64936809539795,101.80719223022462],[17.56779079437256,102.1908187866211],[17.486211013793945,102.57445526123047],[17.404632472991945,102.95808181762696],[17.323213863372803,103.341748046875],[17.242143630981445,103.72549362182617],[17.161073398590087,104.10922927856446],[17.080003166198733,104.49297485351563],[16.998932933807374,104.87671051025391],[16.91813917160034,105.26050567626953],[16.837572288513183,105.6443603515625],[16.757005405426025,106.02820510864258],[16.676438522338866,106.41204986572266],[16.59587163925171,106.79589462280273],[16.515699005126955,107.17981872558595],[16.435632991790772,107.56377258300782],[16.355565738677978,107.9477165222168],[16.2754997253418,108.33167037963868],[16.195443630218506,108.71562423706055],[16.115873527526855,109.09967727661133],[16.036303424835207,109.48373031616211],[15.956733322143556,109.86778335571289],[15.877163219451905,110.25183639526368],[15.79771957397461,110.63591918945313],[15.718640422821046,111.02007141113282],[15.639562511444092,111.4042236328125],[15.560483360290528,111.78838577270508],[15.481405448913575,112.17253799438477],[15.40256929397583,112.5567398071289],[15.32397861480713,112.9409912109375],[15.245387935638428,113.32525253295898],[15.166798496246338,113.70950393676758],[15.088207817077636,114.09376525878906],[15.009970474243165,114.47809600830078],[14.93186330795288,114.86244659423828],[14.853757381439209,115.24679718017579],[14.775650215148927,115.63114776611329],[14.697543048858643,116.01550827026368],[14.619899559020997,116.39995803833008],[14.542273426055909,116.78440780639649],[14.46464729309082,117.16885757446289],[14.387021160125732,117.5533073425293],[14.309490489959718,117.93777694702149],[14.232339191436768,118.3223258972168],[14.155186653137207,118.70687484741211],[14.078035354614258,119.09142379760742],[14.000884056091309,119.47597274780274],[13.92393856048584,119.86056137084961],[13.847259616851806,120.24519958496094],[13.770579433441162,120.62984771728516],[13.69390048980713,121.0144859313965],[13.617220306396485,121.39913406372071],[13.540858745574951,121.78382186889648],[13.464648437500001,122.16855926513672],[13.388435649871827,122.55329666137696],[13.312225341796875,122.9380241394043],[13.236013793945313,123.32277145385743],[13.160225009918213,123.70758819580078],[13.084478378295898,124.09240493774415],[13.008729267120362,124.47724151611328],[12.932982635498048,124.86205825805665],[12.857301712036133,125.24690475463868],[12.782015037536622,125.63182067871094],[12.706727123260498,126.01673660278321],[12.631440448760987,126.40165252685547],[12.556153774261475,126.78656845092775],[12.481039428710938,127.17152404785156],[12.406208992004395,127.55651931762696],[12.331376075744629,127.94153442382813],[12.256544399261475,128.3265396118164],[12.18171148300171,128.7115447998047],[12.107159996032715,129.09659957885742],[12.032780838012696,129.48169403076173],[11.958400440216066,129.866788482666],[11.884021282196045,130.25188293457032],[11.809639644622804,130.63697738647463],[11.735644817352295,131.02213134765626],[11.661710739135742,131.40732498168947],[11.587779140472412,131.7924987792969],[11.513847541809083,132.1776725769043],[11.439955615997315,132.5628562927246],[11.36646785736084,132.94811935424806],[11.292977619171143,133.3333923339844],[11.219489860534669,133.71864547729493],[11.146000862121582,134.10391845703126],[11.072659397125244,134.48920135498048],[10.999611759185791,134.87454376220703],[10.926561641693116,135.2598960876465],[10.853514003753663,135.64523849487304],[10.780465126037598,136.0305908203125],[10.7076642036438,136.4159828186035],[10.6350492477417,136.8014144897461],[10.562435531616211,137.18684616088868],[10.489823055267335,137.57226791381837],[10.417208099365235,137.95770950317385],[10.34494276046753,138.34319076538085],[10.272759866714479,138.72871170043945],[10.200578832626343,139.11421279907228],[10.128395938873291,139.49973373413087],[10.056234121322632,139.88523483276367],[9.9844801902771,140.2708251953125],[9.912723779678345,140.65642547607422],[9.840969848632813,141.04200592041016],[9.769214057922364,141.42760620117187],[9.697579145431519,141.8132064819336],[9.626249837875367,142.19887619018556],[9.554918050765991,142.5845458984375],[9.483588123321534,142.97021560668946],[9.412256956100464,143.35588531494142],[9.341143369674683,143.74159469604493],[9.270230627059936,144.12734375],[9.199319744110108,144.5130928039551],[9.12840886116028,144.89883193969726],[9.057496118545533,145.28458099365236],[8.986899518966675,145.67037963867188],[8.916402101516724,146.05620803833008],[8.84590654373169,146.4420265197754],[8.775409746170045,146.8278549194336],[8.70491418838501,147.21367340087892],[8.634828996658326,147.59956130981445],[8.564744424819947,147.9854690551758],[8.494661092758179,148.37135696411133],[8.424575901031494,148.75726470947265],[8.354587411880493,149.143172454834],[8.28490948677063,149.52914962768554],[8.215232801437379,149.9151168823242],[8.145556116104126,150.30108413696288],[8.075878190994263,150.68706130981445],[8.00639181137085,151.0730583190918],[7.937116813659668,151.4591049194336],[7.867844295501709,151.84515151977538],[7.798569297790528,152.2311981201172],[7.729296779632569,152.6172348022461],[7.660306310653687,153.00333099365236],[7.591431760787964,153.38945693969728],[7.5225584506988525,153.77556304931642],[7.453683280944825,154.16168899536135],[7.384809970855713,154.54779510498048],[7.316310453414917,154.93398056030273],[7.247832012176514,155.320166015625],[7.179353570938111,155.7063415527344],[7.11087327003479,156.09253692626953],[7.042468595504761,156.4787322998047],[6.974380683898926,156.8649971008301],[6.9062940120697025,157.2512420654297],[6.838206100463867,157.63750686645508],[6.77012004852295,158.02375183105468],[6.702198266983032,158.41003646850587],[6.6344965457916265,158.7963706970215],[6.566796064376831,159.18268508911135],[6.499094343185425,159.56900939941406],[6.43139386177063,159.9553337097168],[6.364940595626831,160.34186630249025],[6.299891996383667,160.72864685058593],[6.236149501800537,161.11563568115236],[6.17371621131897,161.50284271240236],[6.112599563598633,161.89026794433593],[6.053034496307373,162.2779312133789],[5.994835042953492,162.6657928466797],[5.937975788116455,163.0538528442383],[5.882461071014404,163.44212112426757],[5.82830080986023,163.8305679321289],[5.775496244430542,164.21921310424804],[5.724058532714844,164.60802688598633],[5.674242448806763,164.9970687866211],[5.62584342956543,165.38627929687502],[5.578836679458618,165.77564849853516],[5.533226537704468,166.16520614624025],[5.489022302627563,166.55492248535157],[5.446230173110962,166.94478759765624],[5.40487494468689,167.3348114013672],[5.365233707427978,167.72501373291016],[5.327035570144654,168.1153549194336],[5.29028549194336,168.5058349609375],[5.2549933910369875,168.89645385742188],[5.221166706085206,169.28719177246094],[5.188813805580139,169.67806854248047],[5.158049988746643,170.0690643310547],[5.128991794586182,170.46021881103516],[5.101441168785096,170.85143280029297],[5.075403690338135,171.24278564453127],[5.050888657569885,171.63421783447265],[5.027906608581543,172.02576904296876],[5.006466221809387,172.4173797607422],[4.986799955368042,172.80908966064453],[4.968810486793518,173.20089874267578],[4.9523964643478395,173.59276733398437],[4.937567496299744,173.9846954345703],[4.924332880973816,174.3766830444336],[4.912702536582947,174.76871032714845],[4.902699708938599,175.16079711914062],[4.894572353363038,175.55292358398438],[4.8880880117416385,175.9450698852539],[4.883253502845764,176.337255859375],[4.880209231376648,176.7294418334961],[4.878889489173889,177.12166748046874],[4.879254603385926,177.51387329101564],[4.881389188766479,177.9060791015625],[4.885342836380005,178.2982650756836],[4.891017603874206,178.6904312133789],[4.898438596725464,179.08257751464845],[4.907777523994446,179.47466430664062],[4.918874454498291,179.86671142578126],[4.931739616394043,180.25871887207032],[4.946528601646423,180.65064697265626],[4.963162994384766,181.04251556396486],[4.981604051589966,181.43428497314454],[5.001942586898804,181.82595520019532],[5.024231910705566,182.2175262451172],[5.048367881774903,182.60899810791017],[5.07437002658844,183.00035095214844],[5.102436089515686,183.39156494140624],[5.132388162612915,183.78262023925782],[5.164238333702087,184.1735366821289],[5.198131036758423,184.56427459716798],[5.234022569656372,184.954833984375],[5.271853113174439,185.34521484375],[5.311683416366577,185.7353973388672],[5.3536337375640874,186.1253616333008],[5.397568321228028,186.515087890625],[5.443493366241455,186.90459594726562],[5.491602277755738,187.2938659667969],[5.541764259338379,187.6828384399414],[5.5939644336700445,188.07157287597656],[5.648294544219971,188.45998992919922],[5.7048159599304205,188.84810943603517],[5.763412761688232,189.2359115600586],[5.824099206924439,189.62339630126954],[5.887089776992798,190.01052398681642],[5.952211523056031,190.39727478027345],[6.019466924667358,190.7836883544922],[6.088958883285523,191.16968536376953],[6.160731410980225,191.55528564453127],[6.234676647186279,191.9404495239258],[6.310805749893189,192.3251968383789],[6.389343738555908,192.7094680786133],[6.470109605789185,193.0932632446289],[6.553097772598266,193.4765823364258],[6.6384148597717285,193.85940551757812],[6.726116037368775,194.24169311523437],[6.8160810470581055,194.62344512939453],[6.908324766159057,195.00464172363283],[7.003051137924195,195.38524322509767],[7.100108909606933,195.76524963378907],[7.199486923217774,196.14468078613282],[7.301249027252197,196.5234375],[7.40551176071167,196.90153961181642],[7.512133169174194,197.27898712158205],[7.6211120128631595,197.6557403564453],[7.732633638381958,198.0317596435547],[7.846598243713379,198.40704498291015],[7.962965536117554,198.78159637451174],[8.081762790679932,199.1553741455078],[8.20318341255188,199.5283187866211],[8.327020978927612,199.90046997070314],[8.453303384780884,200.27178802490235],[8.582147789001466,200.6422332763672],[8.713564109802247,201.0117660522461],[8.847447586059571,201.38042602539062],[8.983792638778686,201.74817352294923],[9.122833585739135,202.1148895263672],[9.264386320114136,202.48067321777344],[9.408436584472657,202.84546508789063],[9.555056285858155,203.20924530029296],[9.704344606399536,203.57193450927736],[9.85615029335022,203.9335723876953],[10.010460329055787,204.29415893554688],[10.16748857498169,204.65355529785157],[10.32709059715271,205.01182098388674],[10.489235401153564,205.36893615722656],[10.653948402404785,205.72486114501953],[10.8214186668396,206.07955627441407],[10.991409397125244,206.4330017089844],[11.163941669464112,206.78521728515625],[11.33918285369873,207.136083984375],[11.517048645019532,207.4856414794922],[11.697470855712892,207.8339096069336],[11.880471801757812,208.1808090209961],[12.066215133666992,208.5262405395508],[12.25450620651245,208.8702835083008],[12.445321464538575,209.2129379272461],[12.638876628875733,209.55408477783203],[12.8350154876709,209.8937240600586],[13.033684730529785,210.23187561035158],[13.234951305389405,210.5684997558594],[13.438936710357666,210.9035171508789],[13.645410346984864,211.23696746826172],[13.854392051696777,211.56885070800783],[14.066121101379395,211.89900817871094],[14.280338382720947,212.2275390625],[14.497046375274659,212.5544631958008],[14.716416168212891,212.87958221435548],[14.938308906555177,213.2029754638672],[15.162652683258058,213.5246826171875],[15.389581394195558,213.84454498291015],[15.61907024383545,214.1626419067383],[15.850948143005372,214.4789535522461],[16.085358905792237,214.79340057373048],[16.322302532196044,215.10594329833984],[16.561615371704104,215.4167007446289],[16.803399085998535,215.72549438476562],[17.047680950164796,216.0323440551758],[17.291111087799074,216.3398681640625],[17.53399200439453,216.64780883789064],[17.777351474761964,216.95541229248047],[18.021213054656982,217.26257934570313],[18.26565113067627,217.5692901611328],[18.51056652069092,217.87564392089845],[18.755935668945312,218.18162078857424],[19.001769733428954,218.48722076416016],[19.24813938140869,218.79238433837892],[19.49505205154419,219.09713134765624],[19.742416000366212,219.40150146484376],[19.990237426757812,219.70549468994142],[20.238507652282717,220.009130859375],[20.487351894378662,220.31229095458986],[20.736684608459473,220.6150344848633],[20.986467361450195,220.9174011230469],[21.23670883178711,221.21943054199218],[21.48738422393799,221.52108306884767],[21.738662147521975,221.8222198486328],[21.990391349792482,222.12297973632812],[22.24256935119629,222.4233627319336],[22.495193672180175,222.7234085083008],[22.748266792297365,223.02303771972657],[23.001915168762206,223.32217102050782],[23.256004905700685,223.6209274291992],[23.510538482666018,223.91934661865236],[23.76550350189209,224.21738891601564],[24.02095947265625,224.51499481201174],[24.276941108703614,224.81212463378907],[24.533366584777834,225.10891723632812],[24.79022102355957,225.40533294677735],[25.047501945495608,225.70135192871095],[25.30529613494873,225.99693450927734],[25.563576316833498,226.29208068847657],[25.822297859191895,226.5868698120117],[26.081440925598145,226.88128204345705],[26.341005516052245,227.1753173828125],[26.601108169555665,227.46885681152344],[26.861662101745605,227.76199951171876],[27.12264747619629,228.05478515625],[27.38404693603516,228.34719390869142],[27.645867919921876,228.63922576904298],[27.908246803283692,228.9307418823242],[28.171042251586915,229.22188110351564],[28.43425922393799,229.51268310546877],[28.697872924804688,229.80306854248047],[28.96194534301758,230.09305725097656],[29.226538467407227,230.38255004882814],[29.491548156738283,230.6717056274414],[29.756964492797852,230.96046447753906],[30.022784996032716,231.24886627197267],[30.289089012145997,231.53679199218752],[30.555854225158694,231.82430114746094],[30.823028564453125,232.11143341064454],[31.090621948242188,232.3981887817383],[31.358626937866212,232.6845474243164],[31.627390670776368,232.9701919555664],[31.896156883239748,233.2558364868164],[32.1653694152832,233.54108428955078],[32.43509521484375,233.82581634521486],[32.70520286560059,234.11019134521484],[32.976131248474125,234.3937728881836],[33.24705963134766,234.67735443115234],[33.51849136352539,234.96047973632812],[33.790478515625004,235.24306945800782],[34.06246566772461,235.52563934326173],[34.33545455932617,235.80723724365234],[34.60851535797119,236.08877563476562],[34.88190593719482,236.370036315918],[35.155832099914555,236.65072174072267],[35.430192184448245,236.93101043701174],[35.70524158477783,237.21060485839845],[35.980397605895995,237.49008026123047],[36.255908203125,237.76923828125],[36.53210315704346,238.0477020263672],[36.80829563140869,238.32616577148437],[37.08532371520996,238.60381622314455],[37.36256504058838,238.8812683105469],[37.64006671905518,239.1584228515625],[37.91832218170166,239.43482360839843],[38.19657516479492,239.7112243652344],[38.47557697296143,239.98687133789062],[38.75486640930176,240.26226043701172],[39.03434429168701,240.5374313354492],[39.31462554931641,240.8117691040039],[39.5949068069458,241.08612670898438],[39.875867462158205,241.35979003906252],[40.15716781616211,241.63311614990235],[40.438594627380375,241.90630340576172],[40.72088184356689,242.17857818603517],[41.00317153930664,242.45087280273438],[41.28606872558594,242.7225326538086],[41.569350242614746,242.9937759399414],[41.85269622802735,243.26495971679688],[42.13696212768555,243.53517150878906],[42.4212230682373,243.80540313720704],[42.70602951049805,244.07507934570313],[42.991272354125975,244.3442596435547],[43.27653007507325,244.61345977783205],[43.56274490356446,244.88160858154296],[43.84896469116211,245.1497573852539],[44.135640716552736,245.4174301147461],[44.42281265258789,245.6845474243164],[44.70998954772949,245.9516845703125],[44.99808387756348,246.21782989501955],[45.286237716674805,246.48393554687502],[45.5747486114502,246.7495849609375],[45.86383972167969,247.01463928222657],[46.15292587280273,247.27969360351562],[46.44285011291504,247.54385528564453],[46.732903289794926,247.80787811279296],[47.02325897216797,248.07154388427736],[47.314229583740236,248.3345153808594],[47.60520515441895,248.5975067138672],[47.8969295501709,248.85964508056642],[48.188852310180664,249.1216049194336],[48.4810230255127,249.38326721191407],[48.77385330200195,249.64417572021486],[49.066688537597656,249.90508422851565],[49.360198211669925,250.16519927978516],[49.65397071838379,250.42507629394532],[49.947926712036136,250.6847351074219],[50.242596817016604,250.94356079101564],[50.53726692199707,251.2023864746094],[50.832586669921874,251.46053771972657],[51.128169250488284,251.7183319091797],[51.42388572692871,251.97596740722656],[51.720370864868165,252.2327102661133],[52.01685600280762,252.489453125],[52.31392135620117,252.7455810546875],[52.61130409240723,253.00131225585938],[52.908756256103516,253.25692443847657],[53.207031631469725,253.51158447265627],[53.505302047729494,253.76626434326172],[53.80407829284668,254.02036895751954],[54.10323143005371,254.2739974975586],[54.4024242401123,254.52762603759766],[54.70246505737305,254.78020324707032],[55.00251579284668,255.03282012939454],[55.30299301147461,255.28488159179688],[55.603901672363286,255.53642730712892],[55.90481033325195,255.78799285888672],[56.206567001342776,256.03852691650394],[56.50835838317871,256.28904113769534],[56.8105167388916,256.539079284668],[57.11315612792969,256.78856201171874],[57.41579055786133,257.03802490234375],[57.71921348571777,257.2865356445313],[58.022725677490236,257.53496704101565],[58.326555252075195,257.7829620361328],[58.63090057373047,258.0303619384766],[58.93524589538574,258.27774200439455],[59.24034996032715,258.5242095947266],[59.54554328918457,258.7705581665039],[59.85102920532227,259.0165298461914],[60.157055664062504,259.26182708740237],[60.46308212280274,259.5071243286133],[60.769822692871095,259.75158843994143],[61.076687240600585,259.99583435058594],[61.3837947845459,260.2397827148438],[61.6914924621582,260.4829772949219],[61.99919013977051,260.72619171142577],[62.29978141784668,260.9780548095703],[62.60337791442871,261.22634735107425],[62.91260795593262,261.4675979614258],[63.227307891845705,261.70164794921874],[63.547353744506836,261.9283386230469],[63.87261657714844,262.1475112915039],[64.20293769836427,262.35894775390625],[64.5381088256836,262.5625885009766],[64.87797622680664,262.7582946777344],[65.22237625122071,262.94598693847655],[65.57107582092286,263.12550659179686],[65.92389144897462,263.2967742919922],[66.2806396484375,263.4597106933594],[66.64112205505371,263.61423645019534],[67.00513534545898,263.76027221679686],[67.37243156433105,263.8977783203125],[67.74284706115724,264.0266357421875],[68.11613388061524,264.1469039916992],[68.49213829040528,264.25848388671875],[68.87061729431153,264.3613754272461],[69.25133285522462,264.45555877685547],[69.63410148620606,264.5410140991211],[70.0187198638916,264.6177612304688],[70.404984664917,264.68578033447267],[70.79267768859863,264.7450912475586],[71.18159561157226,264.7957138061524],[71.57154502868653,264.8376678466797],[71.96230773925781,264.8709930419922],[72.35374984741212,264.8957092285156],[72.74562339782715,264.9118560791016],[73.13774490356445,264.9194732666016],[73.52993583679199,264.9186004638672],[73.92200775146485,264.90925750732424],[74.31383171081544,264.89154357910155],[74.70516967773438,264.8654983520508],[75.09585800170899,264.83114166259764],[75.48573799133301,264.78859252929686],[75.8746509552002,264.73783111572266],[76.26240844726563,264.67893676757814],[76.64884185791016,264.6120086669922],[77.03381729125977,264.5370864868164],[77.41716117858887,264.45422973632816],[77.79873466491699,264.36347808837894],[78.17835922241211,264.26495056152345],[78.55587120056153,264.15866699218753],[78.931156539917,264.0447265625],[79.30405158996582,263.9231689453125],[79.67441253662109,263.79405364990237],[80.04206085205078,263.65747985839846],[80.40686264038087,263.5134872436524],[80.76871376037597,263.36219482421876],[81.12743072509765,263.20364227294925],[81.48289947509765,263.0378890991211],[81.83492660522461,262.86499481201173],[82.18342781066895,262.6850784301758],[82.52822952270508,262.49817962646483],[82.86923255920411,262.3044174194336],[83.20627822875977,262.1038513183594],[83.53922271728516,261.8965606689453],[83.86794204711914,261.6826446533203],[84.19229736328126,261.46216278076173],[84.51218948364259,261.23521423339844],[84.82742004394531,261.0018981933594],[85.13791961669922,260.7622543334961],[85.44350967407227,260.51644134521484],[85.78662033081055,260.32799530029297],[86.13023681640625,260.1389144897461],[86.46948928833008,259.94209747314454],[86.80425872802735,259.73782196044925],[87.13434677124023,259.52600860595703],[87.45979309082031,259.30709381103514],[87.78029022216798,259.08103790283207],[88.09583816528321,258.8481384277344],[88.40631790161133,258.6085144042969],[88.7115707397461,258.3622650146485],[89.01162643432617,258.10966796875],[89.30616760253906,257.85070343017577],[89.59528350830078,257.58568878173827],[89.87876586914062,257.3146438598633],[90.15656509399415,257.03780670166014],[90.42858200073242,256.75525665283203],[90.69466781616211,256.4671325683594],[90.9548225402832,256.17361297607425],[91.20876846313477,255.87473754882814],[91.4566146850586,255.57076416015627],[91.69809341430664,255.26173248291016],[91.93317489624023,254.94778137207032],[92.1617301940918,254.629069519043],[92.38361053466797,254.30567626953126],[92.59883575439453,253.9777603149414],[92.8070785522461,253.64542083740236],[93.00838851928711,253.3088363647461],[93.20255737304687,252.96808624267578],[93.38944625854492,252.62326965332034],[93.56907501220704,252.27460479736328],[93.74104690551758,251.92213134765626],[93.90544128417969,251.56602783203127],[94.06202011108398,251.20647277832032],[94.21060485839844,250.84348602294924],[94.3511558532715,250.47734527587892],[94.48341522216798,250.10811004638674],[94.60723419189453,249.7359786987305],[94.7225730895996,249.36110992431642],[94.82909469604492,248.983642578125],[94.92671966552734,248.60379486083986],[95.01535873413086,248.22174530029298],[95.0946746826172,247.83767242431642],[95.16461791992188,247.4517547607422],[95.22505950927734,247.0642303466797],[95.27570190429688,246.6753173828125],[95.31645584106445,246.28525390625],[95.34726181030274,245.89425811767578],[95.36785202026367,245.5026077270508],[95.37804794311523,245.11054077148438],[95.3778694152832,244.7183349609375],[95.36714782714844,244.32630767822266],[95.34563522338867,243.93469696044923],[95.31341094970703,243.5438201904297],[95.27041549682617,243.15399475097658],[95.21636123657227,242.76553802490236],[95.15142669677735,242.37876739501954],[95.07560195922852,241.99398040771484],[94.98861923217774,241.61153411865234],[94.8908058166504,241.23174591064455],[94.78210220336915,240.85491333007812],[94.66246871948242,240.48141326904297],[94.53223266601563,240.11146392822266],[94.39120559692383,239.7455017089844],[94.23981399536133,239.38370513916016],[94.07803802490234,239.02645111083984],[93.9061752319336,238.67391815185547],[93.7243049621582,238.32642364501953],[93.5328140258789,237.98416595458986],[93.33175201416016,237.64742279052734],[93.12159500122071,237.31629333496093],[92.9023826599121,236.99109497070313],[92.70139007568359,236.65458984375002],[92.50213317871093,236.31677551269533],[92.29753036499024,235.9821746826172],[92.0875617980957,235.65090637207032],[91.87245559692383,235.3229705810547],[91.65224151611328,234.9983871459961],[91.42703857421876,234.67729492187502],[91.19668807983399,234.35989227294922],[90.96146774291992,234.0460205078125],[90.72151641845703,233.73579864501954],[90.47689361572266,233.42922668457032],[90.22751007080079,233.12650299072266],[89.9737030029297,232.82750854492187],[89.71557159423828,232.5322235107422],[89.4530860900879,232.24080657958984],[89.18641510009766,231.9531982421875],[88.91578674316406,231.66931915283203],[88.64124069213868,231.38924865722657],[88.36279678344727,231.11304626464843],[88.08075256347657,230.84049377441406],[87.79522705078125,230.5716110229492],[87.50609130859375,230.3065963745117],[87.21376190185548,230.04515228271484],[86.91829833984376,229.78719940185547],[86.61967086791992,229.53291625976564],[86.31813735961914,229.2821243286133],[86.01386642456055,229.0346649169922],[85.7068084716797,228.79065704345703],[85.3971420288086,228.54994201660156],[85.08506546020509,228.3124008178711],[84.77059860229492,228.07799377441407],[84.45387039184571,227.8467010498047],[84.13499984741212,227.61834411621095],[83.81406631469727,227.3928436279297],[83.4911590576172,227.17025909423828],[83.16642189025879,226.95033264160156],[82.83994407653809,226.7329849243164],[82.5116958618164,226.51831512451173],[82.18188056945802,226.30604553222656],[81.85062713623047,226.09607696533203],[81.51795539855958,225.888330078125],[81.18398437500001,225.68268585205078],[80.84875869750977,225.47906494140625],[80.51236267089844,225.27742767333984],[80.17477645874024,225.0777542114258],[79.8361686706543,224.87984619140624],[79.49662857055664,224.68352508544922],[79.15618591308593,224.4887710571289],[78.81494979858398,224.29542541503906],[78.47294998168945,224.10342864990236],[78.13025588989258,223.91270141601564],[77.78684272766114,223.72322387695314],[77.44285926818849,223.53475799560547],[77.09837989807129,223.3472640991211],[76.75335006713867,223.1607620239258],[76.40802764892578,222.97481536865234],[76.0622787475586,222.78964233398438],[75.71634635925294,222.60478668212892],[75.37002220153809,222.42072448730468],[75.02361373901367,222.23682098388673],[74.67694244384766,222.05339355468752],[74.33025131225587,221.86996612548828],[73.98358001708985,221.68653869628906],[73.6369930267334,221.5029724121094],[73.29044075012207,221.31932678222657],[72.94388847351074,221.135661315918],[72.59737091064453,220.95191650390626],[72.25131950378419,220.76731872558594],[71.9054515838623,220.58236389160157],[71.55995559692383,220.39673461914063],[71.21487617492676,220.2103515625],[70.87008934020996,220.02335357666016],[70.52585792541504,219.8354232788086],[70.18221664428711,219.64634246826174],[69.83924980163575,219.4561309814453],[69.49692268371582,219.2646697998047],[69.15533447265625,219.0719192504883],[68.81456451416015,218.8777801513672],[68.47462768554688,218.6821533203125],[68.13560333251954,218.4849594116211],[67.79757080078126,218.28603973388672],[67.46069869995118,218.08517608642578],[67.12496223449708,217.88242797851564],[66.79043083190918,217.67771606445314],[66.45717887878418,217.4709014892578],[66.12525596618653,217.26194458007814],[65.79479103088379,217.05074615478517],[65.46581382751465,216.83714752197267],[65.13855743408203,216.6209503173828],[64.81302680969239,216.40223388671876],[64.48927154541016,216.18087921142578],[64.16744537353516,215.9567077636719],[63.84761772155762,215.72967987060548],[63.52984313964844,215.4997756958008],[63.214310073852545,215.26683654785157],[62.90108299255371,215.0307830810547],[62.59024620056152,214.79159545898438],[62.28189888000488,214.54915466308594],[61.976308822631836,214.30338134765626],[61.673366928100585,214.05423583984376],[61.373276519775395,213.80171813964844],[61.07627067565918,213.54557037353516],[60.78232460021973,213.2859313964844],[60.49151763916016,213.02274169921876],[60.2041919708252,212.75580291748048],[59.92029800415039,212.48521423339844],[59.639885330200194,212.2109161376953],[59.36329612731934,211.93284912109377],[59.09056015014649,211.65105285644532],[58.821662521362306,211.36548767089843],[58.55688591003418,211.0761932373047],[58.29637413024903,210.78299102783203],[58.04192237854004,210.4845718383789],[57.796317672729494,210.17877349853515],[57.55989723205567,209.86587371826172],[57.33290901184082,209.54599151611328],[57.11611671447754,209.21916656494142],[56.909857559204106,208.88563690185546],[56.714463806152345,208.54558105468752],[56.53034210205078,208.1992965698242],[56.35800323486328,207.8470016479492],[56.19773979187012,207.48907318115235],[56.04974021911621,207.12588806152345],[55.91446075439453,206.757763671875],[55.79212455749512,206.38515625],[55.682612609863284,206.0085220336914],[55.58640098571777,205.628337097168],[55.50326652526856,205.24507751464844],[55.433467102050784,204.85914001464843],[55.376715087890624,204.47108001708986],[55.333203887939455,204.08131408691406],[55.302467346191406,203.69031829833986],[55.28474349975586,203.29856872558594],[55.279387664794925,202.90640258789062],[55.28658828735352,202.5142562866211],[55.30567588806152,202.12252655029297],[55.33670997619629,201.73157043457033],[55.37910041809082,201.34168548583986],[55.43278770446778,200.9531692504883],[55.49719657897949,200.56631927490236],[55.572252655029295,200.1813735961914],[55.65735092163086,199.79853057861328],[55.752496337890626,199.41804809570314],[55.857014465332036,199.04000549316407],[55.97091522216797,198.66470031738282],[56.093623352050784,198.2921920776367],[56.22499504089355,197.92265930175782],[56.364693069458006,197.55620117187502],[56.5123405456543,197.19287719726563],[56.667937469482425,196.83284606933594],[56.83096809387207,196.47610778808595],[57.00123405456543,196.1228012084961],[57.178636169433595,195.7730255126953],[57.362792587280275,195.42674102783204],[57.55352478027344,195.0840270996094],[57.75074348449707,194.7450424194336],[57.95411148071289,194.4096878051758],[58.16348495483398,194.07806243896485],[58.378844070434575,193.7502456665039],[58.59983673095703,193.42625732421877],[58.826368713378905,193.1060775756836],[59.0583309173584,192.78984527587892],[59.295643997192386,192.47752075195314],[59.53803024291992,192.16920318603516],[59.785420227050786,191.86485290527344],[60.03783874511719,191.56468811035157],[60.29506759643555,191.26858978271486],[60.556958007812504,190.97669677734376],[60.82352981567383,190.6889892578125],[61.09468879699707,190.40562591552734],[61.370330810546875,190.1266067504883],[61.650336837768556,189.85201110839844],[61.93478126525879,189.58191833496093],[62.22346076965332,189.31646728515625],[62.516370391845705,189.0556182861328],[62.81345558166504,188.79958953857422],[63.11473617553711,188.5484802246094],[63.420038604736334,188.3022903442383],[63.72946701049805,188.0612777709961],[64.04289245605469,187.82552185058594],[64.3602653503418,187.59512176513672],[64.6817195892334,187.3703155517578],[65.00698738098144,187.15120239257814],[65.33622741699219,186.9380599975586],[65.66932563781738,186.73100738525392],[66.00627708435059,186.53030242919922],[66.34706192016601,186.3361831665039],[66.69165534973145,186.1489471435547],[67.03003997802735,185.95078125],[67.36676330566407,185.74965972900392],[67.70351638793946,185.5485382080078],[68.04023475646973,185.34741668701173],[68.376953125,185.1463150024414],[68.71367645263672,184.94519348144533],[69.05039482116699,184.744091796875],[69.38711318969727,184.5429702758789],[69.72383155822754,184.3418685913086],[70.06054992675782,184.1407470703125],[70.39727325439453,183.93964538574218],[70.7339916229248,183.7385437011719],[71.0707447052002,183.53740234375002],[71.40746307373047,183.3363006591797],[71.74418144226074,183.1351791381836],[72.08089981079102,182.9340774536133],[72.41762313842774,182.7329559326172],[72.75434150695801,182.53185424804687],[73.09105987548828,182.3307327270508],[73.42777824401855,182.12963104248047],[73.76449661254883,181.92852935791015],[74.10124969482422,181.72738800048828],[74.43797302246094,181.526286315918],[74.77469139099121,181.32516479492188],[75.1114097595215,181.12406311035156],[75.44812812805176,180.92294158935547],[75.78484649658203,180.72183990478516],[76.12156982421875,180.52071838378907],[76.45828819274902,180.31961669921876],[76.7950065612793,180.11849517822267],[77.13172492980958,179.91739349365236],[77.46847801208496,179.71627197265624],[77.80520133972168,179.51515045166016],[78.1420436859131,179.31426696777345],[78.47890090942383,179.11338348388674],[78.81576309204102,178.9125],[79.15262031555176,178.71163635253907],[79.48948249816895,178.51075286865236],[79.82633972167969,178.30986938476562],[80.16319694519044,178.1090057373047],[80.50009384155274,177.9081024169922],[80.83695106506347,177.70721893310548],[81.17380828857422,177.50635528564453],[81.5106704711914,177.30547180175782],[81.84752769470215,177.10460815429687],[82.1843849182129,176.90372467041016],[82.52124710083008,176.70284118652344],[82.85810432434083,176.5019775390625],[83.19496650695801,176.30109405517578],[83.53189315795899,176.10028991699218],[83.86885452270508,175.89958496093752],[84.20581588745118,175.69886016845703],[84.54277725219727,175.49815521240234],[84.87973861694336,175.29745025634767],[85.21669006347656,175.09674530029298],[85.55365142822266,174.8960403442383],[85.89061279296875,174.6953353881836],[86.22757415771484,174.4946304321289],[86.56453552246094,174.29392547607424],[86.9015266418457,174.09320068359375],[87.2384880065918,173.89249572753906],[87.5754493713379,173.6917907714844],[87.91241073608398,173.4910858154297],[88.24937210083009,173.2903610229492],[88.58633346557617,173.08965606689455],[88.92329483032226,172.88897094726562],[89.26036529541015,172.68844451904297],[89.59742584228516,172.48791809082033],[89.93453598022461,172.2873718261719],[90.2716064453125,172.08684539794922],[90.60867691040039,171.88631896972657],[90.94574737548828,171.6858123779297],[91.28281784057617,171.48528594970705],[91.61988830566406,171.28475952148438],[91.95694885253907,171.08423309326173],[92.29401931762696,170.88370666503906],[92.63108978271485,170.6832000732422],[92.96816024780274,170.48267364501953],[93.30527038574219,170.2821273803711],[93.64234085083008,170.08160095214845],[93.97940139770508,169.88107452392578],[94.31647186279297,169.68054809570313],[94.65362167358398,169.48014068603516],[94.99080123901368,169.27979278564453],[95.32799072265625,169.0794647216797],[95.66517028808595,168.87913665771484],[96.00234985351562,168.67880859375],[96.33956909179688,168.47846069335938],[96.67675857543945,168.27813262939455],[97.01393814086914,168.0778045654297],[97.35112762451172,167.87745666503906],[97.68830718994141,167.67712860107423],[98.02548675537109,167.47680053710937],[98.36267623901368,167.27647247314454],[98.69985580444336,167.0761444091797],[99.03704528808593,166.87581634521484],[99.37426452636718,166.67544860839845],[99.71144409179688,166.4751205444336],[100.04864349365235,166.27481231689453],[100.38595199584961,166.0746826171875],[100.72326049804688,165.87456283569335],[101.06056900024414,165.67443313598633],[101.3978775024414,165.47431335449218],[101.73517608642578,165.27418365478516],[102.07248458862306,165.074063873291],[102.40979309082032,164.873934173584],[102.74713134765625,164.67379455566407],[103.08443984985352,164.47366485595703],[103.42174835205078,164.2735450744629],[103.75904693603516,164.07341537475585],[104.09635543823242,163.87329559326173],[104.4336639404297,163.67316589355468],[104.77097244262696,163.47304611206056],[105.10827102661133,163.2729164123535],[105.4455795288086,163.0727966308594],[105.78299713134766,162.87278594970704],[106.1204345703125,162.6728843688965],[106.45787200927735,162.47297286987305],[106.7952995300293,162.2730613708496],[107.13273696899414,162.07315979003906],[107.470174407959,161.87324829101564],[107.80761184692383,161.6733467102051],[108.14503936767578,161.47343521118165],[108.48247680664063,161.2735237121582],[108.81991424560547,161.07362213134766],[109.15738143920899,160.87369079589845],[109.49481887817383,160.673779296875],[109.83224639892579,160.47387771606446],[110.16968383789063,160.27396621704102],[110.50712127685547,160.07406463623047],[110.84455871582031,159.87415313720703],[111.18199615478515,159.67430114746094],[111.51956253051758,159.474617767334],[111.8571388244629,159.27494430541992],[112.19473495483399,159.0752410888672],[112.5323112487793,158.87555770874025],[112.86987762451172,158.67588424682617],[113.20745391845703,158.47620086669923],[113.54502029418946,158.27652740478516],[113.88258666992188,158.07684402465821],[114.2201629638672,157.87717056274414],[114.55772933959962,157.6774871826172],[114.89529571533204,157.47780380249023],[115.23290176391602,157.2781105041504],[115.57047805786134,157.07842712402345],[115.90804443359376,156.87875366210938],[116.24561080932618,156.67907028198243],[116.58318710327148,156.47938690185546],[116.92086257934571,156.27988204956054],[117.25857772827149,156.08043670654297],[117.59628295898438,155.8810012817383],[117.93399810791016,155.6815658569336],[118.27171325683594,155.48212051391602],[118.6094581604004,155.28266525268555],[118.94716339111328,155.08321990966797],[119.28487854003906,154.8837844848633],[119.62259368896484,154.6843490600586],[119.96029891967774,154.48490371704102],[120.29801406860352,154.28546829223635],[120.6357292175293,154.08602294921874],[120.97343444824219,153.88658752441407],[121.31114959716797,153.6871421813965],[121.64889450073242,153.48768692016603],[121.9866096496582,153.28825149536132],[122.32437438964844,153.0888557434082],[122.66223831176758,152.8896682739258],[123.00009231567383,152.69048080444335],[123.33795623779297,152.49129333496094],[123.6758201599121,152.29210586547853],[124.01367416381837,152.0929183959961],[124.3515380859375,151.89373092651368],[124.68940200805665,151.69454345703124],[125.02729568481446,151.49533615112304],[125.3651496887207,151.29614868164063],[125.70301361083985,151.09696121215822],[126.04087753295899,150.89777374267578],[126.37873153686525,150.69858627319337],[126.71659545898439,150.49939880371093],[127.05445938110353,150.30021133422852],[127.39231338500977,150.1010238647461],[127.73017730712891,149.90183639526367],[128.0681900024414,149.70283737182618],[128.4062026977539,149.5039176940918],[128.7442153930664,149.30499801635742],[129.0822380065918,149.10606842041017],[129.4202507019043,148.9071487426758],[129.7582633972168,148.7082191467285],[130.0962860107422,148.50929946899416],[130.4342987060547,148.31036987304688],[130.7723114013672,148.1114501953125],[131.11036376953126,147.91250076293946],[131.44837646484376,147.71358108520508],[131.78639907836916,147.51465148925783],[132.12441177368166,147.31573181152345],[132.46242446899416,147.11681213378907],[132.80043716430666,146.9178825378418],[133.13845977783203,146.71896286010744],[133.47650222778321,146.52014236450196],[133.81467361450197,146.32149047851564],[134.1528549194336,146.1228485107422],[134.4910659790039,145.92417678833007],[134.82924728393556,145.72552490234375],[135.1674186706543,145.52688293457032],[135.50559997558594,145.328231048584],[135.8437812805176,145.12957916259765],[136.18195266723635,144.93092727661133],[136.52013397216797,144.7322853088379],[136.85830535888672,144.53363342285158],[137.19648666381838,144.33498153686523],[137.5346977233887,144.136319732666],[137.8728790283203,143.9376678466797],[138.21105041503907,143.73901596069337],[138.54923171997072,143.54037399291994],[138.88741302490234,143.3417221069336],[139.22575302124025,143.14330825805663],[139.56410293579103,142.94494400024413],[139.9024528503418,142.74657974243163],[140.24079284667968,142.54821548461913],[140.5791427612305,142.34986114501953],[140.91752243041992,142.15147705078127],[141.25586242675783,141.95311279296877],[141.5942123413086,141.75474853515627],[141.93255233764648,141.55638427734377],[142.27090225219726,141.35802001953127],[142.60924224853517,141.15965576171877],[142.94759216308594,140.96130142211913],[143.28594207763672,140.76293716430663],[143.62428207397463,140.56457290649413],[143.96266174316406,140.36618881225587],[144.30101165771484,140.16782455444337],[144.63942108154296,139.96958923339844],[144.9779396057129,139.77152252197266],[145.31646804809571,139.57345581054688],[145.65498657226564,139.375399017334],[145.99350509643554,139.1773323059082],[146.33202362060547,138.97926559448243],[146.6705421447754,138.78119888305665],[147.00910034179688,138.58312225341797],[147.3476188659668,138.3850555419922],[147.68613739013674,138.1869888305664],[148.02465591430663,137.98892211914062],[148.36318435668946,137.79086532592774],[148.7017028808594,137.59279861450196],[149.0402214050293,137.39473190307618],[149.3787399291992,137.1966651916504],[149.71725845336914,136.9986083984375],[150.05577697753907,136.80054168701173],[150.39451370239257,136.60275268554688],[150.73321075439455,136.4049934387207],[151.0719177246094,136.20723419189454],[151.41061477661134,136.00948486328124],[151.74932174682618,135.81173553466797],[152.08801879882813,135.6139762878418],[152.42672576904297,135.4162269592285],[152.76542282104492,135.21846771240234],[153.10411987304687,135.02071838378907],[153.4428565979004,134.82293930053712],[153.78156356811525,134.62518005371095],[154.1202606201172,134.42743072509765],[154.45896759033204,134.22968139648438],[154.79766464233398,134.03192214965821],[155.13637161254883,133.83416290283205],[155.47506866455078,133.63641357421875],[155.81385498046876,133.43882293701174],[156.15274047851562,133.24139099121095],[156.49162597656252,133.04395904541016],[156.83055114746094,132.8465072631836],[157.1694465637207,132.64907531738282],[157.5083320617676,132.45164337158204],[157.84721755981445,132.25421142578125],[158.1861129760742,132.05677947998046],[158.5249984741211,131.8593475341797],[158.86389389038087,131.66191558837892],[159.20277938842773,131.46448364257813],[159.54166488647462,131.26705169677734],[159.88059005737304,131.0695999145508],[160.21948547363283,130.87216796875],[160.5583709716797,130.67473602294922],[160.89725646972656,130.47730407714843],[161.23615188598635,130.27988204956054],[161.57523574829102,130.08278732299806],[161.9143196105957,129.88568267822265],[162.2533935546875,129.68858795166017],[162.59247741699218,129.49148330688476],[162.93160095214844,129.29436874389648],[163.27068481445312,129.0972640991211],[163.60975875854493,128.9001693725586],[163.9488426208496,128.70306472778321],[164.2879264831543,128.5059700012207],[164.62701034545898,128.30886535644532],[164.9660942077637,128.1117706298828],[165.30517807006837,127.91466598510743],[165.64426193237304,127.71757125854492],[165.98334579467775,127.52046661376954],[166.3224594116211,127.32335205078125],[166.6615432739258,127.12624740600586],[167.00074615478516,126.92934112548829],[167.34002838134765,126.73259353637695],[167.67931060791017,126.53583602905275],[168.01859283447266,126.3390884399414],[168.35787506103517,126.1423309326172],[168.69715728759766,125.94557342529298],[169.03643951416015,125.74882583618165],[169.37576141357422,125.55204849243165],[169.7150436401367,125.35530090332031],[170.05432586669923,125.1585433959961],[170.39360809326172,124.96178588867188],[170.73289031982424,124.76503829956054],[171.07219238281252,124.56828079223634],[171.411474609375,124.371533203125],[171.7507568359375,124.17477569580079],[172.0900390625,123.97801818847657],[172.4293411254883,123.7813102722168],[172.76886138916015,123.58488998413087],[173.10836181640624,123.3884994506836],[173.44784240722657,123.19209899902344],[173.78734283447267,122.99569854736329],[174.12682342529297,122.79930801391602],[174.46632385253906,122.60290756225587],[174.8058044433594,122.4065170288086],[175.1453048706055,122.21011657714844],[175.4847854614258,122.01371612548829],[175.82432556152344,121.81730575561524],[176.16380615234377,121.62090530395508],[176.50330657958986,121.42451477050781],[176.84278717041016,121.22811431884766],[177.18228759765626,121.0317138671875],[177.52176818847656,120.83532333374023],[177.86126861572265,120.63892288208008],[178.20086822509765,120.44278030395508],[178.54056701660156,120.24675674438477],[178.88030548095705,120.05070343017579],[179.22002410888672,119.85467987060547],[179.55972290039062,119.65865631103516],[179.89942169189453,119.46262283325196],[180.23912048339844,119.26659927368165],[180.57883911132814,119.07057571411133],[180.91853790283204,118.87454223632812],[181.25823669433595,118.67851867675782],[181.59793548583986,118.4824951171875],[181.93765411376953,118.2864616394043],[182.27739257812502,118.09041824340821],[182.61709136962892,117.89439468383789],[182.95679016113283,117.69836120605468],[183.2965087890625,117.50233764648438],[183.63624725341796,117.30635375976563],[183.97612457275392,117.11060791015625],[184.31598205566408,116.91487197875976],[184.655859375,116.7191261291504],[184.99571685791017,116.52338027954102],[185.33563385009765,116.32762451171875],[185.6754913330078,116.13187866210937],[186.01536865234377,115.9361328125],[186.3552261352539,115.74039688110352],[186.69518280029297,115.54484939575195],[187.03515930175783,115.3493019104004],[187.37513580322266,115.15374450683593],[187.7151123046875,114.95819702148438],[188.05508880615236,114.76263961791993],[188.39508514404298,114.56709213256836],[188.7350814819336,114.37152481079102],[189.07505798339844,114.17596740722657],[189.41519317626953,113.9806282043457],[189.7553482055664,113.78536834716797],[190.0954833984375,113.59011840820312],[190.43563842773438,113.39486846923829],[190.77579345703126,113.19960861206054],[191.11592864990234,113.00435867309571],[191.45608367919922,112.80909881591798],[191.79625854492187,112.61382904052735],[192.13641357421875,112.41856918334962],[192.47656860351563,112.22331924438477],[192.81670379638672,112.02806930541992],[193.1568588256836,111.83280944824219],[193.49701385498048,111.63755950927735],[193.83716888427736,111.4422996520996],[194.17730407714845,111.24704971313477],[194.51745910644533,111.05178985595704],[194.8577133178711,110.8566291809082],[195.19810638427734,110.66177597045899],[195.53847961425782,110.46693267822266],[195.87885284423828,110.27207946777344],[196.21924591064453,110.07723617553711],[196.55961914062502,109.8823829650879],[196.90001220703127,109.68753967285157],[197.24038543701172,109.49268646240235],[197.58075866699218,109.29783325195312],[197.92115173339843,109.1029899597168],[198.26156463623047,108.9081169128418],[198.60193786621093,108.71327362060548],[198.94233093261718,108.51842041015625],[199.28270416259767,108.32357711791992],[199.62307739257812,108.1287239074707],[199.96347045898438,107.93388061523437],[200.30384368896486,107.73902740478516],[200.64441528320313,107.54453125],[200.985026550293,107.35009460449218],[201.32569732666016,107.15564804077148],[201.66630859375002,106.96121139526367],[202.00691986083984,106.76678466796875],[202.34755096435546,106.57234802246094],[202.68816223144532,106.37791137695312],[203.02879333496094,106.18348464965821],[203.3694046020508,105.98904800415039],[203.71001586914062,105.79462127685547],[204.05064697265627,105.60018463134766],[204.3912582397461,105.40575790405273],[204.7319091796875,105.21130142211915],[205.07254028320312,105.01686477661133],[205.41315155029298,104.8224380493164],[205.7537826538086,104.6280014038086],[206.09445343017578,104.43369369506836],[206.43526306152344,104.23957443237305],[206.7760726928711,104.04546508789063],[207.116862487793,103.8513557434082],[207.45767211914062,103.6572364807129],[207.79850158691406,103.46310729980469],[208.13931121826172,103.26899795532226],[208.4801010131836,103.07488861083985],[208.82089080810547,102.880818939209],[209.1618194580078,102.68692779541016],[209.50274810791015,102.49302673339844],[209.84367675781252,102.29913558959962],[210.18460540771486,102.10524444580078],[210.5255340576172,101.91134338378906],[210.86648254394532,101.71743240356446],[211.20741119384766,101.52353134155274],[211.54833984375,101.3296401977539],[211.88938751220704,101.1359474182129],[212.23043518066407,100.94227447509766],[212.5714828491211,100.74860153198243],[212.91253051757812,100.5549186706543],[213.25359802246095,100.36124572753907],[213.594645690918,100.16757278442383],[213.935693359375,99.9738998413086],[214.2767807006836,99.78020706176758],[214.61792755126953,99.58667297363282],[214.95911407470703,99.39322814941407],[215.30028076171877,99.19977340698243],[215.64146728515627,99.00631866455079],[215.98265380859377,98.81287384033203],[216.32382049560547,98.61941909790039],[216.66500701904297,98.42596435546875],[217.00617370605468,98.23251953125],[217.3474594116211,98.03915405273438],[217.6887649536133,97.84592742919922],[218.0300704956055,97.65270080566407],[218.37137603759766,97.45947418212891],[218.71268157958986,97.26624755859375],[219.05398712158203,97.0730209350586],[219.39529266357422,96.87979431152344],[219.73659820556642,96.68656768798829],[220.07794342041015,96.49339065551759],[220.4193878173828,96.3003921508789],[220.76085205078127,96.10738372802734],[221.1022964477539,95.91438522338868],[221.4437210083008,95.72138671875],[221.78516540527343,95.52839813232423],[222.12658996582033,95.33539962768555],[222.46803436279296,95.14240112304688],[222.80945892333986,94.9494125366211],[223.151042175293,94.7566520690918],[223.49260559082032,94.5638916015625],[223.83420867919924,94.37111129760743],[224.17577209472657,94.17834091186523],[224.5173355102539,93.98558044433594],[224.85889892578126,93.79281997680664],[225.2004623413086,93.60005950927734],[225.54204559326172,93.40729904174805],[225.8836685180664,93.21473693847656],[226.22537078857422,93.02221450805665],[226.56707305908205,92.82969207763672],[226.9088150024414,92.63713989257813],[227.25049743652343,92.4446174621582],[227.59219970703126,92.25209503173828],[227.93390197753908,92.05956268310547],[228.27560424804688,91.86704025268556],[228.6174057006836,91.67462692260743],[228.9592468261719,91.48234252929687],[229.3010681152344,91.29004821777345],[229.64290924072267,91.09776382446289],[229.98475036621093,90.90546951293946],[230.326611328125,90.71316528320312],[230.6684524536133,90.52087097167968],[231.0102737426758,90.32858657836914],[231.35211486816408,90.1363914489746],[231.69409484863283,89.94434509277345],[232.0360549926758,89.75229873657227],[232.37803497314454,89.5602523803711],[232.7199951171875,89.36820602416992],[233.06197509765624,89.17615966796875],[233.4039749145508,88.9840934753418],[233.74595489501954,88.79204711914063],[234.08795471191408,88.60002059936524],[234.4300537109375,88.40821228027345],[234.7721725463867,88.21641387939454],[235.11427154541016,88.02460556030273],[235.4563705444336,87.83280715942384],[235.79848937988282,87.64099884033203],[236.14058837890624,87.44920043945312],[236.4827072143555,87.25739212036133],[236.82484588623046,87.06556396484375],[237.16704406738282,86.87400360107422],[237.5093017578125,86.6824432373047],[237.8515396118164,86.49089279174805],[238.19377746582032,86.29934234619141],[238.53603515625,86.10778198242188],[238.8782730102539,85.91623153686524],[239.2205307006836,85.7246711730957],[239.5627685546875,85.53312072753907],[239.90516510009766,85.34169921875001],[240.24756164550783,85.15039672851563],[240.5899383544922,84.95908432006836],[240.93233489990234,84.767781829834],[241.27471160888672,84.57647933959962],[241.6170883178711,84.38517684936524],[241.95948486328126,84.19386444091798],[242.30186157226564,84.0025619506836],[242.64429779052736,83.8113883972168],[242.98685302734376,83.6203239440918],[243.3293884277344,83.4292694091797],[243.67190399169922,83.23822479248047],[244.01443939208986,83.0471752166748],[244.3569747924805,82.85612564086914],[244.69949035644532,82.66507606506347],[245.04202575683595,82.47402648925781],[245.38394622802736,82.2819305419922],[245.72564849853515,82.0893783569336],[246.07066345214844,81.90290603637696],[246.41905059814454,81.72267227172851],[246.770671081543,81.54898452758789],[247.12540588378906,81.3817138671875],[247.4831756591797,81.22095947265625],[247.84380187988282,81.06684036254883],[248.20736389160157,80.91970863342286],[248.57362365722656,80.77946510314942],[248.94246215820314,80.64612464904785],[249.31376037597656,80.51979141235351],[249.6875183105469,80.40087203979492],[250.06347808837893,80.28908882141114],[250.44146118164065,80.18449630737305],[250.8214279174805,80.08744659423829],[251.20327911376955,79.99781570434571],[251.58673706054688,79.91553421020508],[251.97174224853518,79.8408748626709],[252.3581756591797,79.77380294799805],[252.7457992553711,79.71415977478027],[253.13453369140626,79.66223297119141],[253.52425994873047,79.61793823242188],[253.91473999023438,79.58108215332031],[254.30585479736328,79.552001953125],[254.69746551513674,79.53050918579102],[255.08941345214845,79.51642036437988],[255.48155975341797,79.510107421875],[255.87372589111328,79.5112232208252],[256.2658325195313,79.51965866088868],[256.65770111083987,79.5358253479004],[257.04925231933595,79.55922737121583],[257.440267944336,79.58984985351563],[257.8306091308594,79.62799034118653],[258.22019653320314,79.67318763732911],[258.60889129638673,79.72544174194336],[258.99651489257815,79.78498077392578],[259.3830474853516,79.85136337280274],[259.7683700561524,79.92457466125488],[260.1522842407227,80.00483283996583],[260.5347900390625,80.09169654846191],[260.9156692504883,80.18507156372071],[261.2948623657227,80.28527526855468],[261.6723297119141,80.39184150695802],[262.04795227050784,80.50465621948243],[262.4215713500977,80.62388305664062],[262.7931869506836,80.74929389953614],[263.1627197265625,80.88069534301758],[263.53009033203125,81.01805267333985],[263.8951400756836,81.16144523620606],[264.2579086303711,81.31057548522949],[264.6182769775391,81.46530952453614],[264.97620544433596,81.62562255859375],[265.33157501220705,81.7915740966797],[265.6843856811524,81.96286163330079],[266.0346176147461,82.13941078186035],[266.3858612060547,82.31372337341308],[266.7411514282227,82.47984848022462],[267.09604492187503,82.64679679870606],[267.4508193969727,82.81412200927734],[267.8049987792969,82.98260765075683],[268.15899963378905,83.15140571594239],[268.5125442504883,83.32122039794922],[268.8658111572266,83.49166488647461],[269.218701171875,83.66280364990234],[269.5710754394531,83.83493423461914],[269.9233108520508,84.00747146606446],[270.2748519897461,84.18140716552735],[270.6261947631836,84.3556900024414],[270.977001953125,84.53117294311524],[271.327392578125,84.70732040405274],[271.67738647460936,84.88434066772462],[272.0268249511719,85.06244201660157],[272.37600555419925,85.24104919433594],[272.7244125366211,85.4211639404297],[273.07262115478517,85.60167541503907],[273.42007598876955,85.78363494873047],[273.76725311279296,85.96608047485351],[274.1137954711914,86.14977569580078],[274.4598022460938,86.3344825744629],[274.80525360107424,86.52020111083985],[275.1501495361328,86.70694122314454],[275.494450378418,86.89479217529298],[275.83811645507814,87.08373413085938],[276.18120727539065,87.27376708984376],[276.5237030029297,87.46490097045898],[276.8655639648438,87.6571258544922],[277.2068099975586,87.8505012512207],[277.54740142822266,88.04500732421876],[277.88731842041017,88.240673828125],[278.22652130126954,88.4375503540039],[278.5650100708008,88.63568649291993],[278.90278472900394,88.8350326538086],[279.2398254394531,89.03557891845703],[279.5761520385742,89.23738479614258],[279.91170501708984,89.44044036865235],[280.246484375,89.64476547241212],[280.5804702758789,89.85037002563477],[280.91368255615237,90.05730361938477],[281.2459625244141,90.26563568115235],[281.5774291992188,90.47531661987306],[281.9080032348633,90.6863265991211],[282.237744140625,90.89872512817384],[282.566552734375,91.11247253417969],[282.8945083618164,91.3276481628418],[283.2214920043945,91.54420242309571],[283.54756317138674,91.76223449707031],[283.87254333496094,91.98179397583009],[284.1965316772461,92.20283126831055],[284.5194885253906,92.42531661987304],[284.8414733886719,92.64931945800781],[285.1623474121094,92.87479019165039],[285.48218994140626,93.10180816650391],[285.80092163085936,93.33035354614258],[286.11856231689455,93.56045608520508],[286.4349334716797,93.7922348022461],[286.7501937866211,94.02565002441406],[287.06420440673827,94.26060256958009],[287.37700500488285,94.49719161987305],[287.6885955810547,94.73539733886719],[287.99891662597656,94.9752296447754],[288.30796813964844,95.21669845581054],[288.61573028564453,95.45988311767579],[288.92198486328124,95.70485305786133],[289.22693023681643,95.95154876708985],[289.5304870605469,96.19995040893555],[289.8325958251953,96.45004806518556],[290.13327636718753,96.70187149047852],[290.4324890136719,96.95543060302735],[290.7301940917969,97.21073532104492],[291.02637176513673,97.46790466308595],[291.3208236694336,97.72694854736328],[291.61370849609375,97.98775787353516],[291.9050064086914,98.2504020690918],[292.19467773437503,98.51484146118165],[292.4826629638672,98.78110580444336],[292.76896209716796,99.04920501708985],[293.05349578857425,99.3191291809082],[293.3361251831055,99.59104690551759],[293.61692962646487,99.86485900878907],[293.89588928222656,100.1405258178711],[294.17298431396483,100.41808700561523],[294.4482147216797,100.6975326538086],[294.7215209960938,100.9788429260254],[294.9928634643555,101.26205749511719],[295.26214294433595,101.54723587036133],[295.5292404174805,101.83440780639648],[295.79429473876957,102.12351379394532],[296.05722656250003,102.41451416015626],[296.3180358886719,102.7074089050293],[296.5766830444336,103.00223770141602],[296.83314819335936,103.29896087646485],[297.08739166259767,103.59761810302734],[297.3391357421875,103.89841766357422],[297.58857879638674,104.20110168457032],[297.8356414794922,104.50568008422852],[298.0803436279297,104.81216278076172],[298.3226654052734,105.12056961059571],[298.5625274658203,105.43085098266602],[298.7999298095703,105.74303665161133],[299.03465423583987,106.05726547241211],[299.2668594360352,106.37336883544923],[299.4964263916016,106.69137649536133],[299.72339477539066,107.01124877929688],[299.9475662231445,107.33306503295898],[300.16905975341797,107.65673599243165],[300.38785552978516,107.98226165771484],[300.6038543701172,108.30959243774414],[300.816976928711,108.63884735107422],[300.97949676513673,108.98396148681641],[300.96241760253906,109.3756317138672],[300.90665740966796,109.763671875],[300.8073165893555,110.14287490844727],[300.661459350586,110.50661544799804],[300.46880798339845,110.84791107177735],[300.23265533447267,111.16066207885743],[299.9589126586914,111.44122848510743],[299.65485992431644,111.68863830566407],[299.3274398803711,111.90428009033204],[298.9826431274414,112.09099044799805],[298.6250915527344,112.25197296142578],[298.25819702148436,112.39057006835938],[297.8845581054688,112.50966796875001],[297.50599975585936,112.61215286254883],[297.12389068603517,112.70034561157227],[296.7390838623047,112.77602157592774],[296.35231323242186,112.84118423461915],[295.9641540527344,112.89717254638673],[295.5749237060547,112.94532546997071],[295.18491973876957,112.98668441772462],[294.7943801879883,113.02282638549805],[294.40338439941405,113.05415802001953],[294.0121505737305,113.08189926147462],[293.6207580566406,113.10665512084961],[293.2292465209961,113.12997283935547],[292.83767547607425,113.15233840942383],[292.4461242675781,113.17467422485352],[292.0545928955078,113.19803161621094],[291.66324005126955,113.2239875793457],[291.27220458984374,113.25400009155274],[290.8816055297852,113.28984451293945],[290.49193878173827,113.33434753417968],[290.1038986206055,113.3910400390625],[289.717822265625,113.45903930664063],[289.3279968261719,113.5021141052246],[288.9376754760742,113.5405372619629],[288.5469772338867,113.57477493286133],[288.1558822631836,113.60454940795898],[287.7645690917969,113.63059463500977],[287.3729782104492,113.65241470336915],[286.9811294555664,113.67091217041016],[286.58924102783203,113.68554153442383],[286.1971740722656,113.6971061706543],[285.8050674438477,113.70526885986328],[285.4129211425781,113.71059494018554],[285.0206954956055,113.71292572021484],[284.6285095214844,113.71268768310547],[284.23632354736327,113.70981140136719],[283.8441375732422,113.70463409423829],[283.45199127197264,113.69717559814454],[283.05992431640624,113.68771362304688],[282.6678375244141,113.67627792358398],[282.27588958740233,113.66283874511718],[281.8839416503906,113.64809036254883],[281.4920135498047,113.63200302124024],[281.10020446777344,113.6143684387207],[280.7084945678711,113.59550399780274],[280.3167449951172,113.57571716308594],[279.925114440918,113.55511703491212],[279.5335037231445,113.53358459472656],[279.1418930053711,113.5112190246582],[278.75034179687503,113.48861541748047],[278.3588104248047,113.4659523010254],[277.9672790527344,113.44273376464844],[277.57576751708984,113.4195053100586],[277.18421630859376,113.39642562866212],[276.7926651000977,113.373583984375],[276.40113372802733,113.35073242187501],[276.00958251953125,113.32850570678711],[275.61797180175785,113.30687408447265],[275.22630157470707,113.28583755493165],[274.8346115112305,113.26595153808594],[274.442822265625,113.24701766967773],[274.05101318359374,113.22910537719727],[273.65916442871094,113.21232376098634],[273.26721649169923,113.19741668701172],[272.8752883911133,113.1835708618164],[272.48326110839844,113.17177810668946],[272.09119415283203,113.16166152954102],[271.6990280151367,113.1537467956543],[271.3068817138672,113.14779586791992],[270.9147155761719,113.1443244934082],[270.5225494384766,113.14308471679688],[270.13030395507815,113.14470138549805],[269.7381576538086,113.14880752563477],[269.3459716796875,113.15609741210938],[268.95394439697264,113.16615447998048],[268.5619369506836,113.17976226806641],[268.170068359375,113.19642486572266],[267.77841796875003,113.21698532104493],[267.3869659423828,113.2409278869629],[266.9956726074219,113.26905593872071],[266.6047760009766,113.3009132385254],[266.2142761230469,113.33723373413086],[265.8241729736328,113.37770004272461],[265.43460540771486,113.42285766601563],[265.04557342529296,113.47256774902344],[264.65715637207035,113.52706832885742],[264.26947326660155,113.58666687011718],[263.8826629638672,113.65141296386719],[263.49676513671875,113.72146530151367],[263.1119583129883,113.79696273803711],[262.7281631469727,113.87804412841797],[262.3456970214844,113.96486816406251],[261.9646194458008,114.0575340270996],[261.58506927490237,114.15624008178712],[261.20708618164065,114.26102600097657],[260.83094787597656,114.37199096679687],[260.45669403076175,114.48925399780273],[260.0845031738281,114.61289443969727],[259.71435546875,114.74304122924805],[259.34676666259764,114.87960510253906],[258.9816177368164,115.02276458740235],[258.6191070556641,115.17251968383789],[258.2594528198242,115.3288803100586],[257.90271453857423,115.49184646606446],[257.5490707397461,115.66143798828125],[257.19864044189455,115.8376350402832],[256.8848876953125,116.06521835327149],[256.6155090332031,116.35015869140625],[256.3566833496094,116.6448585510254],[256.10926361083983,116.94907989501954],[255.87378540039063,117.26272354125977],[255.65096282958984,117.58539276123047],[255.4412322998047,117.9168098449707],[255.24516906738282,118.25643920898438],[255.06305084228518,118.60376510620118],[254.89515533447266,118.95824203491212],[254.74170074462893,119.31911621093751],[254.60266723632813,119.68589172363282],[254.47805480957032,120.05778503417969],[254.36788330078127,120.43411178588867],[254.27165679931642,120.81433639526368],[254.18911743164062,121.197705078125],[254.11982879638674,121.5837516784668],[254.06343383789064,121.97183151245117],[254.01943664550782,122.3615478515625],[253.98726196289064,122.7524642944336],[253.9663543701172,123.14403533935547],[253.95615844726564,123.53614196777345],[253.95613861083984,123.92829818725586],[253.9657196044922,124.32041473388672],[253.98436584472657,124.71216430664063],[254.01158142089844,125.10339813232423],[254.0468505859375,125.49397735595704],[254.08967742919924,125.88383255004884],[254.13970489501955,126.27289428710938],[254.19621887207032,126.66098403930664],[254.2589813232422,127.04817123413086],[254.327555847168,127.43433685302735],[254.40152587890626,127.81949081420899],[254.48049468994142,128.20365295410156],[254.56414489746095,128.586833190918],[254.65213928222659,128.9690414428711],[254.74418029785159,129.35028762817385],[254.83991088867188,129.73067092895508],[254.93905334472657,130.11016159057618],[255.04129028320312,130.4887596130371],[255.1464828491211,130.8665740966797],[255.25453186035156,131.2436248779297],[255.3645446777344,131.62006072998048],[255.47664031982424,131.99588165283203],[255.59060058593752,132.37121658325196],[255.70610809326172,132.74598617553713],[255.82294464111328,133.12039871215822],[255.9409118652344,133.4944938659668],[256.0597320556641,133.86830139160156],[256.17928619384764,134.2418312072754],[256.29888000488285,134.6153907775879],[256.4186325073242,134.98886108398438],[256.53840484619144,135.36234130859376],[256.6572250366211,135.7360794067383],[256.776025390625,136.10985717773437],[256.8934768676758,136.48408126831055],[257.00957946777345,136.8587417602539],[257.12395629882815,137.23385848999024],[257.2362503051758,137.60965957641602],[257.34606475830077,137.9862144470215],[257.4529235839844,138.3635726928711],[257.5564102172852,138.74186325073242],[257.65598907470707,139.12121505737306],[257.75110473632816,139.5016975402832],[257.8515563964844,139.8806625366211],[257.9653778076172,140.25597763061523],[258.08044891357423,140.63091583251955],[258.19669036865236,141.00560607910157],[258.31384429931643,141.37989959716796],[258.4319107055664,141.7538558959961],[258.5510284423828,142.12753448486328],[258.67131652832035,142.50084609985353],[258.7924575805664,142.87386016845704],[258.9144912719727,143.24663619995118],[259.03735809326173,143.6190948486328],[259.1613754272461,143.9911964416504],[259.2862258911133,144.36300048828124],[259.41183013916014,144.7345169067383],[259.5382080078125,145.1058448791504],[259.6655776977539,145.47678604125977],[259.7937606811524,145.8474594116211],[259.9226379394531,146.21788482666017],[260.0522094726563,146.58805236816406],[260.1825744628906,146.95795211791992],[260.31377258300785,147.32758407592775],[260.44560546875,147.69697799682618],[260.578092956543,148.0661933898926],[260.7112152099609,148.43512115478515],[260.8450912475586,148.80372161865236],[260.9795623779297,149.1721534729004],[261.11470794677734,149.54033737182618],[261.2506072998047,149.90824356079102],[261.38650665283205,150.27614974975586],[261.5234176635742,150.64366912841797],[261.66074523925784,151.01104965209962],[261.7982315063477,151.37844009399416],[261.93684844970704,151.74532470703124],[262.0754852294922,152.11221923828126],[262.21467742919924,152.47890548706056],[262.35444488525394,152.84535369873046],[262.4942321777344,153.2118019104004],[262.63489227294923,153.5778335571289],[262.7757110595703,153.94388504028322],[262.9167877197266,154.30989685058594],[263.0585388183594,154.67559127807618],[263.20030975341797,155.04135513305664],[263.34253692626953,155.40690078735352],[263.4850616455078,155.77228775024415],[263.6275863647461,156.13765487670898],[263.7707656860352,156.50279388427734],[263.91394500732423,156.8679328918457],[264.057421875,157.23297271728515],[264.20133514404296,157.5978141784668],[264.3452682495117,157.96265563964843],[264.4891815185547,158.32749710083007],[264.63311462402345,158.6923484802246],[264.77710723876953,159.0571502685547],[264.92163543701173,159.42175369262696],[265.06616363525393,159.78635711669924],[265.2106918334961,160.15097045898438],[265.35522003173827,160.51557388305665],[265.49974822998047,160.88017730712892],[265.64427642822267,161.2447807312012],[265.78880462646487,161.60938415527343],[265.9333724975586,161.97406692504885],[266.0779006958008,162.3386703491211],[266.222428894043,162.70327377319336],[266.36669921875,163.06797637939454],[266.51085052490237,163.43272857666017],[266.65498199462894,163.79749069213867],[266.79913330078125,164.1622528076172],[266.9432647705078,164.52700500488282],[267.08701934814457,164.89187622070312],[267.2302383422852,165.25699539184572],[267.3734573364258,165.62212448120118],[267.51667633056644,165.98724365234375],[267.65989532470707,166.35236282348635],[267.8029754638672,166.71756134033203],[267.94518280029297,167.08306732177735],[268.08740997314453,167.44857330322267],[268.22920074462894,167.81431732177734],[268.3705551147461,168.18016052246094],[268.51196899414066,168.5460632324219],[268.65243072509764,168.91216430664062],[268.79283294677737,169.27838439941408],[268.9329574584961,169.64478302001953],[269.0722686767578,170.0113998413086],[269.21157989501955,170.37803649902344],[269.3500778198242,170.7449508666992],[269.4881790161133,171.11204376220704],[269.6262008666992,171.47913665771486],[269.7629531860352,171.8467254638672],[269.8997055053711,172.21431427001954],[270.0359817504883,172.58208160400392],[270.17154388427736,172.95012664794922],[270.30643157958986,173.31840972900392],[270.44068450927733,173.686930847168],[270.57434234619143,174.05565032958984],[270.70738525390624,174.42456817626953],[270.83977355957035,174.79376373291015],[270.97134857177736,175.16329650878907],[271.1023086547852,175.53306732177734],[271.2325744628906,175.90295715332033],[271.3621459960938,176.27314453125],[271.4907653808594,176.64370880126953],[271.61863098144534,177.01447143554688],[271.74578247070315,177.38551177978516],[271.87218017578124,177.7567901611328],[271.99754638671874,178.12840576171877],[272.12205963134767,178.5003189086914],[272.24575958251955,178.87254943847657],[272.3686462402344,179.24499816894533],[272.4905014038086,179.61778411865234],[272.6113052368164,179.9908676147461],[272.73123626708986,180.36428833007812],[272.85027465820315,180.7379867553711],[272.9683212280274,181.11200256347658],[273.08509826660156,181.48641510009767],[273.20094299316406,181.86114501953125],[273.3158157348633,182.23615264892578],[273.429736328125,182.61157684326173],[273.5422088623047,182.98731842041016],[273.6535903930664,183.36331787109376],[273.7639404296875,183.73969421386718],[273.8732192993164,184.11636810302736],[273.9811294555664,184.49343872070312],[274.08777008056643,184.87086639404296],[274.1932601928711,185.2486312866211],[274.29761962890626,185.62667388916017],[274.40068969726565,186.00509338378907],[274.50221252441406,186.3839096069336],[274.60252532958987,186.763102722168],[274.7016082763672,187.14259338378906],[274.7994613647461,187.52242126464844],[274.89556884765625,187.9026657104492],[274.9903274536133,188.28318786621094],[275.0838165283203,188.6641067504883],[275.1759567260742,189.04530334472656],[275.2664703369141,189.42693634033205],[275.3553970336914,189.80906524658204],[275.4429153442383,190.19131317138672],[275.5290252685547,190.57395782470704],[275.6136474609375,190.95691986083986],[275.6963256835938,191.34031829833984],[275.77757568359374,191.72405395507812],[275.85735778808595,192.10806732177736],[275.93565216064457,192.49235839843752],[276.0118835449219,192.87708587646486],[276.086508178711,193.26215057373048],[276.1595855712891,193.6474334716797],[276.2311157226563,194.03309326171876],[276.3007019042969,194.4190902709961],[276.36836395263674,194.80540466308594],[276.4344390869141,195.19195709228515],[276.4990264892578,195.57882690429688],[276.5615707397461,195.96605377197267],[276.62217102050784,196.3535385131836],[276.68104553222656,196.74126129150392],[276.73795623779296,197.12940063476563],[276.7931213378906,197.51775817871095],[276.84618377685547,197.9062744140625],[276.8975204467774,198.29510803222658],[276.9467346191406,198.68423919677736],[276.9941436767578,199.07356872558594],[277.03946990966796,199.46311645507814],[277.08289184570316,199.8529815673828],[277.12425079345707,200.24292602539063],[277.16362609863285,200.63322753906252],[277.2009582519531,201.02362823486328],[277.23620758056643,201.4142074584961],[277.26943359375,201.8050048828125],[277.29321746826173,202.19619903564453],[277.2852035522461,202.58834533691407],[277.2736587524414,202.98035278320313],[277.2588607788086,203.37234039306642],[277.2404724121094,203.76408996582032],[277.21891021728516,204.1557601928711],[277.1936981201172,204.54717254638672],[277.1654510498047,204.93834686279297],[277.13359375,205.32928314208985],[277.09866180419925,205.71986236572266],[277.06031799316406,206.11024322509766],[277.01880035400393,206.50022735595704],[276.9740692138672,206.88985443115234],[276.9260452270508,207.27908477783203],[276.875065612793,207.66801757812502],[276.82067413330077,208.0563949584961],[276.76346588134766,208.44441528320314],[276.70294494628905,208.83193969726562],[276.6395477294922,209.2189483642578],[276.57309570312503,209.60548095703126],[276.50364837646487,209.99151763916015],[276.4314437866211,210.3769989013672],[276.3561248779297,210.761865234375],[276.2781677246094,211.14627532958986],[276.1972152709961,211.53011016845704],[276.1136245727539,211.91331024169924],[276.02729644775394,212.2958755493164],[275.93821105957034,212.67786560058593],[275.8466262817383,213.0592010498047],[275.7522445678711,213.43990173339844],[275.65548248291014,213.82000732421875],[275.55608215332035,214.1993392944336],[275.45426177978516,214.57809600830078],[275.34998168945316,214.95625762939454],[275.24328155517577,215.33364562988282],[275.1343994140625,215.71043853759767],[275.02297821044925,216.0864974975586],[274.9094741821289,216.46190185546877],[274.793669128418,216.83661193847658],[274.6757614135742,217.21062774658205],[274.55575103759764,217.58406829833984],[274.43355865478514,217.95671539306642],[274.3094619750977,218.3288070678711],[274.18320312500003,218.70020446777343],[274.0551391601563,219.07090759277344],[273.92481384277346,219.4408172607422],[273.79309997558596,219.81023101806642],[273.65952148437503,220.17899017333986],[273.5238403320313,220.54703521728516],[273.38657226562503,220.9144058227539],[273.2477569580078,221.28118133544922],[273.10737457275394,221.6474609375],[272.9651870727539,222.0129867553711],[272.82137298583984,222.37781829833986],[272.6761505126953,222.74213409423828],[272.5295394897461,223.10597381591796],[272.3816192626953,223.4691589355469],[272.2319137573242,223.83166961669923],[272.08093872070316,224.19366455078125],[271.9287734985352,224.55516357421877],[271.7754379272461,224.91612701416017],[271.6207931518555,225.27655487060548],[271.46473999023436,225.63648681640626],[271.30765533447266,225.99588317871095],[271.1495590209961,226.35476379394532],[270.9904510498047,226.71324768066407],[270.83011322021486,227.07119598388672],[270.6687637329102,227.42872772216796],[270.50658111572267,227.7857437133789],[270.3434860229492,228.14246215820313],[270.17951812744144,228.49876403808594],[270.01453857421876,228.8546096801758],[269.84886474609374,229.2100387573242],[269.68243713378905,229.56519012451173],[269.515315246582,229.9200637817383],[269.3473602294922,230.27448120117188],[269.1787704467774,230.6285614013672],[269.00940704345703,230.98232421875],[268.83948822021483,231.33580932617187],[268.6695495605469,231.68929443359374],[268.4983810424805,232.04218444824218],[268.3270736694336,232.3950942993164],[268.1554290771484,232.7477264404297],[267.98305053710936,233.1000213623047],[267.8106918334961,233.45233612060548],[267.6376586914063,233.8042938232422],[267.4644271850586,234.15615234375],[267.29101715087893,234.50795135498046],[267.11693267822267,234.85941314697266],[266.9428482055664,235.21087493896485],[266.76876373291014,235.56231689453125],[266.59467926025394,235.91377868652344],[266.4205947875977,236.26522064208984],[266.2461532592774,236.61650390625002],[266.071711730957,236.96776733398437],[265.8972702026367,237.31905059814454],[265.7228088378906,237.67031402587892],[265.5483673095703,238.02159729003907],[265.37438201904297,238.37309875488282],[265.2004364013672,238.72469940185547],[265.0265106201172,239.07624053955078],[264.852604675293,239.4277816772461],[264.67869873046874,239.77932281494142],[264.5054473876953,240.131201171875],[264.3325134277344,240.48321838378908],[264.1596588134766,240.83529510498047],[263.9876968383789,241.1877883911133],[263.81571502685546,241.5402816772461],[263.64434814453125,241.89307250976563],[263.4735565185547,242.2461410522461],[263.3027648925781,242.59920959472657],[263.1333221435547,242.95287322998047],[262.9639587402344,243.3066360473633],[262.7949920654297,243.6606170654297],[262.6268981933594,244.01499481201174],[262.4596374511719,244.3697296142578],[262.2930908203125,244.72482147216797],[262.12727813720704,245.08019104003907],[261.96212005615234,245.4360366821289],[261.7978744506836,245.79219970703124],[261.6346603393555,246.14881896972656],[261.47227935791017,246.5058151245117],[261.3107513427735,246.86320800781252],[261.15013580322267,247.22103729248047],[260.9907897949219,247.5794219970703],[260.83245544433595,247.93826293945312],[260.67511291503905,248.2975601196289],[260.5188415527344,248.65723419189453],[260.3638000488281,249.0175033569336],[260.21014709472655,249.37832794189453],[260.0576446533203,249.73970794677734],[259.9063720703125,250.10152435302734],[259.75625,250.46391601562502],[259.6078338623047,250.82696228027345],[259.46082611083983,251.19054412841797],[259.31516723632814,251.55470123291016],[259.17085723876954,251.91941375732424],[259.0280746459961,252.28478088378907],[258.88719635009767,252.6508026123047],[258.74778594970707,253.01741943359377],[258.6099426269531,253.38455200195312],[258.4736465454102,253.7523391723633],[258.3393539428711,254.12084045410157],[258.2069259643555,254.48997650146487],[258.07586669921875,254.85960845947267],[257.946989440918,255.23011322021486],[257.81995697021483,255.60111389160159],[257.69498748779296,255.97288818359377],[257.5719024658203,256.3452774047852],[257.45093994140626,256.7183807373047],[257.3320007324219,257.09209899902345],[257.2151641845703,257.46651153564454],[257.1005889892578,257.8415985107422],[256.9880569458008,258.21732025146486],[256.87800445556644,258.59373626708987],[256.77001495361327,258.9708465576172],[256.6645050048828,259.34865112304686],[256.5613159179688,259.72705078125],[256.46052703857424,260.1060455322266],[256.36225738525394,260.4857940673828],[256.26636810302733,260.86609802246096],[256.1732162475586,261.2470169067383],[256.0824249267578,261.6285903930664],[255.99447021484377,262.0107788085938],[255.91585845947267,262.39451446533207],[255.89344329833986,262.7861053466797],[255.87578887939455,263.17787475585936],[255.86289520263674,263.5698226928711],[255.85480194091798,263.96194915771486],[255.85148925781252,264.35413513183596],[255.85291748046876,264.7464004516602],[255.85906677246095,265.1385467529297],[255.86999664306643,265.5305740356445],[255.88560791015627,265.9224426269531],[255.90594024658205,266.3141723632813],[255.9309539794922,266.70558471679686],[255.96054992675784,267.0967193603516],[255.9947479248047,267.4873977661133],[256.03354797363284,267.8776992797852],[256.0768508911133,268.26746520996096],[256.1246368408203,268.6567749023438],[256.17686614990237,269.0454696655274],[256.23349914550784,269.43358917236327],[256.2944564819336,269.8210144042969],[256.3597183227539,270.20774536132814],[256.42920532226566,270.59374237060547],[256.5028778076172,270.97894592285155],[256.58067626953124,271.3633758544922],[256.6626205444336,271.74691314697264],[256.748551940918,272.12957763671875],[256.83841094970705,272.5113494873047],[256.93215789794925,272.8921493530274],[257.0297332763672,273.27205657958984],[257.1310577392578,273.65101165771483],[257.236051940918,274.02889556884764],[257.3446762084961,274.40576782226566],[257.45687103271484,274.78162841796876],[257.57249755859374,275.15637817382816],[257.69153594970703,275.5300765991211],[257.8139862060547,275.9027038574219],[257.93964996337894,276.27418060302733],[258.0685668945313,276.64460601806644],[258.200617980957,277.0139404296875],[258.3357833862305,277.38208465576173],[258.4739440917969,277.7491180419922],[258.6150802612305,278.1150802612305],[258.7590728759766,278.4798919677734],[258.90584259033204,278.84359283447264],[259.0553695678711,279.2062225341797],[259.20755462646486,279.56768188476565],[259.3623580932617,279.92803039550785],[259.5196807861328,280.2873077392578],[259.6795028686524,280.64549407958987],[259.841764831543,281.0026092529297],[260.00634765625,281.35859375],[260.1732116699219,281.7135665893555],[260.34227752685547,282.0674087524414],[260.51354522705077,282.4202392578125],[260.6869552612305,282.77207794189457],[260.86236877441405,283.1228454589844],[261.0397659301758,283.4726013183594],[261.2191070556641,283.8213851928711],[261.40035247802734,284.1692169189453],[261.58340301513675,284.5160766601563],[261.7682189941406,284.8620239257813],[261.95472106933596,285.20703887939453],[262.14292907714844,285.5511810302734],[262.3327041625977,285.8943313598633],[262.52408599853516,286.2367477416992],[262.7169158935547,286.57821197509764],[262.9112533569336,286.9189224243164],[263.1069793701172,287.2588394165039],[263.3040740966797,287.5979629516602],[263.5024383544922,287.9362930297852],[263.7020919799805,288.2739288330078],[263.90291595458984,288.6107711791992],[264.10491027832035,288.9469390869141],[264.3080551147461,289.28247222900393],[264.5122512817383,289.61731109619143],[264.7174987792969,289.9515747070313],[264.92371826171876,290.28516387939453],[265.1311279296875,290.6180587768555],[265.33911285400393,290.95057678222656],[265.5480499267578,291.28247985839846],[265.75770111083983,291.61392669677736],[265.9682250976563,291.9448577880859],[266.1793640136719,292.27537231445314],[266.39129638671875,292.6053909301758],[266.6037841796875,292.9350326538086],[266.81692657470705,293.26423797607424],[267.03062438964844,293.5932052612305],[267.24487762451173,293.9217559814453],[267.45952758789065,294.24998931884767],[267.67469329833983,294.5779052734375],[267.8901962280274,294.9056030273438],[268.1062347412109,295.2329040527344],[268.32268981933595,295.5599670410156],[268.539144897461,295.88704986572264],[268.75559997558594,296.21411285400393],[268.9725112915039,296.54087829589844],[269.1897399902344,296.8674255371094],[269.40696868896487,297.1939926147461],[269.62419738769535,297.52053985595705],[269.84142608642577,297.84708709716796],[270.05865478515625,298.1736541748047],[270.27588348388673,298.5002014160156],[270.4931121826172,298.82676849365237],[270.7099838256836,299.1535339355469],[270.92671661376954,299.4804183959961],[271.1434692382813,299.80738220214846],[271.3602020263672,300.13426666259767],[271.5763198852539,300.4615676879883],[271.7922393798828,300.7889877319336],[272.00756378173827,301.1168441772461],[272.2226898193359,301.44477996826174],[272.4370422363281,301.77321166992186],[272.6512359619141,302.10176239013674],[272.86445770263674,302.430908203125],[273.07752075195316,302.76019287109375],[273.289453125,303.09027099609375],[273.50122680664066,303.42038879394534],[273.71161193847655,303.7514190673828],[273.92185821533207,304.08250885009767],[274.1305374145508,304.4145904541016],[274.33901824951175,304.7467514038086],[274.5461898803711,305.07978515625],[274.75233001708983,305.41349334716796],[274.95739898681643,305.7478958129883],[275.1612976074219,306.08289337158203],[275.36404571533205,306.4186447143555],[275.5721893310547,306.7509246826172],[275.7898147583008,307.077214050293],[276.0074401855469,307.40350341796875],[276.22508544921874,307.7297927856445],[276.44298858642577,308.05594329833986],[276.6615661621094,308.38159790039066],[276.880143737793,308.7072326660156],[277.0987213134766,309.0328872680664],[277.31743774414065,309.3584426879883],[277.536947631836,309.68348236083983],[277.75645751953124,310.0085021972656],[277.97596740722656,310.3335220336914],[278.1954574584961,310.65852203369144],[278.4158599853516,310.9829467773438],[278.63624267578126,311.3073715209961],[278.85664520263674,311.6317962646485],[279.07708740234375,311.95628051757814],[279.29822387695316,312.28022918701174],[279.5194595336914,312.60407867431644],[279.7406951904297,312.9279281616211],[279.961930847168,313.2517776489258],[280.1837814331055,313.57523040771486],[280.4058303833008,313.89852447509764],[280.6278793334961,314.2218185424805],[280.84992828369144,314.5451126098633],[281.0724533081055,314.8680694580078],[281.29527587890624,315.19084777832035],[281.51809844970705,315.513606262207],[281.7409210205078,315.83636474609375],[281.9640609741211,316.15882568359376],[282.18761749267577,316.48108825683596],[282.41117401123046,316.80333099365237],[282.63473052978514,317.12559356689457],[282.858544921875,317.4476974487305],[283.08279571533205,317.76946411132815],[283.3070861816406,318.09131011962893],[283.53133697509764,318.4130767822266],[283.75574645996096,318.7347442626953],[283.98065185546875,319.0560546875],[284.20557708740233,319.3773651123047],[284.4304824829102,319.6986557006836],[284.6554672241211,320.01992645263675],[284.8810073852539,320.3408004760742],[285.1065475463867,320.6616744995117],[285.3320877075195,320.98254852294923],[285.55762786865233,321.30340270996095],[285.78374328613285,321.6238998413086],[286.0098785400391,321.9443572998047],[286.23599395751955,322.2648147583008],[286.4621292114258,322.5852722167969],[286.6886810302735,322.9053527832031],[286.9153518676758,323.2254135131836],[287.14204254150394,323.54547424316405],[287.36871337890625,323.8655548095703],[287.59582061767577,324.18543701171876],[287.82300720214846,324.5051406860352],[288.0502136230469,324.82484436035156],[288.2774002075195,325.1445281982422],[288.50502319335936,325.46397399902344],[288.7329238891602,325.78318176269534],[288.96082458496096,326.10236968994144],[289.18872528076173,326.4215774536133],[289.4166259765625,326.7407653808594],[289.64452667236327,327.0599533081055],[289.8724273681641,327.37916107177733],[290.10032806396487,327.69834899902344],[290.32846679687503,328.0173583984375],[290.55718078613285,328.3359710693359],[290.7859146118164,328.6545837402344],[291.0146286010742,328.97319641113285],[291.243342590332,329.29180908203125],[291.47205657958983,329.6104217529297],[291.70077056884764,329.9290344238281],[291.92954406738284,330.2477066040039],[292.1582977294922,330.56629943847656],[292.3876861572266,330.8844161987305],[292.61707458496096,331.20255279541016],[292.8464630126953,331.5206695556641],[293.0758514404297,331.83880615234375],[293.30523986816405,332.1569427490235],[293.5346282958985,332.47505950927734],[293.76401672363284,332.79319610595707],[293.9934051513672,333.11131286621094],[294.223210144043,333.42913208007815],[294.45313415527346,333.7468719482422],[294.68305816650394,334.0646118164063],[294.91300201416016,334.3823516845703],[295.14292602539064,334.70009155273436],[295.3728500366211,335.01783142089846],[295.6027740478516,335.3355712890625],[295.832698059082,335.6533111572266],[296.0628997802734,335.97101135253905],[296.29322052001953,336.28843383789064],[296.52356109619143,336.60589599609375],[296.75388183593753,336.92335815429686],[296.9842025756836,337.24082031250003],[297.2145233154297,337.55824279785156],[297.4448440551758,337.8757049560547],[297.6751647949219,338.19316711425785],[297.9055450439453,338.51054992675785],[298.13618316650394,338.82777404785156],[298.3668014526367,339.14499816894534],[298.5974395751953,339.46222229003905],[298.82807769775394,339.7794464111328],[299.0586959838867,340.0966705322266],[299.2893341064453,340.4139343261719],[299.51995239257815,340.7311584472656],[299.7505905151367,341.0483825683594],[299.98120880126953,341.36560668945316],[300.21184692382815,341.6828308105469],[300.4425247192383,342.00013427734376],[300.6731430053711,342.31735839843753],[300.9037811279297,342.63458251953125],[301.1344192504883,342.95184631347655],[301.3650375366211,343.2690704345703],[301.5956756591797,343.5862945556641],[301.826254272461,343.9035186767578],[302.0568328857422,344.2208221435547],[302.28741149902345,344.5380859375],[302.5179901123047,344.8553497314453],[302.7485488891602,345.17261352539066],[302.97912750244143,345.48987731933596],[303.20970611572267,345.80714111328126],[303.4402847290039,346.12440490722656],[303.67086334228514,346.44166870117186],[303.90144195556644,346.75897216796875],[304.1320205688477,347.07623596191405],[304.3625991821289,347.3934997558594],[304.59317779541016,347.7107635498047],[304.823796081543,348.0281066894531],[305.0543746948242,348.3453704833984],[305.28495330810546,348.6626342773438],[305.5154724121094,348.9799774169922],[305.745654296875,349.2975189208984],[305.97583618164066,349.6150604248047],[306.2060180664063,349.9326416015625],[306.4362197875977,350.25018310546875],[306.6664016723633,350.56772460937503],[306.8965835571289,350.88526611328126],[307.1267654418945,351.2028472900391],[307.3569671630859,351.5203887939453],[307.5867126464844,351.8382476806641],[307.81645812988285,352.15610656738284],[308.04620361328125,352.47400512695316],[308.2759292602539,352.7918640136719],[308.5056747436524,353.1097625732422],[308.735400390625,353.42762145996096],[308.96514587402345,353.7455200195313],[309.19493103027344,354.06345825195314],[309.4242599487305,354.3815948486328],[309.6534103393555,354.69992980957034],[309.88256072998047,355.0182250976563],[310.1117111206055,355.3365203857422],[310.34086151123046,355.6548156738281],[310.5700119018555,355.9731109619141],[310.7991622924805,356.29144592285155],[311.02831268310547,356.6097412109375],[311.257145690918,356.92823486328126],[311.4855621337891,357.24708557128906],[311.71397857666017,357.56589660644534],[311.94239501953126,357.88470764160155],[312.17083129882815,358.2035583496094],[312.39924774169924,358.5223693847656],[312.62766418457034,358.8412200927734],[312.85608062744143,359.1600311279297],[313.0843978881836,359.4790008544922],[313.31194152832035,359.79844665527344],[313.5395248413086,360.11793212890626],[313.76706848144534,360.4373779296875],[313.99461212158207,360.7568634033203],[314.22215576171874,361.07630920410156],[314.44969940185547,361.3957550048828],[314.677262878418,361.7152008056641],[314.9048065185547,362.03464660644534],[315.13165588378905,362.3545288085938],[315.3584655761719,362.6745300292969],[315.5852752685547,362.99449157714844],[315.8120651245117,363.3144927978516],[316.03845825195316,363.63477172851566],[316.26471252441405,363.95513000488285],[316.4909469604492,364.27548828125003],[316.71720123291016,364.5958465576172],[316.9431182861328,364.91652221679686],[317.1687973022461,365.23731689453126],[317.3944564819336,365.5580718994141],[317.62017517089845,365.87890625],[317.84549713134766,366.1998596191406],[318.07056121826173,366.52105102539065],[318.29560546875,366.8422821044922],[318.5206695556641,367.1634735107422],[318.74549560546876,367.4849029541016],[318.969905090332,367.80657043457035],[319.19431457519534,368.1281982421875],[319.4187240600586,368.4498657226563],[319.64295501708983,368.7716522216797],[319.8666702270508,369.0937957763672],[320.0903854370117,369.4159393310547],[320.3141006469727,369.7380828857422],[320.5377365112305,370.0603454589844],[320.76071777343753,370.3829650878906],[320.9837188720703,370.70562438964845],[321.20670013427736,371.0282836914063],[321.4296813964844,371.3509429931641],[321.6518890380859,371.6740386962891],[321.87415618896483,371.99729309082034],[322.0963638305664,372.3204681396484],[322.31859130859374,372.6436431884766],[322.540104675293,372.96729431152346],[322.76153869628905,373.29102478027346],[322.9829528808594,373.61475524902346],[323.2043670654297,373.93848571777346],[323.42520599365236,374.2626525878906],[323.64578704833986,374.58697814941405],[323.86636810302736,374.91126403808596],[324.08694915771486,375.2355499267578],[324.3069747924805,375.56019287109376],[324.5266830444336,375.88507385253905],[324.7463912963867,376.2099548339844],[324.96609954833986,376.5348754882813],[325.1853912353516,376.8600738525391],[325.40418701171876,377.1855895996094],[325.62296295166016,377.5111053466797],[325.84175872802734,377.83662109375],[326.060237121582,378.16241455078125],[326.27808074951173,378.4885650634766],[326.49592437744144,378.81471557617186],[326.7137481689453,379.1408660888672],[326.9313735961914,379.46717529296876],[327.14822540283205,379.79396057128906],[327.36507720947264,380.12074584960936],[327.5819488525391,380.44757080078125],[327.79866180419924,380.77439575195314],[328.01448211669924,381.1018951416016],[328.23030242919924,381.42939453125],[328.44612274169924,381.75685424804686],[328.66194305419924,382.0843536376953],[328.8767120361328,382.41248779296876],[329.0914810180664,382.74066162109375],[329.30623016357424,383.0688751220703],[329.5209991455078,383.3970489501953],[329.73479614257815,383.72581787109374],[329.948454284668,384.05470581054686],[330.1621520996094,384.3837127685547],[330.37581024169924,384.7126007080078],[330.58867492675785,385.0420837402344],[330.80118255615236,385.3717254638672],[331.01369018554686,385.7013671875],[331.22619781494143,386.0310089111328],[331.43797149658207,386.3610870361328],[331.6492889404297,386.6914825439453],[331.86060638427733,387.0219177246094],[332.071923828125,387.35231323242186],[332.2826858520508,387.68310546875],[332.49277343750003,388.01429443359376],[332.702880859375,388.3454833984375],[332.91298828125,388.6766723632813],[333.12265930175784,389.008139038086],[333.3314971923828,389.3400817871094],[333.54033508300785,389.6720642089844],[333.7491729736328,390.00404663085936],[333.95777282714846,390.3362670898438],[334.16530151367186,390.66908264160156],[334.3728302001953,391.0018585205078],[334.5803588867188,391.3346740722656],[334.7868957519531,391.6680450439453],[334.9833953857422,392.0074859619141],[335.1802520751953,392.34668884277346],[335.3780212402344,392.6853759765625],[335.57646484375,393.0237060546875],[335.7757019042969,393.36156005859374],[335.97581176757814,393.6988983154297],[336.1765167236328,394.03583984375],[336.3784118652344,394.3720275878906],[336.58074340820315,394.70801696777346],[336.7845825195313,395.0430938720703],[336.9886199951172,395.3780517578125],[337.194482421875,395.71189880371094],[337.4005432128906,396.04566650390626],[337.6082702636719,396.3783233642578],[337.8164733886719,396.7107818603516],[338.02618408203125,397.0422088623047],[338.2365692138672,397.3731597900391],[338.44838256835936,397.7032379150391],[338.6609100341797,398.032958984375],[338.8748260498047,398.3616485595703],[339.08997192382816,398.6896240234375],[339.3062683105469,399.0167663574219],[339.5237945556641,399.34311523437503],[339.7425903320313,399.6686706542969],[339.9626159667969,399.99327392578124],[340.1839904785156,400.3170440673828],[340.40667419433595,400.63994140625],[340.63066711425785,400.96184692382815],[340.8560485839844,401.2828399658203],[341.0828582763672,401.60284118652345],[341.3110565185547,401.92181091308595],[341.5406829833984,402.2397094726563],[341.7718170166016,402.55661621093753],[342.00445861816405,402.87249145507815],[342.2385284423828,403.1871368408203],[342.47422485351564,403.50059204101564],[342.7114685058594,403.8129364013672],[342.9503387451172,404.1239715576172],[343.1908355712891,404.43385620117186],[343.43299865722656,404.7423919677735],[343.6767883300781,405.04957885742186],[343.9222839355469,405.35545654296874],[344.1695251464844,405.6599456787109],[344.41847229003906,405.9629669189453],[344.66920471191406,406.2645599365234],[344.92176208496096,406.5645660400391],[345.1761840820313,406.86314392089844],[345.43243103027345,407.1600555419922],[345.6905426025391,407.45534057617186],[345.9505584716797,407.74895935058595],[346.2124786376953,408.04083251953125],[346.47638244628905,408.3309600830078],[346.7423095703125,408.6193420410156],[347.01026000976566,408.90585937500003],[347.2801940917969,409.1903533935547],[347.5521514892578,409.4729034423828],[347.826171875,409.75346984863285],[348.1023742675781,410.0319732666016],[348.3806396484375,410.3082946777344],[348.6611663818359,410.5825531005859],[348.9437561035156,410.8543914794922],[349.2286071777344,411.12400817871094],[349.51564025878906,411.3912841796875],[349.8049346923828,411.6561004638672],[350.09660949707035,411.9182983398438],[350.3905853271485,412.17795715332034],[350.6868621826172,412.43499755859375],[350.9854400634766,412.6893005371094],[351.28631896972655,412.9408264160156],[351.58957824707034,413.189535522461],[351.89501953125,413.4356262207031],[352.2032775878906,413.6781860351563],[352.51343994140626,413.9182067871094],[352.82630004882816,414.154736328125],[353.14154052734375,414.3880523681641],[353.45924072265626,414.6179962158203],[353.77936096191405,414.8446075439453],[354.10186157226565,415.06776733398436],[354.42686157226564,415.2873168945313],[354.75428161621096,415.5032958984375],[355.0842010498047,415.7154266357422],[355.4165802001953,415.9236694335938],[355.7513000488281,416.12798461914065],[356.0884002685547,416.3283721923828],[356.4279998779297,416.52471313476565],[356.7698608398438,416.71680908203126],[357.1141815185547,416.9046600341797],[357.4608428955078,417.08806762695315],[357.8098846435547,417.26703186035155],[358.16118774414065,417.4414733886719],[358.5147918701172,417.6112731933594],[358.87049865722656,417.77635192871094],[359.2284271240234,417.93670959472655],[359.5884979248047,418.0921081542969],[359.95079040527344,418.2424682617188],[360.3150665283203,418.38782958984376],[360.6813659667969,418.5279937744141],[361.04956970214846,418.6630798339844],[361.4195983886719,418.7928894042969],[361.7915313720703,418.91742248535155],[362.1652496337891,419.03644104003905],[362.540673828125,419.149984741211],[362.9176849365235,419.2580139160156],[363.29628295898436,419.36044921875003],[363.6763488769531,419.45733032226565],[364.05780334472655,419.5485382080078],[364.44052734375003,419.6340728759766],[364.82456054687503,419.71385498046874],[365.2097839355469,419.7878448486328],[365.5960388183594,419.8560028076172],[365.98320617675785,419.9183288574219],[366.3713653564453,419.97486267089846],[366.7601989746094,420.02564392089846],[367.14978637695316,420.0705535888672],[367.540087890625,420.10967102050785],[367.9309051513672,420.1429168701172],[368.32211914062503,420.17041015625],[368.7136505126953,420.1921112060547],[369.1055389404297,420.20802001953126],[369.49766540527344,420.2181762695313],[369.88983154296875,420.2226593017578],[370.28187866210936,420.22853088378906],[370.6736083984375,420.24769287109376],[371.0653778076172,420.2655853271485],[371.4572662353516,420.2822479248047],[371.8491546630859,420.2970458984375],[372.2411224365234,420.3111297607422],[372.6332092285156,420.323388671875],[373.02525634765624,420.3340209960938],[373.4173828125,420.34314575195316],[373.80954895019534,420.35076293945315],[374.20171508789065,420.3568328857422],[374.5938415527344,420.3613555908203],[374.9860473632813,420.3643310546875],[375.3782928466797,420.3657196044922],[375.7704986572266,420.3654815673828],[376.1626647949219,420.36353759765626],[376.55487060546875,420.3600067138672],[376.94699707031253,420.3548095703125],[377.3392028808594,420.3478668212891],[377.7312896728516,420.33921813964844],[378.1233367919922,420.3287048339844],[378.5153839111328,420.3164459228516],[378.9073516845703,420.3023620605469],[379.2992401123047,420.2864929199219],[379.69096984863285,420.2687591552735],[380.08281860351565,420.24916076660156],[380.4743896484375,420.2276580810547],[380.8659210205078,420.2042510986328],[381.25725402832035,420.1788604736328],[381.64854736328124,420.1515258789063],[382.03960266113285,420.12220764160156],[382.4306182861328,420.09082641601566],[382.8213562011719,420.057421875],[383.2119354248047,420.02191467285155],[383.60239562988284,419.98430480957035],[383.9924987792969,419.94447326660156],[384.3824829101563,419.9024993896484],[384.7721893310547,419.85826416015624],[385.1616577148438,419.811767578125],[385.55076904296874,419.762890625],[385.9396423339844,419.7117919921875],[386.3281585693359,419.6583526611328],[386.716357421875,419.6024932861328],[387.10419921875,419.54425354003905],[387.49180297851564,419.4835540771484],[387.87889099121094,419.42039489746094],[388.2655822753906,419.354736328125],[388.65179748535155,419.2864990234375],[389.03753662109375,419.21568298339844],[389.4227996826172,419.1422088623047],[389.80754699707035,419.0661163330078],[390.19177856445316,418.9873260498047],[390.57537536621095,418.9057586669922],[390.9584167480469,418.8214538574219],[391.3408233642578,418.7343322753906],[391.72259521484375,418.6443542480469],[392.10357360839845,418.55132141113285],[392.483837890625,418.4553131103516],[392.86338806152344,418.35632934570316],[393.242025756836,418.25437011718753],[393.6199096679688,418.14931640625],[393.99688110351565,418.0411682128906],[394.3730194091797,417.9298065185547],[394.7482055664063,417.8153106689453],[395.1222412109375,417.6976013183594],[395.4953247070313,417.57659912109375],[395.86729736328124,417.4522644042969],[396.2381591796875,417.32459716796876],[396.6077911376953,417.1935180664063],[396.9762329101563,417.0589874267578],[397.34332580566405,416.9209655761719],[397.7090698242188,416.7792144775391],[398.07330627441405,416.6339324951172],[398.4361541748047,416.48492126464845],[398.79741516113285,416.33237915039064],[399.15732727050784,416.1764251708984],[399.5152160644531,416.0160675048828],[399.8717956542969,415.8526550292969],[400.2263519287109,415.68499755859375],[400.57904357910155,415.5135711669922],[400.92991027832034,415.3382568359375],[401.27879333496094,415.1589752197266],[401.6256134033203,414.97572631835936],[401.9701721191406,414.78843078613284],[402.312548828125,414.59716796875],[402.6527038574219,414.4018585205078],[402.9904388427735,414.20250244140624],[403.32579345703124,413.9990600585938],[403.658529663086,413.7915710449219],[403.9887268066406,413.5797576904297],[404.3161865234375,413.3639770507813],[404.6409088134766,413.1439514160156],[404.9627349853516,412.9198791503906],[405.2815856933594,412.6915618896484],[405.59742126464846,412.45895996093753],[405.9101226806641,412.22227172851564],[406.2196502685547,411.98137817382815],[406.5259246826172,411.7363586425781],[406.8288269042969,411.4872528076172],[407.1281982421875,411.23386230468753],[407.4241180419922,410.9763854980469],[407.7163879394531,410.71482238769534],[408.0050476074219,410.4492523193359],[408.28985900878905,410.1796356201172],[408.5708221435547,409.9060516357422],[408.8478576660156,409.6283813476563],[409.1208465576172,409.3468231201172],[409.38974914550784,409.06133728027345],[409.65460510253905,408.7720428466797],[409.9152557373047,408.47897949218753],[410.1716217041016,408.18222656250003],[410.4237426757813,407.8817443847656],[410.6713806152344,407.57761230468753],[410.91461486816405,407.26994934082035],[411.1533660888672,406.9588348388672],[411.38763427734375,406.644189453125],[411.6173400878906,406.3263305664063],[411.8424438476563,406.00517883300785],[412.0629852294922,405.6808532714844],[412.2788848876953,405.353353881836],[412.48621520996096,405.020458984375],[412.6834686279297,404.68153381347656],[412.8706848144531,404.33685607910155],[413.0473083496094,403.98670349121096],[413.21302185058596,403.6312744140625],[413.3675872802734,403.27080688476565],[413.5106475830078,402.90565795898436],[413.6421234130859,402.53614501953126],[413.76173706054686,402.16270446777344],[413.8695281982422,401.7856140136719],[413.9654571533203,401.4053497314453],[414.04944458007816,401.02222900390626],[414.1215301513672,400.6366882324219],[414.1819519042969,400.24920349121095],[414.230908203125,399.8601318359375],[414.2682800292969,399.4696716308594],[414.29497985839845,399.07841796875],[414.3110076904297,398.68652954101566],[414.31676025390624,398.29432373046876],[414.3122772216797,397.90215759277345],[414.29835205078126,397.51022949218753],[414.2751831054688,397.1187377929688],[414.2433258056641,396.72780151367186],[414.2030975341797,396.33769836425785],[414.1550537109375,395.94846801757814],[414.09951171875,395.5602294921875],[414.0367095947266,395.17310180664066],[413.9672027587891,394.78704528808595],[413.8913482666016,394.4022979736328],[413.80962219238285,394.01874084472655],[413.72230224609376,393.63629455566405],[413.62982482910155,393.2551971435547],[413.5325073242188,392.87525024414066],[413.4306671142578,392.496533203125],[413.3246215820313,392.1188873291016],[413.2144500732422,391.7425506591797],[413.1009857177734,391.36700744628905],[412.98426818847656,390.9925750732422],[412.8646148681641,390.6190551757813],[412.7422637939453,390.2464874267578],[412.61753234863284,389.8745544433594],[412.49065856933595,389.5034545898438],[412.36192016601564,389.13298950195315],[412.2315948486328,388.76311950683595],[412.0996032714844,388.39380493164066],[411.96689758300784,388.0247283935547],[411.8331604003906,387.6559692382813],[411.69878845214845,387.28752746582035],[411.5644561767578,386.91904602050784],[411.4300842285156,386.5505645751953],[411.29595031738285,386.1820037841797],[411.1618957519531,385.8134033203125],[411.02911071777345,385.4444061279297],[410.8966430664063,385.07525024414065],[410.76576232910156,384.70545959472656],[410.6365081787109,384.3350738525391],[410.5093963623047,383.96405334472655],[410.3845458984375,383.5922790527344],[410.262353515625,383.21959228515624],[410.1431365966797,382.8459930419922],[410.0272918701172,382.4712829589844],[410.04835815429686,382.1111724853516],[410.2526336669922,381.7763336181641],[410.4698822021484,381.4498657226563],[410.6998260498047,381.1321655273438],[410.94206848144535,380.82370910644534],[411.1958953857422,380.5247344970703],[411.46071166992186,380.2354400634766],[411.7358428955078,379.9560241699219],[412.020654296875,379.68640747070316],[412.31443176269534,379.4266693115234],[412.6165405273438,379.17657165527345],[412.9260681152344,378.9357177734375],[413.24261779785155,378.7042266845703],[413.5655548095703,378.48142395019534],[413.89392700195316,378.26715087890625],[414.2276947021484,378.06109008789065],[414.56602478027344,377.86280517578126],[414.9085205078125,377.6717010498047],[415.25482482910155,377.4875793457031],[415.604541015625,377.3099639892578],[415.9571929931641,377.1384582519531],[416.312582397461,376.97254638671876],[416.6704315185547,376.81187133789064],[417.0303436279297,376.6561950683594],[417.3921600341797,376.5048828125],[417.75584106445314,376.3578552246094],[418.12079162597655,376.2142791748047],[418.4870513916016,376.07403564453125],[418.85438232421876,375.9367279052735],[419.2227447509766,375.8019989013672],[419.59186096191405,375.66953125000003],[419.96177062988284,375.5390075683594],[420.3324340820313,375.41058654785155],[420.70313720703126,375.28252258300785],[421.07439575195315,375.1560852050781],[421.44565429687503,375.02972717285155],[421.81707153320315,374.9036865234375],[422.18848876953126,374.77764587402345],[422.5599060058594,374.6516448974609],[422.93096618652345,374.5245727539063],[423.3017486572266,374.39670715332034],[423.67205505371095,374.2675323486328],[424.04172668457034,374.13645324707034],[424.4106842041016,374.0033905029297],[424.7786102294922,373.8676300048828],[425.1455047607422,373.729052734375],[425.51116943359375,373.58722229003905],[425.8755645751953,373.4422180175781],[426.23821411132815,373.2928497314453],[426.5989990234375,373.138998413086],[426.9576812744141,372.9803466796875],[427.31406250000003,372.8163787841797],[427.66746826171874,372.64642028808595],[428.0179382324219,372.47023315429686],[428.3649169921875,372.28746032714844],[428.7078094482422,372.09710998535155],[429.0463775634766,371.8991424560547],[429.40525817871094,371.74191894531253],[429.7670349121094,371.5904083251953],[430.1288116455078,371.4389373779297],[430.4903503417969,371.2869506835938],[430.85157165527346,371.13421020507815],[431.21283264160155,370.9814697265625],[431.5740539550781,370.8286895751953],[431.93487854003905,370.6748779296875],[432.2956237792969,370.5209869384766],[432.6563690185547,370.3670562744141],[433.0168762207031,370.212728881836],[433.3771453857422,370.05772705078124],[433.73753356933594,369.90272521972656],[434.097802734375,369.7477630615235],[434.45771484375,369.59184875488285],[434.8175872802735,369.43589477539064],[435.1774597167969,369.2799407958984],[435.53709411621094,369.12355041503906],[435.8965698242188,368.9667236328125],[436.25604553222655,368.809896850586],[436.615560913086,368.6530303955078],[436.9746795654297,368.49541015625],[437.33383789062503,368.33775024414064],[437.6929565429688,368.1801300048828],[438.0519165039063,368.02215270996095],[438.4107574462891,367.86377868652346],[438.7695587158203,367.7054443359375],[439.12835998535155,367.5471099853516],[439.48680419921874,367.3878631591797],[439.8452087402344,367.22865600585936],[440.2036529541016,367.0694091796875],[440.5621368408203,366.91016235351566],[440.9205810546875,366.75091552734375],[441.2790252685547,366.5917083740234],[441.63746948242186,366.432421875],[441.9954772949219,366.2723022460938],[442.35352478027346,366.1122222900391],[442.711572265625,365.9521026611328],[443.0696197509766,365.7920227050781],[443.42766723632815,365.6319030761719],[443.7857147216797,365.4718231201172],[444.1437225341797,365.31166381835936],[444.5014923095703,365.1509490966797],[444.85926208496096,364.990234375],[445.2170318603516,364.8295593261719],[445.5748016357422,364.6688446044922],[445.9325714111328,364.5081298828125],[446.29034118652345,364.3474548339844],[446.6481109619141,364.1867401123047],[447.0058807373047,364.026025390625],[447.3637298583985,363.8653106689453],[447.72149963378905,363.70459594726566],[448.0792694091797,363.54388122558595],[448.4370391845703,363.3832061767578],[448.79480895996096,363.2224914550781],[449.1526184082031,363.06181640625],[449.51042785644535,362.90122070312503],[449.8682373046875,362.740625],[450.2260467529297,362.580029296875],[450.5838958740234,362.41943359375],[450.94170532226565,362.258837890625],[451.2995147705078,362.09824218750003],[451.65736389160156,361.93772583007814],[452.0154113769531,361.77768554687503],[452.3734985351563,361.6176452636719],[452.73154602050784,361.4575653076172],[453.0896331787109,361.2975250244141],[453.4476806640625,361.1374847412109],[453.80576782226564,360.9774444580078],[454.1639739990234,360.81752319335936],[454.5224182128906,360.6583953857422],[454.8809020996094,360.4992279052735],[455.23938598632816,360.34010009765626],[455.59783020019535,360.1809326171875],[455.95631408691406,360.0218048095703],[456.31475830078125,359.86267700195316],[456.67332153320314,359.70366821289065],[457.03216247558595,359.5454528808594],[457.39104309082035,359.3871978759766],[457.7499237060547,359.22898254394534],[458.1090026855469,359.0712432861328],[458.4681610107422,358.9137420654297],[458.8273590087891,358.75624084472656],[459.1866363525391,358.59885864257814],[459.54615173339846,358.44215087890626],[459.9057067871094,358.2854431152344],[460.2652221679688,358.1287353515625],[460.62505493164065,357.97266235351566],[460.98504638671875,357.81682739257815],[461.34495849609374,357.6610321044922],[461.7050689697266,357.50547485351564],[462.06541748046874,357.3506713867188],[462.42576599121094,357.1958679199219],[462.7861541748047,357.041064453125],[463.14685974121096,356.88709411621096],[463.5076843261719,356.7333618164063],[463.86850891113284,356.5796295166016],[464.2294128417969,356.42625427246094],[464.59075317382815,356.2737121582031],[464.9520538330078,356.1211700439453],[465.3133941650391,355.9686279296875],[465.6751708984375,355.81707763671875],[466.0370269775391,355.6658050537109],[466.3988830566406,355.5144927978516],[466.7608581542969,355.36365661621096],[467.12330932617186,355.2137725830078],[467.4858001708985,355.0638092041016],[467.8482116699219,354.91392517089844],[468.2111785888672,354.76519165039065],[468.5741851806641,354.6167358398438],[468.93723144531253,354.46828002929686],[469.30047607421875,354.3203796386719],[469.66411743164065,354.17347106933596],[470.0277587890625,354.0265625],[470.3914001464844,353.87965393066406],[470.7556365966797,353.734213256836],[471.1199523925781,353.58893127441405],[471.48426818847656,353.4436889648438],[471.8489013671875,353.29912109375],[472.2138916015625,353.1555847167969],[472.57892150878905,353.0120483398438],[472.94391174316405,352.86851196289064],[473.30957641601566,352.7267211914063],[473.67528076171874,352.585009765625],[474.0409851074219,352.44333801269534],[474.40704650878905,352.30226135253906],[474.7733062744141,352.1620178222656],[475.13984375,352.0224884033203],[475.5065002441406,351.88323669433595],[475.87351379394534,351.74497680664064],[476.2406463623047,351.60699462890625],[476.60809631347655,351.4697662353516],[476.9756652832031,351.3331329345703],[477.3434722900391,351.1970153808594],[477.71167602539066,351.0616912841797],[478.0798797607422,350.9266845703125],[478.4485198974609,350.79270935058594],[478.81723937988284,350.659130859375],[479.1862762451172,350.52634582519534],[479.5555908203125,350.3941955566406],[479.92502441406253,350.2625213623047],[480.29485473632815,350.1318786621094],[480.66472473144535,350.0015533447266],[481.0350311279297,349.87229919433594],[481.40557556152345,349.7434417724609],[481.776318359375,349.61545715332034],[482.147299194336,349.48826599121094],[482.5184783935547,349.36155090332034],[482.8900146484375,349.23594665527344],[483.261669921875,349.11069946289064],[483.63372192382815,348.9865234375],[484.0059326171875,348.8629425048828],[484.3784210205078,348.7401550292969],[484.7511871337891,348.6182800292969],[485.12415161132816,348.49684143066406],[485.4975128173828,348.3767120361328],[485.87095336914064,348.2569793701172],[486.2447906494141,348.13831787109376],[486.6188659667969,348.0203308105469],[486.99313964843753,347.90313720703125],[487.3677703857422,347.7870544433594],[487.7425201416016,347.67132873535155],[488.1177459716797,347.55711059570314],[488.4930908203125,347.44328918457035],[488.86875305175784,347.3305389404297],[489.2446533203125,347.2186218261719],[489.620751953125,347.1073791503906],[489.99720764160156,346.9974853515625],[490.3738220214844,346.88798828125],[490.75083312988284,346.77991943359376],[491.1280822753906,346.6724060058594],[491.5055694580078,346.56592407226566],[491.8832550048828,346.46051330566405],[492.26121826171874,346.3557373046875],[492.63957824707035,346.2523498535156],[493.0180572509766,346.1494384765625],[493.3968933105469,346.0479949951172],[493.7759674072266,345.9471862792969],[494.15527954101566,345.8474487304688],[494.5348693847656,345.748861694336],[494.9146179199219,345.6508697509766],[495.2948028564453,345.55454406738284],[495.67518615722656,345.4586151123047],[496.05584716796875,345.36415405273436],[496.43674621582034,345.27052612304686],[496.8178436279297,345.1779296875],[497.19921875,345.08660278320315],[497.58079223632814,344.99583129882814],[497.9627624511719,344.9068054199219],[498.3448913574219,344.81829528808595],[498.7273376464844,344.73125305175785],[499.1099029541016,344.6451629638672],[499.4927459716797,344.5600250244141],[499.87598571777346,344.4763153076172],[500.2592254638672,344.3931610107422],[500.64290161132817,344.3119110107422],[501.0266967773438,344.23121643066406],[501.4108489990235,344.1519500732422],[501.7951599121094,344.0737548828125],[502.17966918945314,343.9964324951172],[502.5646148681641,343.9207763671875],[502.94952087402345,343.84563598632815],[503.33486328125,343.77243957519534],[503.7202850341797,343.6998779296875],[504.1059844970703,343.6287841796875],[504.49188232421875,343.5588409423828],[504.87797851562505,343.4898895263672],[505.2644317626953,343.4225646972656],[505.65088500976566,343.355795288086],[506.03773498535156,343.2910888671875],[506.4246246337891,343.2269775390625],[506.8117919921875,343.16441345214844],[507.19919738769534,343.10303955078126],[507.58672180175785,343.0426971435547],[507.9745239257813,342.98402099609376],[508.3624450683594,342.9259002685547],[508.7506439208985,342.8699615478516],[509.13884277343755,342.8146575927735],[509.52735900878906,342.7610198974609],[509.91615295410156,342.7084930419922],[510.30494689941406,342.6570770263672],[510.69401855468755,342.60740661621094],[511.0831298828125,342.55833129882814],[511.4703369140625,342.4960845947266],[511.857504272461,342.43348083496096],[512.2447113037109,342.3709167480469],[512.6317199707031,342.3069641113281],[513.0185699462891,342.2424560546875],[513.4053405761719,342.17735290527344],[513.791912841797,342.11109924316406],[514.1782867431641,342.0442108154297],[514.5646209716797,341.9764892578125],[514.9506774902344,341.9074188232422],[515.3366546630859,341.8375946044922],[515.7223937988282,341.76673889160156],[516.1078948974609,341.6944152832031],[516.4932373046876,341.6212585449219],[516.8783020019531,341.5467529296875],[517.2631286621094,341.4707397460938],[517.6476379394531,341.39377441406253],[518.031869506836,341.315023803711],[518.4158233642578,341.23484497070314],[518.7994995117188,341.15367431640624],[519.1827392578125,341.0701629638672],[519.5657012939454,340.9853424072266],[519.9483459472657,340.8993316650391],[520.3303955078126,340.8107025146484],[520.7121673583985,340.72080383300784],[521.0935028076173,340.62919921875],[521.4743621826173,340.53565063476566],[521.8547454833985,340.43988037109375],[522.2346130371094,340.3422058105469],[522.6138854980469,340.2425872802734],[522.9926025390625,340.1406280517578],[523.3707244873048,340.0365264892578],[523.7483306884766,339.93028259277344],[524.1252227783203,339.82177734375],[524.5014404296875,339.7106536865235],[524.8768646240235,339.59726867675784],[525.2516143798829,339.48146362304686],[525.6254913330079,339.3630004882813],[525.9984954833984,339.24183959960936],[526.3707458496094,339.11817932128906],[526.7420043945312,338.9918609619141],[527.1122314453125,338.8624481201172],[527.4815063476562,338.7302978515625],[527.8497497558594,338.59541015625],[528.2168029785156,338.4572692871094],[528.5827453613282,338.3160736083984],[528.9474975585938,338.1719024658203],[529.3109802246094,338.02451782226564],[529.6729949951172,337.8738006591797],[530.033740234375,337.7198699951172],[530.3930969238281,337.562646484375],[530.7507476806641,337.4016540527344],[531.1068908691407,337.23736877441405],[531.4614471435547,337.0696716308594],[531.8140991210938,336.89800720214845],[532.1649658203125,336.7227722167969],[532.514047241211,336.5439666748047],[532.8610656738282,336.3610748291016],[533.205941772461,336.17441406250003],[533.5488342285156,335.98398437500003],[533.8893463134766,335.7894683837891],[534.2275177001953,335.5907867431641],[534.5633880615235,335.3882568359375],[534.8967193603515,335.1815216064453],[535.2272338867188,334.9704620361328],[535.555209350586,334.7553955078125],[535.8803680419923,334.5360443115234],[536.202392578125,334.3121307373047],[536.5215209960937,334.0842498779297],[536.8375549316406,333.8520050048828],[537.1501373291015,333.61511840820316],[537.4595458984376,333.3739868164063],[537.7655029296875,333.12864990234374],[538.0675720214844,332.87843322753906],[538.3661499023438,332.62415008544923],[538.6610778808594,332.36564178466796],[538.951840209961,332.10245208740236],[539.2385955810547,331.8348785400391],[539.5212646484375,331.56302032470705],[539.7996490478516,331.28667907714845],[540.0736694335938,331.00615234375],[540.3433258056641,330.72130126953124],[540.6082611083984,330.4321655273438],[540.8687927246094,330.13890380859374],[541.124365234375,329.84143676757816],[541.3752166748047,329.5399627685547],[541.6212280273438,329.23450164794923],[541.8621612548828,328.92501373291014],[542.0981353759765,328.6117767333985],[542.3288726806641,328.2946517944336],[542.5546112060547,327.9738372802735],[542.7749938964844,327.64945220947266],[542.9901794433594,327.3215362548828],[543.2000091552735,326.9901885986328],[543.4045623779297,326.6554885864258],[543.6036407470704,326.317594909668],[543.7974426269532,325.9766067504883],[543.9856903076172,325.63252410888674],[544.1681457519531,325.2853668212891],[544.3464752197266,324.93602752685547],[544.520916748047,324.5847839355469],[544.6922637939454,324.2319534301758],[544.8600006103516,323.87747650146486],[545.0242462158203,323.5212936401367],[545.1853179931641,323.1636428833008],[545.3423828125,322.80430603027344],[545.4961944580078,322.4435607910156],[545.6465148925781,322.08132781982425],[545.7931854248047,321.71754760742186],[545.9365631103516,321.3524383544922],[546.0760528564454,320.9858612060547],[546.2120910644531,320.61795501708986],[546.3446380615235,320.2488388061524],[546.473257446289,319.87835388183595],[546.5984649658203,319.5066589355469],[546.7199035644531,319.13379364013673],[546.8376129150391,318.75961914062503],[546.951791381836,318.3844528198242],[547.0619232177735,318.0079574584961],[547.1684051513672,317.630549621582],[547.2711975097657,317.25205078125003],[547.3699035644531,316.87242126464844],[547.4649597167969,316.49193878173827],[547.5560089111328,316.11048431396483],[547.6430511474609,315.7279983520508],[547.7264038085938,315.3448181152344],[547.8053527832031,314.96064605712894],[547.8805328369141,314.5756805419922],[547.9517059326172,314.1899017333985],[548.0184356689454,313.80346832275393],[548.0813171386719,313.41634063720704],[548.139794921875,313.028498840332],[548.1940673828125,312.64012145996094],[548.2443725585938,312.25110931396483],[548.2898773193359,311.8615417480469],[548.3312957763673,311.4715774536133],[548.3682708740234,311.0811172485352],[548.40068359375,310.69024047851565],[548.428890991211,310.2990661621094],[548.4520996093751,309.90757446289064],[548.4709838867187,309.51580505371095],[548.4853057861328,309.12383728027345],[548.49462890625,308.7318099975586],[548.4995880126953,308.33960418701173],[548.4994293212891,307.9473785400391],[548.4945098876954,307.5552124023438],[548.4849487304688,307.1631256103516],[548.4699920654297,306.7711380004883],[548.450473022461,306.3794082641602],[548.4256378173828,305.9880355834961],[548.3958038330078,305.5970001220703],[548.3610504150391,305.2063217163086],[548.3206237792969,304.8162185668945],[548.2753967285156,304.42661132812503],[548.2246154785156,304.03773803710936],[548.1685577392578,303.6495391845703],[548.107342529297,303.2621536254883],[548.0403350830078,302.8757797241211],[547.9683288574219,302.49019927978514],[547.8904510498047,302.1057891845703],[547.807177734375,301.72254943847656],[547.7185485839844,301.3405395507813],[547.6238891601563,300.9598983764649],[547.5241119384766,300.5806655883789],[547.4181854248047,300.2029998779297],[547.3067443847657,299.8269012451172],[547.1897888183594,299.4525482177734],[547.0667236328126,299.08011932373046],[546.9384216308594,298.709555053711],[546.8039306640625,298.3411331176758],[546.6638458251954,297.9748138427735],[546.5181671142578,297.61063690185546],[546.3663391113281,297.24905853271486],[546.2092346191406,296.8897216796875],[546.0459808349609,296.5331024169922],[545.8773712158203,296.1790023803711],[545.7028900146485,295.8277587890625],[545.5223785400391,295.47957000732424],[545.3367889404298,295.13403930664066],[545.1452880859375,294.7918014526367],[544.9482330322265,294.45267791748046],[544.7456634521485,294.1168472290039],[544.5375396728516,293.78440856933594],[544.3239410400391,293.4554214477539],[544.1049865722656,293.129965209961],[543.8807556152344,292.80823822021483],[543.6512084960938,292.4902008056641],[543.4165435791016,292.17593231201175],[543.1768005371094,291.8655319213867],[542.9319396972656,291.5591583251953],[542.6857299804688,291.2541732788086],[542.468441772461,290.9276458740234],[542.2511535644531,290.6011184692383],[542.0338256835938,290.27465057373047],[541.8151092529297,289.94907531738284],[541.5964324951173,289.6234802246094],[541.3777557373047,289.2979248046875],[541.1577301025391,288.97326202392577],[540.937664794922,288.6485794067383],[540.7176391601563,288.32391662597655],[540.4963043212891,288.00010681152344],[540.2749298095704,287.67635650634764],[540.0535552978516,287.3526062011719],[539.8308715820312,287.0296295166016],[539.6081481933594,286.70679168701173],[539.3854644775391,286.3839538574219],[539.1615905761719,286.0619491577149],[538.9375579833985,285.7400238037109],[538.7135650634766,285.41807861328124],[538.4884216308594,285.0969467163086],[538.2630798339844,284.77591400146486],[538.037777709961,284.4548812866211],[537.811444091797,284.13460235595704],[537.5848327636719,283.81448211669925],[537.3582611083984,283.4943420410156],[537.1306579589844,283.1748764038086],[536.9028167724609,282.85564880371095],[536.6749755859375,282.5364212036133],[536.4461822509766,282.21782836914065],[536.2170715332031,281.8994735717774],[535.9880004882813,281.58111877441405],[535.758056640625,281.2633987426758],[535.5276763916016,280.9458770751953],[535.2973754882813,280.6284149169922],[535.0662414550782,280.3115478515625],[534.834750366211,279.9949584960938],[534.6032592773438,279.678369140625],[534.3709747314454,279.3623748779297],[534.1382934570313,279.0466583251953],[533.9056121826172,278.73092193603514],[533.672216796875,278.41576080322267],[533.438345336914,278.1008972167969],[533.2045135498047,277.7860336303711],[532.9699279785157,277.4716461181641],[532.7349060058594,277.1576354980469],[532.4999237060547,276.8436447143555],[532.2642669677734,276.53016967773436],[532.0281341552735,276.2170120239258],[531.7920013427735,275.9038543701172],[531.5552734375,275.59117279052737],[531.3180297851562,275.2788482666016],[531.080746459961,274.9664840698242],[530.8429077148438,274.65455627441406],[530.6045532226562,274.3430847167969],[530.3661987304688,274.0315933227539],[530.1273681640625,273.7205383300781],[529.8879425048829,273.409880065918],[529.6485168457032,273.09922180175784],[529.4086547851563,272.7889999389649],[529.1681579589844,272.47915496826175],[528.9277008056641,272.16932983398436],[528.6867279052734,271.85980224609375],[528.4452392578125,271.55079040527346],[528.2037109375,271.2417587280274],[527.9617858886719,270.93308410644534],[527.7192657470704,270.62486572265624],[527.4767059326172,270.3166473388672],[527.2337890625,270.0087066650391],[526.9902374267579,269.70128173828124],[526.7466461181641,269.39377746582034],[526.5027770996094,269.0866500854492],[526.2581939697266,268.78001861572267],[526.0137298583985,268.47344665527345],[525.7687500000001,268.16695404052734],[525.5232940673828,267.8611557006836],[525.277719116211,267.5552383422852],[525.0320251464844,267.24975738525393],[524.785498046875,266.9446136474609],[524.5390899658204,266.6395889282227],[524.2923248291016,266.3346435546875],[524.0448852539063,266.0302536010742],[523.7975250244141,265.7259826660156],[523.5498474121094,265.42181091308595],[523.3015747070312,265.11829376220703],[523.0531829833984,264.8146575927735],[522.8047119140625,264.5113189697266],[522.5554077148438,264.2084365844727],[522.3062225341797,263.9056732177734],[522.0567199707032,263.6028305053711],[521.8066619873047,263.3008010864258],[521.5564849853516,262.99863281250003],[521.3062683105469,262.6967224121094],[521.0552185058594,262.3952880859375],[520.8042877197266,262.09397277832034],[520.5531188964844,261.79263763427736],[520.3013153076172,261.4920364379883],[520.0494323730469,261.19133605957035],[519.7975494384766,260.8908142089844],[519.5447937011719,260.590788269043],[519.2920776367188,260.2907623291016],[519.0394012451172,259.99097442626953],[518.7858520507813,259.69166259765626],[518.5323822021485,259.3924697875977],[518.2786743164063,259.0931381225586],[518.0244110107423,258.79461975097655],[517.770068359375,258.49598236083983],[517.515805053711,258.1975234985352],[517.260629272461,257.89954071044923],[517.0055725097657,257.60169677734376],[516.7503967285156,257.3037139892578],[516.4945861816407,257.00654449462894],[516.238656616211,256.70923614501953],[515.982846069336,256.4120666503906],[515.726123046875,256.1153335571289],[515.4695190429687,255.8188186645508],[515.2128356933594,255.5221649169922],[514.9554779052735,255.2261459350586],[514.6981597900391,254.93026580810547],[514.4407623291016,254.63424682617188],[514.1828094482422,254.33900146484376],[513.924658203125,254.04363708496095],[513.6666259765625,253.74837188720704],[513.4078399658204,253.4535629272461],[513.1490936279297,253.1589324951172],[512.8902282714844,252.86418304443362],[512.6308471679688,252.57002868652344],[512.3713073730469,252.27589416503906],[512.1118469238281,251.98185882568362],[511.8517517089844,251.68824005126953],[511.5916168212891,251.3948196411133],[511.33140258789064,251.10128021240234],[511.0706329345703,250.80823669433596],[510.80974426269535,250.51529235839845],[510.54893493652344,250.22246704101565],[510.28764953613285,249.93007812500002],[510.0260864257813,249.63770904541016],[509.7646423339844,249.34543914794924],[509.5025634765625,249.05340728759765],[509.24048461914066,248.76171264648437],[508.97832641601565,248.46989898681642],[508.7158905029297,248.17870025634767],[508.45309753417973,247.88746185302736],[508.1904235839844,247.59632263183593],[507.9271148681641,247.3053421020508],[507.6638458251953,247.01473846435547],[507.4004577636719,246.72403564453126],[507.1368316650391,246.43384857177736],[506.8728881835938,246.14366149902344],[506.60898437500003,245.8535934448242],[506.3446441650391,245.5637435913086],[506.080224609375,245.2742111206055],[505.81564636230473,244.9845397949219],[505.55090942382816,244.69534454345703],[505.28581542968755,244.40618896484375],[505.0207214355469,244.11703338623047],[504.75534973144534,243.82821502685547],[504.4897399902344,243.53955535888673],[504.2242095947266,243.25101470947266],[503.9581634521485,242.96275177001954],[503.6918395996094,242.6749252319336],[503.42539672851564,242.38699951171876],[503.15911254882815,242.09917297363282],[502.8926696777344,241.81122741699218],[502.6263854980469,241.52342071533204],[502.35950622558596,241.23599090576172],[502.0922302246094,240.9490966796875],[501.8247955322266,240.6620834350586],[501.55747985839844,240.3751693725586],[501.2900848388672,240.0881561279297],[501.0227691650391,239.80126190185547],[500.75497741699223,239.5146255493164],[500.48670959472656,239.22858428955078],[500.2184020996094,238.94244384765625],[499.95005493164064,238.65630340576172],[499.681787109375,238.3702621459961],[499.4134399414063,238.08412170410156],[499.1448547363281,237.7983184814453],[498.875634765625,237.5130111694336],[498.606494140625,237.2278030395508],[498.3372741699219,236.94247589111328],[498.06817321777345,236.6572677612305],[497.7989532470703,236.37196044921876],[497.5295745849609,236.08697052001955],[497.2595611572266,235.80241699218752],[496.9896270751953,235.51798248291016],[496.7195739746094,235.23344879150392],[496.44963989257815,234.94901428222656],[496.17962646484375,234.66446075439453],[495.9095733642578,234.38028411865236],[495.63880615234376,234.09646453857422],[495.3680786132813,233.812744140625],[495.0973114013672,233.52892456054687],[494.8265045166016,233.24510498046877],[494.5558166503906,232.96138458251954],[494.28485107421875,232.67762451171876],[494.0134490966797,232.39459838867188],[493.7419677734375,232.11145324707033],[493.47056579589844,231.82840728759766],[493.1990447998047,231.5452621459961],[492.9276428222656,231.26223602294922],[492.6561218261719,230.9791702270508],[492.38408508300785,230.69675903320314],[492.1119293212891,230.4142288208008],[491.839892578125,230.13181762695314],[491.56773681640624,229.8492874145508],[491.2957000732422,229.56687622070314],[491.0234649658203,229.28430633544923],[490.75083312988284,229.00247039794922],[490.47808227539065,228.72051544189455],[490.20545043945316,228.43867950439454],[489.932699584961,228.15672454833984],[489.6599884033203,227.87476959228516],[489.3873565673828,227.5929138183594],[489.1141693115234,227.31155395507812],[488.8409820556641,227.03023376464844],[488.5677154541016,226.74881439208986],[488.2945281982422,226.46749420166017],[488.0212615966797,226.1860549926758],[487.7480743408203,225.9047348022461],[487.4742919921875,225.6236526489258],[487.2006286621094,225.34278869628906],[486.92688598632816,225.06182556152345],[486.65322265625,224.7809814453125],[486.3794403076172,224.5000183105469],[486.10577697753905,224.21917419433595],[485.83171691894535,223.93856811523438],[485.5576171875,223.65814056396485],[485.2834381103516,223.37757415771486],[485.00933837890625,223.0971466064453],[484.73515930175785,222.8166000366211],[484.4609802246094,222.5360534667969],[484.1865234375,222.25604248046875],[483.9118286132813,221.97603149414064],[483.63721313476566,221.6961196899414],[483.36247863769535,221.4160888671875],[483.0878631591797,221.13617706298828],[482.81312866210936,220.85614624023438],[482.53851318359375,220.57623443603515],[482.26377868652344,220.29620361328125],[481.9891632080078,220.01629180908205],[481.7144683837891,219.7362808227539],[481.4398529052734,219.45636901855468],[481.1651184082031,219.17633819580078],[480.89014587402346,218.8967041015625],[480.6148956298828,218.6172088623047],[480.3397644042969,218.3378128051758],[480.06451416015625,218.05829772949218],[479.7893829345703,217.77892150878907],[479.5141326904297,217.49940643310546],[479.2388824462891,217.2198913574219],[478.9637115478516,216.94049530029298],[478.68846130371094,216.66100006103517],[478.413330078125,216.38160400390626],[478.13807983398436,216.10208892822266],[477.8629486083984,215.82271270751954],[477.58757934570315,215.54339599609375],[477.3121307373047,215.26431732177736],[477.03656311035155,214.98511962890626],[476.76111450195316,214.70604095458984],[476.485546875,214.42684326171874],[476.21005859375003,214.14776458740235],[475.9344909667969,213.86856689453126],[475.65904235839844,213.58948822021486],[475.38347473144535,213.31029052734377],[475.1080261230469,213.03121185302734],[474.83245849609375,212.75201416015625],[474.5570098876953,212.47293548583986],[474.2814025878906,212.19373779296876],[474.00579528808595,211.91459960937502],[473.7302673339844,211.63556060791015],[473.4546600341797,211.35640258789064],[473.1791717529297,211.07738342285157],[472.903564453125,210.79822540283203],[472.62803649902344,210.5191864013672],[472.35242919921876,210.24002838134766],[472.0769409179688,209.9610092163086],[471.80133361816405,209.68185119628907],[471.5258056640625,209.40281219482424],[471.2501983642578,209.1236541748047],[470.97471008300784,208.84463500976562],[470.69910278320316,208.5654769897461],[470.4235748291016,208.28643798828125],[470.14796752929686,208.0072799682617],[469.8724792480469,207.72826080322267],[469.5968719482422,207.44910278320313],[469.32134399414065,207.1700637817383],[469.045736694336,206.89090576171876],[468.77012939453124,206.611767578125],[468.49464111328126,206.33272857666017],[468.218994140625,206.05357055664064],[467.943505859375,205.7745315551758],[467.66789855957035,205.49535369873047],[467.3927673339844,205.2159378051758],[467.1175170898438,204.9364028930664],[466.84242553710936,204.65698699951173],[466.5671752929688,204.37747192382812],[466.29204406738285,204.09805603027345],[466.01683349609374,203.81852111816406],[465.7417022705078,203.5391052246094],[465.46649169921875,203.25957031250002],[465.1913604736328,202.9801742553711],[464.91614990234376,202.7006393432617],[464.6410186767578,202.42122344970704],[464.3657684326172,202.14168853759767],[464.0910339355469,201.86165771484374],[463.81645812988285,201.58172607421875],[463.54176330566406,201.3016555786133],[463.26718750000003,201.0217041015625],[462.99249267578125,200.7416534423828],[462.7179168701172,200.46170196533203],[462.44322204589844,200.18165130615236],[462.1686462402344,199.90169982910157],[461.8939514160156,199.6216293334961],[461.6193756103516,199.3416976928711],[461.3446807861328,199.06162719726564],[461.0701049804688,198.78167572021485],[460.79588623046874,198.50124816894532],[460.52182617187503,198.2207809448242],[460.24768676757816,197.94019470214843],[459.9736267089844,197.65970764160156],[459.6994873046875,197.37912139892578],[459.42546691894535,197.0986541748047],[459.1515655517578,196.81771087646484],[458.87786254882815,196.53668823242188],[458.6042388916016,196.2557846069336],[458.3305358886719,195.97476196289062],[458.0569519042969,195.69387817382812],[457.7832489013672,195.41285552978516],[457.51002197265626,195.1317337036133],[457.23679504394534,194.85023498535156],[456.96368713378905,194.56887512207032],[456.6904602050781,194.2873764038086],[456.4173522949219,194.00599670410156],[456.144125366211,193.72451782226562],[455.8712158203125,193.44274139404297],[455.5985443115234,193.16072692871094],[455.32599182128905,192.87881164550782],[455.05328063964845,192.5967971801758],[454.7807281494141,192.31490173339844],[454.508056640625,192.03288726806642],[454.23590087890625,191.75079345703125],[453.9638244628906,191.4681838989258],[453.69174804687503,191.1855941772461],[453.4197509765625,190.9031234741211],[453.1476745605469,190.62051391601562],[452.87571716308594,190.33804321289062],[452.6039184570313,190.05513610839844],[452.3325958251953,189.77203063964845],[452.0611541748047,189.48878631591796],[451.7898712158203,189.20568084716797],[451.5184295654297,188.92245635986328],[451.2471069335938,188.63935089111328],[450.9759429931641,188.3558090209961],[450.70533447265626,188.07200927734377],[450.4346069335938,187.7881103515625],[450.16399841308595,187.50431060791016],[449.893310546875,187.2204116821289],[449.6227020263672,186.93661193847657],[449.3522125244141,186.6524154663086],[449.082357788086,186.36790161132814],[448.8124237060547,186.08326873779296],[448.54248962402346,185.79863586425782],[448.27263488769535,185.51412200927734],[448.00270080566406,185.2294891357422],[447.733203125,184.94485626220703],[447.4640625,184.65944976806642],[447.1950408935547,184.3741424560547],[446.9259399414063,184.08871612548828],[446.65691833496095,183.80342864990234],[446.3878173828125,183.51800231933595],[446.11891479492186,183.2324172973633],[445.85068664550784,182.94617767333986],[445.58253784179686,182.66003723144533],[445.31430969238284,182.3737777709961],[445.04620056152345,182.08765716552736],[444.77797241210936,181.80139770507813],[444.51006164550785,181.5151580810547],[444.24278564453124,181.2280258178711],[443.9755889892578,180.9410125732422],[443.7082733154297,180.6538803100586],[443.4409973144531,180.36676788330078],[443.1738006591797,180.0797546386719],[442.9066436767578,179.7925033569336],[442.64047851562503,179.504557800293],[442.3741943359375,179.21651306152344],[442.1079895019531,178.9285675048828],[441.8417053222656,178.6405029296875],[441.57554016113284,178.3525573730469],[441.30913696289065,178.0645721435547],[441.0419403076172,177.7775390625],[440.77466430664066,177.49040679931642],[440.50750732421875,177.2033935546875],[440.2402313232422,176.9163803100586],[439.9723602294922,176.6299819946289],[439.70440979003905,176.3434844970703],[439.43657836914065,176.05708618164064],[439.1685485839844,175.7706085205078],[438.90004272460936,175.48484497070314],[438.6314178466797,175.19896240234377],[438.3628326416016,174.9130599975586],[438.0942077636719,174.62725677490235],[437.8249877929688,174.34194946289062],[437.55584716796875,174.0567611694336],[437.28662719726566,173.77145385742188],[437.0174468994141,173.48628540039064],[436.7476318359375,173.2015335083008],[436.4779357910156,172.91690063476562],[436.2080810546875,172.63214874267578],[435.9384246826172,172.347575378418],[435.6680145263672,172.06333923339844],[435.39776306152345,171.77924194335938],[435.127392578125,171.49500579833986],[434.8571014404297,171.210888671875],[434.5862152099609,170.9271682739258],[434.31540832519534,170.64356689453126],[434.0445220947266,170.35984649658204],[433.7737152099609,170.0762451171875],[433.5023132324219,169.79300079345703],[433.2309112548828,169.50975646972657],[432.9595886230469,169.22663116455078],[432.6881866455078,168.94338684082032],[432.41638793945316,168.66065826416016],[432.14454956054686,168.37787017822265],[431.87279052734374,168.09518127441407],[431.600912475586,167.81239318847656],[431.3287567138672,167.53014068603517],[431.0564819335938,167.24776916503907],[430.78428649902344,166.9654968261719],[430.51197204589846,166.68310546875],[430.2392211914063,166.4013885498047],[429.9663116455078,166.11958236694338],[429.6935607910156,165.83788528442383],[429.4206512451172,165.55606918334962],[429.1478607177734,165.27437210083008],[428.8749908447266,164.99256591796876],[428.6022003173828,164.71086883544922],[428.3292907714844,164.429052734375],[428.0557861328125,164.14789123535158],[427.7823211669922,163.86685867309572],[427.5087371826172,163.58571701049806],[427.2352325439453,163.3046943664551],[426.96164855957034,163.02355270385743],[426.68818359375,162.74252014160157],[426.414599609375,162.4613784790039],[426.1411346435547,162.18035583496095],[425.8670349121094,161.89971008300782],[425.5929748535156,161.61923294067384],[425.31883544921874,161.33864669799806],[425.04481506347656,161.05816955566408],[424.77063598632816,160.7775833129883],[424.4966156005859,160.4971061706543],[424.22247619628905,160.2165199279785],[423.94841613769535,159.93604278564453],[423.67384033203126,159.65581359863282],[423.39934387207035,159.37577285766602],[423.12476806640626,159.09562301635742],[422.85015258789065,158.81547317504882],[422.5756561279297,158.53544235229492],[422.30108032226565,158.25529251098632],[422.0265838623047,157.97525177001953],[421.75200805664065,157.69510192871095],[421.4771942138672,157.41533889770508],[421.2022613525391,157.1355163574219],[420.9274475097656,156.85581283569337],[420.6525146484375,156.57599029541015],[420.37770080566406,156.29628677368166],[420.10276794433594,156.01646423339844],[419.8279541015625,155.73675079345705],[419.5530212402344,155.45692825317383],[419.27796936035156,155.1774528503418],[419.0027984619141,154.89788818359375],[418.7277069091797,154.6184326171875],[418.45249633789064,154.33887786865236],[418.1773254394531,154.0593132019043],[417.90223388671876,153.77985763549805],[417.6270233154297,153.50029296875002],[417.3519714355469,153.22084732055666],[417.07676086425784,152.9412826538086],[416.8016693115234,152.66183700561524],[416.52649841308596,152.38227233886718],[416.25140686035155,152.10281677246095],[415.9761962890625,151.8232521057129],[415.70110473632815,151.54380645751954],[415.4259338378906,151.26424179077148],[415.1508422851563,150.98479614257812],[414.87571105957034,150.7052314758301],[414.6006988525391,150.42574615478517],[414.3255279541016,150.14613189697266],[414.05047607421875,149.86664657592775],[413.7753448486328,149.58703231811523],[413.50029296875,149.30754699707032],[413.22516174316405,149.0279327392578],[412.9499908447266,148.74832839965822],[412.67497863769535,148.4688331604004],[412.3998077392578,148.1892288208008],[412.124755859375,147.90973358154298],[411.84962463378906,147.63012924194337],[411.57457275390624,147.35063400268555],[411.2994415283203,147.07102966308594],[411.02438964843753,146.79153442382812],[410.74921875,146.5119300842285],[410.4744842529297,146.23224639892578],[410.1996307373047,145.95232467651368],[409.92493591308596,145.67251205444336],[409.65012207031253,145.39259033203126],[409.3753875732422,145.11277770996094],[409.10057373046874,144.83285598754884],[408.8258392333984,144.5530532836914],[408.551025390625,144.27312164306642],[408.2765686035156,143.99306106567383],[408.0021118164063,143.71277236938477],[407.7276550292969,143.4324836730957],[407.4533172607422,143.15230407714844],[407.1788604736328,142.87201538085938],[406.90452270507814,142.59183578491212],[406.63006591796875,142.31154708862306],[406.35568847656253,142.03137741088867],[406.0815093994141,141.75067214965821],[405.8076477050781,141.4700164794922],[405.53370666503906,141.1892517089844],[405.2598449707031,140.90858612060546],[404.9858642578125,140.62782135009766],[404.71204223632816,140.34716567993163],[404.4380615234375,140.06639099121094],[404.16419982910156,139.78573532104494],[403.8906951904297,139.50462341308594],[403.6174682617188,139.2233726501465],[403.3440826416016,138.94201278686523],[403.07085571289065,138.6607620239258],[402.797509765625,138.37940216064453],[402.5241638183594,138.0980323791504],[402.2508972167969,137.81679153442383],[401.97755126953126,137.5354217529297],[401.70460205078126,137.2537742614746],[401.43177185058596,136.97189865112304],[401.1590606689453,136.69012222290038],[400.88623046875,136.40824661254882],[400.61387634277344,136.1263313293457],[400.34144287109376,135.8440689086914],[400.0691284179688,135.5619255065918],[399.79669494628905,135.2796531677246],[399.5246185302735,134.9972122192383],[399.25262145996095,134.71454315185548],[398.9807037353516,134.43198318481447],[398.7087066650391,134.14931411743166],[398.43714599609376,133.86652603149415],[398.16558532714845,133.58342056274415],[397.89414367675784,133.30042419433593],[397.62262268066405,133.01731872558594],[397.35126037597655,132.7338363647461],[397.08033447265626,132.45037384033205],[396.8092498779297,132.1667922973633],[396.5383239746094,131.88332977294922],[396.26755676269534,131.59946060180664],[395.9971466064453,131.31550216674805],[395.72657775878906,131.03143463134765],[395.4561676025391,130.74747619628906],[395.1859954833985,130.46319046020508],[394.9161407470703,130.1787063598633],[394.6461669921875,129.89411315917968],[394.37627258300785,129.6096290588379],[394.1065368652344,129.32465896606445],[393.8372375488281,129.03963928222657],[393.5678192138672,128.754500579834],[393.29851989746095,128.4694709777832],[393.0294586181641,128.18402481079102],[392.76075439453126,127.89842987060547],[392.49193115234374,127.61271591186524],[392.2231475830078,127.3270118713379],[391.9548004150391,127.04106979370118],[391.68665161132816,126.75475082397462],[391.4185821533203,126.46855087280274],[391.1504333496094,126.18223190307617],[390.88280029296874,125.89574432373047],[390.61528625488285,125.6088005065918],[390.3479309082031,125.32197570800781],[390.0804168701172,125.03502197265625],[389.81345825195314,124.74787979125976],[389.5466583251953,124.46027145385743],[389.28001708984374,124.17278213500977],[389.0132171630859,123.88517379760742],[388.74693298339844,123.5973274230957],[388.48088684082035,123.30903472900391],[388.2149597167969,123.02087097167968],[387.94891357421875,122.73258819580079],[387.6833038330078,122.4439682006836],[387.4180114746094,122.15498123168946],[387.15271911621096,121.86599426269531],[386.8875457763672,121.57711639404297],[386.62268981933596,121.28776245117187],[386.358349609375,120.99815063476562],[386.09385070800784,120.70841979980469],[385.8295104980469,120.41880798339844],[385.56548767089845,120.12873001098633],[385.30194091796875,119.83836441040039],[385.03831481933594,119.54787979125977],[384.77476806640624,119.25751419067383],[384.51153869628905,118.96663284301758],[384.2488647460938,118.6754737854004],[383.9861114501953,118.38419570922852],[383.7234375,118.09303665161133],[383.46112060546875,117.80138168334962],[383.19935913085936,117.50942916870117],[382.93747863769534,117.21734771728516],[382.67571716308595,116.92538528442383],[382.41431274414066,116.63293685913087],[382.15338439941405,116.34002227783203],[381.8925354003906,116.04722671508789],[381.63160705566406,115.75431213378907],[381.37119445800784,115.46104049682617],[381.11121826171876,115.16726303100586],[380.8513610839844,114.87360458374023],[380.5913848876953,114.57982711791992],[380.3320037841797,114.28580169677734],[380.07305908203125,113.99115142822266],[379.81419372558594,113.69661026000976],[379.5552093505859,113.40195007324219],[379.29685974121094,113.10704193115235],[379.03894653320316,112.81147918701173],[378.78111267089844,112.51602554321289],[378.52319946289066,112.22046279907227],[378.2658416748047,111.92458267211914],[378.0089599609375,111.6280876159668],[377.752197265625,111.33171157836914],[377.4953552246094,111.0352264404297],[377.23890991210936,110.73825531005859],[376.98325805664064,110.44092712402345],[376.7274871826172,110.1434799194336],[376.4718353271484,109.84615173339844],[376.2166198730469,109.5482879638672],[375.9620788574219,109.24998779296875],[375.70745849609375,108.95155868530274],[375.4529571533203,108.6532585144043],[375.1986938476563,108.35448226928712],[374.9450653076172,108.05542831420898],[374.6915954589844,107.75610656738282],[374.4385620117188,107.45655670166016],[374.18568725585936,107.15670928955079],[373.9332489013672,106.85665359497071],[373.68096923828125,106.55627059936523],[373.4291259765625,106.25569915771484],[373.17744140625,105.95474090576172],[372.9262329101563,105.65365371704102],[372.67522277832035,105.35226898193359],[372.4245300292969,105.05052719116212],[372.17847900390626,104.74533386230469],[371.9412353515625,104.43286056518555],[371.7078399658203,104.11778869628907],[371.47821350097655,103.7998405456543],[371.2524749755859,103.47912521362305],[371.0303863525391,103.15572204589844],[370.81206665039065,102.8300277709961],[370.59747619628905,102.50155639648438],[370.38677368164065,102.17096252441407],[370.1796020507813,101.83786926269532],[369.9760406494141,101.50269317626953],[369.7761688232422,101.16509704589843],[369.5799865722656,100.82567596435547],[369.38709716796876,100.48410263061524],[369.1977783203125,100.14068450927735],[369.01195068359374,99.79523315429688],[368.82945556640624,99.44786758422852],[368.65037231445314,99.09912338256837],[368.47450256347656,98.748494720459],[368.3020446777344,98.39634857177735],[368.1325622558594,98.0425163269043],[367.9662139892578,97.68744430541993],[367.802880859375,97.33067626953125],[367.64276123046875,96.9728172302246],[367.4854187011719,96.61352005004883],[367.3308532714844,96.2531219482422],[367.1791442871094,95.8912956237793],[367.03029174804686,95.52856674194337],[366.88389892578124,95.16455841064453],[366.74016418457035,94.79977645874024],[366.59900817871096,94.43369522094727],[366.46031188964844,94.06700897216797],[366.323876953125,93.69915237426758],[366.1898620605469,93.33068084716797],[366.0582275390625,92.96116790771485],[365.9286163330078,92.59079208374024],[365.8011871337891,92.21998977661133],[365.6756622314453,91.84837417602539],[365.5520812988281,91.47627258300781],[365.4303253173828,91.10339736938477],[365.3104736328125,90.73004608154297],[365.19248657226564,90.35583190917968],[365.0762451171875,89.98142929077149],[364.9615112304688,89.60630264282227],[364.84824523925784,89.23074951171876],[364.7364074707031,88.85485916137695],[364.62595825195314,88.4784927368164],[364.5169372558594,88.10166015625],[364.4093444824219,87.7247184753418],[364.302783203125,87.34712219238281],[364.197412109375,86.96949615478516],[364.09299316406253,86.59129486083985],[363.98956604003905,86.2130241394043],[363.88701171875,85.83431701660156],[363.7859252929688,85.45528259277344],[363.68487854003905,85.07640686035157],[363.58490295410155,84.69713439941407],[363.48548278808596,84.317822265625],[363.38645935058594,83.93830184936523],[363.28834838867186,83.5586524963379],[363.19019775390626,83.17883949279785],[363.09319763183595,82.79882316589355],[362.9962371826172,82.41870765686035],[362.89931640625,82.03874588012695],[362.80235595703124,81.65863037109375],[362.70555419921874,81.27876281738281],[362.60895080566405,80.89856300354005],[362.51238708496095,80.51851196289063],[362.4157440185547,80.13831214904785],[362.3191802978516,79.75826110839844],[362.22221984863285,79.37799682617188],[362.1250213623047,78.99811935424805],[362.0276641845703,78.61823196411133],[361.9294738769531,78.23844375610352],[361.83128356933594,77.85880432128907],[361.7321014404297,77.47925910949708],[361.6326019287109,77.09996185302735],[361.5325866699219,76.72059020996095],[361.43169860839845,76.34162521362305],[361.3299774169922,75.96273956298829],[361.22730407714846,75.58429527282715],[361.1236785888672,75.20599479675293],[361.01906127929686,74.82803153991699],[360.9133728027344,74.45032615661621],[360.80665283203126,74.07303237915039],[360.69866333007815,73.69589233398438],[360.589404296875,73.31928787231446],[360.478598022461,72.94298095703125],[360.3664031982422,72.56724433898925],[360.25274047851565,72.1918399810791],[360.1375305175781,71.81692657470704],[360.02073364257814,71.44240989685059],[359.9022705078125,71.06848335266113],[359.7821014404297,70.69523124694824],[359.659750366211,70.32247009277344],[359.53553466796876,69.95055198669434],[359.4093353271484,69.57907028198242],[359.28146972656253,69.20840682983399],[359.1508270263672,68.83859634399414],[359.0184783935547,68.46941566467285],[358.8837097167969,68.10101356506348],[358.7464813232422,67.73371238708496],[358.60675354003905,67.3671501159668],[358.46460571289066,67.00171356201172],[358.31995849609376,66.63699111938477],[358.1725738525391,66.27378120422364],[358.0223724365234,65.91122589111329],[357.8695526123047,65.55011863708496],[357.7138366699219,65.19015197753906],[357.55510559082035,64.83158378601074],[357.3933990478516,64.47412147521973],[357.2287170410156,64.11819648742676],[357.0609802246094,63.76372451782227],[356.8897918701172,63.41070556640625],[356.7155487060547,63.0594669342041],[356.5379333496094,62.70963172912598],[356.3571044921875,62.36174049377441],[356.17262573242186,62.015550231933595],[355.984814453125,61.671413040161134],[355.79343261718753,61.32890243530274],[355.5985595703125,60.98858375549317],[355.39983825683595,60.65034294128418],[355.1976257324219,60.31438331604004],[354.99176330566405,59.98057594299316],[354.7821716308594,59.64907455444336],[354.56865234375,59.320102310180665],[354.3514038085938,58.99359474182129],[354.13030700683595,58.669472503662114],[353.9055603027344,58.34817695617676],[353.67668762207035,58.029638671875],[353.4439666748047,57.71376838684082],[353.2075958251953,57.4009033203125],[352.96717834472656,57.090924453735354],[352.72291259765626,56.78425827026367],[352.47471923828124,56.480478286743164],[352.22279663085936,56.17993659973145],[351.9668273925781,55.8826530456543],[351.70712890625003,55.588910293579104],[351.44362182617186,55.2983512878418],[351.1763854980469,55.011347961425784],[350.9051818847656,54.72798957824707],[350.6304870605469,54.448211669921875],[350.35206298828126,54.171800994873045],[350.0698699951172,53.89950637817383],[349.7841064453125,53.63078231811524],[349.49505004882815,53.36576766967774],[349.2021850585938,53.10482940673828],[348.90614624023436,52.84779396057129],[348.60669555664066,52.59436378479004],[348.2961364746094,52.355126571655276],[347.96994628906253,52.1376449584961],[347.6403045654297,51.92477035522461],[347.30796508789064,51.716849899291994],[346.9723724365235,51.51361083984375],[346.63408203125,51.315340805053715],[346.29277648925785,51.12192077636719],[345.9488525390625,50.93349952697754],[345.60219116210936,50.75007209777832],[345.25303039550784,50.57169799804688],[344.90113220214846,50.398268127441405],[344.54693298339845,50.23000564575195],[344.190234375,50.06679153442383],[343.83135375976565,49.90872497558594],[343.4702117919922,49.755761337280276],[343.1069274902344,49.60795021057129],[342.7415802001953,49.465291595458986],[342.37424926757814,49.32777061462402],[342.0050933837891,49.19543685913086],[341.6338745117188,49.06816635131836],[341.2613464355469,48.946221923828126],[340.8869140625,48.82932586669922],[340.5108947753906,48.71767654418945],[340.13328857421874,48.61133346557617],[339.75453186035156,48.50981559753418],[339.3742279052735,48.41363372802734],[338.99285278320315,48.322435760498045],[338.61016845703125,48.23635063171387],[338.22649230957035,48.15541305541992],[337.8417053222656,48.079345321655275],[337.4559661865234,48.00855903625489],[337.06939392089845,47.9424243927002],[336.6820281982422,47.88172988891602],[336.2937896728516,47.82553329467773],[335.9048767089844,47.77466278076172],[335.5154083251953,47.72839431762696],[335.12538452148436,47.6871940612793],[334.7348846435547,47.650719833374026],[334.3438293457031,47.61905097961426],[333.95269470214845,47.592247009277344],[333.56096496582035,47.56999053955078],[333.1693145751953,47.552708053588866],[332.7771484375,47.53974494934082],[332.3852005004883,47.531850051879886],[331.99289550781253,47.52814064025879],[331.60070953369143,47.52938537597657],[331.2085433959961,47.53486518859864],[330.81653594970703,47.545056152343754],[330.42454833984374,47.559566497802734],[330.03291778564454,47.57856979370117],[329.64128723144535,47.601976776123045],[329.2500732421875,47.629673385620116],[328.85913696289066,47.66180839538574],[328.4686767578125,47.6980396270752],[328.0785339355469,47.73879852294922],[327.68882751464844,47.783455276489256],[327.2997955322266,47.83265953063965],[326.9110610961914,47.88565254211426],[326.52329864501957,47.94312858581543],[326.1358139038086,48.00438346862793],[325.7491226196289,48.06998748779297],[325.36302642822267,48.13938026428223],[324.9778823852539,48.212928771972656],[324.59329376220705,48.290330505371095],[324.2096969604492,48.37174415588379],[323.82691345214846,48.45700607299805],[323.4450424194336,48.54616088867188],[323.0639846801758,48.63922348022461],[322.68387908935546,48.73604507446289],[322.30488433837894,48.836739730834964],[321.92682189941405,48.94106941223145],[321.5497512817383,49.04936637878418],[321.1738906860352,49.16109504699707],[320.7991409301758,49.276820755004884],[320.42540283203124,49.39593849182129],[320.05295410156253,49.519028472900395],[319.68165588378906,49.64538154602051],[319.31186523437503,49.775672149658206],[318.9429473876953,49.90932998657227],[318.57567596435547,50.046761703491214],[318.2095947265625,50.18750114440918],[317.8450210571289,50.33197479248047],[317.48169708251953,50.47980575561524],[317.1199203491211,50.631241989135745],[316.76627655029296,50.80060043334961],[316.41245422363284,50.969834899902345],[316.0563110351563,51.134224319458006],[315.69800567626953,51.29344635009766],[315.337240600586,51.44776382446289],[314.97469024658204,51.5967700958252],[314.60977935791016,51.74074287414551],[314.2429443359375,51.87946395874024],[313.8740264892578,52.013017654418945],[313.5033630371094,52.1412353515625],[313.13097381591797,52.26416168212891],[312.75681915283207,52.38172225952149],[312.3811172485352,52.494001388549805],[312.00364990234374,52.6008602142334],[311.62489318847656,52.70242767333985],[311.2445892333985,52.79845085144043],[310.86311492919924,52.889197540283206],[310.48021240234374,52.97443466186524],[310.09617919921874,53.054345703125],[309.71105499267577,53.12880668640137],[309.32515716552734,53.197802734375],[308.9380096435547,53.261561965942384],[308.5501876831055,53.31973724365235],[308.1616119384766,53.37268562316895],[307.7723815917969,53.42016410827637],[307.3823577880859,53.4623908996582],[306.9919769287109,53.499301528930665],[306.60094146728517,53.53085136413574],[306.2095489501953,53.55725860595703],[305.8180374145508,53.578295135498045],[305.4259506225586,53.59420890808106],[305.03404235839844,53.6049602508545],[304.6418762207031,53.6105094909668],[304.2497497558594,53.61108474731446],[303.8573852539063,53.60647277832032],[303.4653778076172,53.59693145751953],[303.0733901977539,53.58242111206055],[302.681819152832,53.562916946411136],[302.2902084350586,53.538627243041994],[301.8991729736328,53.509398269653325],[301.50833587646486,53.475423431396486],[301.118212890625,53.4367473602295],[300.7283081054688,53.39328575134277],[300.33911743164066,53.34532127380371],[299.9503631591797,53.29260101318359],[299.56248168945314,53.235447311401366],[299.17505645751953,53.17374610900879],[298.78838500976565,53.10756187438965],[298.40262603759766,53.03712272644043],[298.0175811767578,52.96215591430664],[297.6335678100586,52.88304328918457],[297.2501892089844,52.79958152770996],[296.8680404663086,52.711983871459964],[296.4866256713867,52.62025527954102],[296.10648040771486,52.52438583374023],[295.72712860107424,52.424529266357425],[295.3489669799805,52.320586395263675],[294.97179718017577,52.212740707397465],[294.59593658447267,52.101021957397464],[294.22110748291016,51.985390472412114],[293.8475082397461,51.866014862060545],[293.47509918212893,51.74278106689453],[293.10401916503906,51.61596183776856],[292.73420867919924,51.48523979187012],[292.36568756103514,51.3511703491211],[291.99853515625,51.21323776245117],[291.63255310058594,51.07188339233399],[291.2680389404297,50.92725601196289],[290.90501251220707,50.77893409729004],[290.5433746337891,50.62716064453125],[290.18310546875,50.47216377258301],[289.8241851806641,50.31392860412598],[289.46697082519535,50.15205345153809],[289.11122436523436,49.98708877563477],[288.7567077636719,49.81895027160645],[288.40403594970707,49.64767761230469],[288.05281219482424,49.472998046875],[287.7031951904297,49.29537773132324],[287.355046081543,49.11479187011719],[287.00856323242186,48.93088836669922],[286.663786315918,48.74401435852051],[286.320556640625,48.554269027709964],[285.97889404296876,48.361657333374026],[285.63913574218753,48.16581230163575],[285.30086517333984,47.967110824584964],[284.9642608642578,47.76568679809571],[284.62950134277344,47.561431121826175],[284.29644775390625,47.354125595092775],[283.9652786254883,47.1442611694336],[283.6355972290039,46.93162460327149],[283.30803833007815,46.71618118286133],[282.98206634521483,46.497856521606444],[282.6580780029297,46.27710189819336],[282.33557739257816,46.05359992980957],[282.0153778076172,45.827291107177736],[281.6968444824219,45.59836883544922],[281.38023529052737,45.36706123352051],[281.06547088623046,45.13298149108887],[280.75280914306643,44.896283340454104],[280.44183349609375,44.65699157714844],[280.12264556884764,44.42945785522461],[279.8012161254883,44.204388809204104],[279.481413269043,43.97763366699219],[279.16258239746094,43.74903869628906],[278.8449417114258,43.51892623901367],[278.52845153808596,43.28739547729492],[278.21287384033207,43.05435218811035],[277.89842681884767,42.81997985839844],[277.5847732543945,42.58433799743653],[277.2721115112305,42.34772911071777],[276.96016387939454,42.11005897521973],[276.64893035888673,41.87142677307129],[276.33851013183596,41.63154487609864],[276.028466796875,41.39142990112305],[275.71909790039064,41.15022144317627],[275.41026458740237,40.908650970458986],[275.101708984375,40.66640853881836],[274.79378814697264,40.42369003295899],[274.4858673095703,40.180619430541995],[274.17850189208986,39.93701324462891],[273.8711959838867,39.69326324462891],[273.56426696777345,39.44920330047608],[273.2572387695313,39.20504169464112],[272.95019073486327,38.96088008880616],[272.6432815551758,38.71685485839844],[272.33621368408205,38.47272548675537],[272.029264831543,38.228697776794434],[271.72217712402346,37.98468246459961],[271.414811706543,37.74118785858155],[271.1071090698242,37.49781475067139],[270.7992477416992,37.25494747161866],[270.49083099365237,37.01246948242188],[270.18233489990234,36.770425415039064],[269.8730453491211,36.529177284240724],[269.56369628906253,36.28826141357422],[269.2532958984375,36.048401832580566],[268.9427169799805,35.808889389038086],[268.6312255859375,35.570383644104005],[268.3192581176758,35.33291435241699],[268.0063385009766,35.09625091552734],[267.69290313720705,34.86079750061035],[267.37837677001954,34.626234245300296],[267.063037109375,34.392967796325685],[266.7468246459961,34.161102294921875],[266.42948150634766,33.93040466308594],[266.111344909668,33.70125675201416],[265.79187927246096,33.473361015319824],[265.4716598510742,33.24727535247803],[265.1500717163086,33.02263278961182],[264.8273330688477,32.79970111846924],[264.5032653808594,32.57870597839356],[264.1780670166016,32.359726715087895],[263.8513610839844,32.1425724029541],[263.5233856201172,31.92752323150635],[263.19400177001955,31.71458911895752],[262.86328887939453,31.503943634033206],[262.5308502197266,31.295438003540042],[262.19706268310546,31.089687156677247],[261.8616287231445,30.88635883331299],[261.5245086669922,30.6856538772583],[261.1860595703125,30.48788719177246],[260.84558715820316,30.29287281036377],[260.50374603271484,30.100965309143067],[260.15992126464846,29.911941528320312],[259.8145492553711,29.726406478881838],[259.4671936035156,29.544013023376465],[259.1182113647461,29.365083503723145],[258.7673248291016,29.189841079711915],[258.4146133422852,29.01823616027832],[258.06009674072266,28.850375366210937],[257.7038146972656,28.686714935302735],[257.3455093383789,28.526977157592775],[256.98557739257814,28.371467018127444],[256.6235824584961,28.22041015625],[256.2599212646484,28.073818969726563],[255.89421691894532,27.93173065185547],[255.5268264770508,27.794618797302245],[255.15763092041016,27.662267684936523],[254.78653106689455,27.534952545166018],[254.41380462646487,27.41291389465332],[254.03939208984377,27.29605007171631],[253.6633529663086,27.18478012084961],[253.28558807373048,27.079014778137207],[252.906494140625,26.978875541687014],[252.525634765625,26.88473434448242],[252.14370422363282,26.796469688415527],[251.76014709472656,26.714160919189453],[251.37537994384766,26.638187408447266],[250.9894027709961,26.568333435058594],[250.6024932861328,26.50492630004883],[250.214274597168,26.448008155822755],[249.8254806518555,26.397531890869143],[249.43567504882813,26.353745460510254],[249.04527435302734,26.316676139831543],[248.6542190551758,26.286199951171877],[248.2627670288086,26.262619400024416],[247.87083892822267,26.24589729309082],[247.47877197265626,26.235902214050295],[247.0866256713867,26.232775497436524],[246.69430084228517,26.236678314208984],[246.30231323242188,26.247337913513185],[245.9104248046875,26.264774131774903],[245.51917114257813,26.28912582397461],[245.12815551757814,26.320355796813967],[244.7378341674805,26.35825824737549],[244.3480682373047,26.402820777893066],[243.95933380126954,26.45395164489746],[243.5713134765625,26.511876487731936],[243.1845428466797,26.576240730285644],[242.7987243652344,26.647007179260253],[242.41417541503907,26.724066734313965],[242.02938842773438,26.79914264678955],[241.64212188720703,26.860643005371095],[241.2547561645508,26.923179817199706],[240.86768798828126,26.986247253417968],[240.48067932128907,27.04985275268555],[240.09369049072265,27.114137649536133],[239.70697937011718,27.179099464416506],[239.32014923095704,27.244301795959473],[238.93347778320313,27.309476852416992],[238.54678649902345,27.375450325012206],[238.16025390625,27.441418838500976],[237.7736022949219,27.5074369430542],[237.38708953857423,27.57356414794922],[237.00041809082032,27.63971862792969],[236.61390533447266,27.70584831237793],[236.22725372314454,27.7720027923584],[235.8407409667969,27.838129997253418],[235.45397033691407,27.9037935256958],[235.06731872558595,27.969052886962892],[234.68050842285157,28.03433952331543],[234.2937774658203,28.09891700744629],[233.90664978027345,28.16305809020996],[233.51972045898438,28.226668548583984],[233.13247375488282,28.28945827484131],[232.74512786865236,28.351642990112307],[232.357861328125,28.413168144226074],[231.97027740478515,28.473748588562014],[231.5827133178711,28.533332252502444],[231.1949905395508,28.59211006164551],[230.8071487426758,28.649972915649414],[230.4188705444336,28.70639762878418],[230.03075103759767,28.761773490905764],[229.64221496582033,28.816160011291505],[229.2536590576172,28.86899185180664],[228.86482543945314,28.92068557739258],[228.47591247558594,28.97069320678711],[228.0866226196289,29.019351959228516],[227.69735260009767,29.066240310668945],[227.30766601562502,29.111608695983886],[226.91795959472657,29.15517692565918],[226.52791595458984,29.19696979522705],[226.13787231445312,29.236917877197268],[225.7473129272461,29.274845123291016],[225.35667419433594,29.310922622680664],[224.96613464355468,29.3446346282959],[224.57501983642578,29.376415061950684],[224.18404388427734,29.405780410766603],[223.79267120361328,29.432938957214358],[223.40133819580078,29.457667541503906],[223.0096878051758,29.479899215698243],[222.6181365966797,29.499683570861816],[222.22610931396486,29.516685867309572],[221.83435974121093,29.531225967407227],[221.44227294921876,29.542683982849123],[221.0502456665039,29.551555824279784],[220.65794067382814,29.55729103088379],[220.2658935546875,29.560172271728515],[219.87354888916016,29.559897041320802],[219.4814422607422,29.556475257873537],[219.08919677734374,29.54988956451416],[218.6971893310547,29.53986473083496],[218.30520172119142,29.526678466796877],[217.91321411132813,29.509735679626466],[217.52166290283205,29.489626502990724],[217.1301513671875,29.465532684326174],[216.73889770507813,29.438081550598145],[216.34784240722658,29.406668090820315],[215.95736236572267,29.37161960601807],[215.56698150634767,29.33262367248535],[215.17721557617188,29.289692687988282],[214.78772735595703,29.242945671081543],[214.39899291992188,29.192025566101076],[214.010595703125,29.136986923217773],[213.6229721069336,29.077795028686523],[213.23582458496094,29.014318466186523],[212.8495101928711,28.946611785888674],[212.4639099121094,28.874588203430175],[212.0793212890625,28.798252677917482],[211.69542694091797,28.717491149902344],[211.31268310546875,28.63235569000244],[210.93079223632813,28.5427396774292],[210.54993286132813,28.448623275756837],[210.17046203613282,28.34999408721924],[209.79196319580078,28.24678764343262],[209.4148727416992,28.13908576965332],[209.03907165527343,28.02682399749756],[208.66477813720704,27.910051918029787],[208.29169464111328,27.78863563537598],[207.92033691406252,27.66261978149414],[207.54820556640627,27.539569473266603],[207.16839752197265,27.442011451721193],[206.7884506225586,27.34441375732422],[206.40866241455078,27.24685573577881],[206.02871551513672,27.149258041381838],[205.64890747070314,27.051697540283204],[205.26896057128906,26.95409984588623],[204.88917236328126,26.85654182434082],[204.50920562744142,26.75894412994385],[204.1294174194336,26.66138610839844],[203.74947052001954,26.563788414001465],[203.36952362060546,26.466190719604494],[202.98965606689453,26.368322753906252],[202.6097885131836,26.270405197143557],[202.23005981445314,26.172527313232422],[201.8501922607422,26.074607276916506],[201.4704833984375,25.97672939300537],[201.09061584472656,25.878811836242676],[200.71090698242188,25.78093147277832],[200.33103942871094,25.683013916015625],[199.95131072998046,25.585136032104494],[199.57144317626953,25.487215995788574],[199.19173431396484,25.389338111877443],[198.8118865966797,25.29139575958252],[198.43219757080078,25.193458366394044],[198.05233001708984,25.095478820800782],[197.67264099121095,24.997541427612305],[197.29279327392578,24.899564361572267],[196.9130844116211,24.80162696838379],[196.53323669433595,24.703649902343752],[196.15338897705078,24.60567283630371],[195.7736801147461,24.507735443115234],[195.39383239746095,24.409758377075196],[195.01412353515624,24.31182098388672],[194.6343948364258,24.21389102935791],[194.25464630126953,24.116156959533694],[193.87473907470704,24.01838321685791],[193.4949905395508,23.920651626586913],[193.11508331298828,23.822877883911133],[192.73533477783204,23.725143814086916],[192.35542755126954,23.627370071411132],[191.97567901611328,23.529638481140136],[191.59577178955078,23.431864738464355],[191.21602325439454,23.33413066864014],[190.83611602783205,23.23635940551758],[190.45636749267578,23.13862533569336],[190.07638092041017,23.041052436828615],[189.69639434814454,22.94359607696533],[189.31656646728516,22.846179389953615],[188.93657989501955,22.748723030090332],[188.55675201416017,22.651306343078613],[188.17676544189453,22.553849983215333],[187.79681854248048,22.456698608398437],[187.41675262451173,22.3595422744751],[187.03684539794924,22.2624231338501],[186.6567794799805,22.165264320373534],[186.27687225341796,22.068145179748537],[185.896826171875,21.97107810974121],[185.5168197631836,21.87432098388672],[185.13665466308595,21.777524185180663],[184.75664825439455,21.680767059326172],[184.37650299072266,21.58397274017334],[183.99649658203126,21.48721561431885],[183.61629180908204,21.39063949584961],[183.23618621826174,21.29431381225586],[182.85592193603517,21.197948455810547],[182.4756576538086,21.101583099365236],[182.0955322265625,21.00525493621826],[181.71526794433595,20.90888957977295],[181.3350036621094,20.812940788269042],[180.95462036132812,20.71706886291504],[180.57437591552736,20.621235370635986],[180.1939926147461,20.525364685058594],[179.81374816894532,20.429532432556154],[179.4333251953125,20.333693981170654],[179.05294189453124,20.238420867919924],[178.67241973876955,20.14310932159424],[178.2920364379883,20.047834968566896],[177.91151428222656,19.95252342224121],[177.53113098144533,19.85725030899048],[177.1506088256836,19.762171840667726],[176.7700668334961,19.667524814605713],[176.38938598632814,19.57283811569214],[176.00884399414062,19.478191089630126],[175.62816314697267,19.383505630493165],[175.2474822998047,19.28881893157959],[174.8668212890625,19.194480609893798],[174.48600158691406,19.10030345916748],[174.10534057617187,19.006164741516113],[173.72448120117187,18.912270259857177],[173.34374084472657,18.81849231719971],[172.962841796875,18.724677181243898],[172.58208160400392,18.631262493133544],[172.20108337402345,18.5378267288208],[171.82024383544922,18.444445514678957],[171.43916625976564,18.351403999328614],[171.0582275390625,18.25839967727661],[170.67705078125002,18.165417671203613],[170.29601287841797,18.072824954986572],[169.9148162841797,17.98019504547119],[169.53379821777344,17.88775110244751],[169.15250244140626,17.795547676086425],[168.77134552001954,17.703381443023684],[168.3900100708008,17.611381340026856],[168.00859527587892,17.519622993469238],[167.62735900878906,17.427901840209962],[167.2458450317383,17.33640756607056],[166.86448974609377,17.245147609710695],[166.48297576904298,17.153850460052492],[166.1014717102051,17.062926483154296],[165.7198486328125,16.972105407714846],[165.3383743286133,16.881321525573732],[164.95672149658205,16.79094924926758],[164.57513809204102,16.700660037994385],[164.19329681396485,16.610316276550293],[163.81159439086915,16.520537853240967],[163.4297233581543,16.4307222366333],[163.04806060791017,16.341034317016604],[162.66607055664062,16.251748085021973],[162.28423919677735,16.16249656677246],[161.90214996337892,16.07334671020508],[161.52018966674805,15.984638214111328],[161.13807067871093,15.89589376449585],[160.7560012817383,15.80740842819214],[160.37391204833986,15.71926031112671],[159.99166412353517,15.631077480316163],[159.6094757080078,15.543245506286622],[159.22709884643555,15.455640411376953],[158.84487075805666,15.368070030212403],[158.46240463256837,15.280877780914308],[158.08004760742188,15.193901252746583],[157.69753189086916,15.106891250610351],[157.31510543823242,15.020434188842774],[156.9324607849121,14.934034156799317],[156.54996490478516,14.847668838500978],[156.16711196899413,14.761865139007568],[155.78447723388672,14.676128387451172],[155.40167388916015,14.590427589416505],[155.01890029907227,14.505334281921387],[154.63595809936524,14.420207500457764],[154.25305557250977,14.33525676727295],[153.86997451782227,14.250792026519775],[153.48689346313478,14.16632604598999],[153.10404052734376,14.082184886932373],[152.7208106994629,13.998398303985596],[152.3377296447754,13.914646434783936],[151.95435104370117,13.831204509735107],[151.5711212158203,13.748146915435791],[151.1877326965332,13.665055847167968],[150.80439376831055,13.582465648651123],[150.42085647583008,13.500088691711426],[150.03747787475587,13.417743968963624],[149.65375213623048,13.335934829711915],[149.27021484375,13.254320335388185],[148.8865188598633,13.172671127319337],[148.50287246704102,13.091763305664063],[148.11901779174806,13.010861682891846],[147.73530197143555,12.930046844482423],[147.35128860473634,12.849910163879395],[146.96742401123046,12.769805717468262],[146.5834701538086,12.689855003356934],[146.19929809570314,12.610499382019043],[145.815274810791,12.531174755096435],[145.4309440612793,12.452079486846925],[145.04675216674806,12.373554515838624],[144.66242141723635,12.294997310638427],[144.27817993164064,12.216878986358642],[143.89368057250977,12.139137554168702],[143.50932998657228,12.061425876617433],[143.12469177246095,11.98420763015747],[142.7401725769043,11.907329082489014],[142.3555046081543,11.830420780181885],[141.97097549438476,11.75422534942627],[141.58613891601564,11.6781662940979],[141.20145111083986,11.602138233184816],[140.81638641357424,11.526860237121582],[140.4315299987793,11.451698780059814],[140.04657440185548,11.376570796966552],[139.66154937744142,11.302294540405274],[139.2763656616211,11.227989768981933],[138.89104309082032,11.153843688964844],[138.5058494567871,11.08046875],[138.12048721313477,11.007065296173096],[137.7352737426758,10.934012699127198],[137.3497428894043,10.8615291595459],[136.96437072753906,10.789074134826661],[136.57877044677736,10.71704683303833],[136.19321975708007,10.645530319213867],[135.80752029418946,10.573984050750733],[135.4218605041504,10.503066349029542],[135.03598251342774,10.43247594833374],[134.65025329589844,10.3619140625],[134.2642463684082,10.29207124710083],[133.87834854125978,10.222480726242066],[133.49229202270507,10.15286169052124],[133.10617599487304,10.083929491043092],[132.72003021240235,10.01530909538269],[132.33389434814453,9.946999263763429],[131.94748077392578,9.879378747940065],[131.56107711791992,9.8117582321167],[131.17469329833986,9.744301366806031],[130.78814086914062,9.677446413040162],[130.40177688598632,9.611035299301149],[130.01507568359375,9.544967603683473],[129.6284637451172,9.479442310333253],[129.24169311523437,9.413890361785889],[128.8549819946289,9.348880815505982],[128.46803283691406,9.28438949584961],[128.08124237060548,9.219924831390381],[127.69414443969727,9.156113529205323],[127.30717544555665,9.092728090286256],[126.92004776000977,9.029315996170045],[126.5330192565918,8.966577100753785],[126.14580230712892,8.90419340133667],[125.7586151123047,8.842179775238037],[125.37115020751953,8.78065152168274],[124.98381423950195,8.719474124908448],[124.59630966186523,8.658599233627319],[124.20869598388673,8.598245668411256],[123.82111206054688,8.53827395439148],[123.43332977294922,8.478607225418092],[123.04569625854492,8.419423389434815],[122.65781478881836,8.360673475265504],[122.27007217407227,8.302284955978394],[121.88211135864258,8.244241714477539],[121.49428939819336,8.186783647537231],[121.10612030029297,8.129621267318726],[120.71825866699218,8.072853136062623],[120.33003005981446,8.016587734222412],[119.94189071655273,7.960743856430054],[119.55343399047852,7.9052080631256105],[119.16519546508789,7.850172519683838],[118.77679824829102,7.795621109008789],[118.38838119506836,7.741426134109497],[117.99980545043945,7.687594413757324],[117.61112060546876,7.634355306625366],[117.2225845336914,7.581501770019531],[116.83386993408203,7.5289879322052],[116.44519500732422,7.477051210403443],[116.05638122558594,7.425536632537842],[115.66754760742188,7.374389028549195],[115.27854537963867,7.323702621459961],[114.88961257934571,7.273568534851075],[114.50047149658204,7.223785924911499],[114.11146926879883,7.174410581588745],[113.72225875854492,7.125657606124878],[113.3331771850586,7.077303838729859],[112.94376831054687,7.029293489456177],[112.55451812744141,6.981881332397461],[112.16512908935547,6.934934091567993],[111.77575988769532,6.888376140594483],[111.38619232177734,6.842280006408692],[110.9967041015625,6.796781444549561],[110.60702743530274,6.751655435562134],[110.21733093261719,6.706924915313721],[109.8276840209961,6.662882471084595],[109.43773956298828,6.619213199615479],[109.0480728149414,6.575976610183716],[108.65810852050781,6.533296060562134],[108.26819381713868,6.491138696670532],[107.87823944091797,6.449384260177612],[107.48828506469727,6.40811767578125],[107.0980728149414,6.367456722259521],[106.70797958374024,6.327221632003784],[106.31772766113282,6.287382650375366],[105.92755508422852,6.248244142532349],[105.53718414306641,6.209532737731934],[105.14694213867188,6.171253395080567],[104.75647201538087,6.133541870117187],[104.36612091064454,6.096405601501465],[103.97559127807618,6.059675979614258],[103.58514099121093,6.02343978881836],[103.19449234008789,5.987868118286133],[102.80366516113281,5.95271053314209],[102.41311569213867,5.918007326126099],[102.02230834960938,5.883980417251587],[101.63165969848633,5.850456237792969],[101.24080276489258,5.817349863052368],[100.85003509521485,5.784841680526734],[100.45908889770509,5.752929210662842],[100.06809310913086,5.721455001831055],[99.6770378112793,5.6904562473297124],[99.28611145019532,5.660201978683472],[98.89498672485352,5.630379152297974],[98.50398101806641,5.601013803482056],[98.11274719238281,5.57233157157898],[97.72163238525391,5.544191122055054],[97.33032913208008,5.516490173339844],[96.93914489746093,5.4893874168396],[96.54772262573242,5.462926864624023],[96.15642929077148,5.436933088302612],[95.76496734619141,5.41140422821045],[95.37356491088867,5.386665105819702],[94.98212280273438,5.36238842010498],[94.59062118530274,5.338572311401367],[94.19917907714844,5.315463495254517],[93.80741958618164,5.292913198471069],[93.41591796875001,5.270847654342652],[93.02422790527343,5.249358606338501],[92.63264694213868,5.228582429885864],[92.24098663330078,5.208277368545533],[91.84929656982422,5.188447451591492],[91.45747756958008,5.169434547424316],[91.0658172607422,5.150918173789978],[90.67397842407227,5.132874464988709],[90.28223876953125,5.115540838241578],[89.89027099609375,5.098817801475525],[89.49841232299805,5.082586336135864],[89.10643463134765,5.066936016082764],[88.7146354675293,5.05204598903656],[88.32261810302735,5.037639784812927],[87.93068008422851,5.023728561401367],[87.53877182006836,5.010650777816773],[87.14658584594727,4.998089671134949],[86.75463790893555,4.986033773422242],[86.36252136230469,4.974684238433838],[85.9706527709961,4.964001393318177],[85.57837753295898,4.95381042957306],[85.18637008666992,4.944214248657227],[84.79417419433594,4.935410284996033],[84.40221633911133,4.927119278907776],[84.01001052856445,4.919331622123718],[83.61795349121094,4.912390422821045],[83.22565841674805,4.906003713607788],[82.83360137939454,4.900133991241455],[82.4413459777832,4.894982099533081],[82.04919967651368,4.890526342391968],[81.65696907043457,4.8865881919860845],[81.26485748291016,4.883246374130249],[80.87268142700195,4.880737376213074],[80.48026237487794,4.878750324249268],[80.08823509216309,4.877288317680359],[79.69594993591309,4.876688885688782],[79.30382843017578,4.876672458648682],[78.91145401000976,4.877184796333313],[78.51932754516602,4.878433871269226],[78.12717628479004,4.880405116081238],[77.73492584228516,4.882909774780273],[77.3426555633545,4.886024713516235],[76.9506332397461,4.889999127388001],[76.5583480834961,4.894514083862305],[76.1662811279297,4.8995640039443975],[75.7740406036377,4.905507493019104],[75.38203811645508,4.912044835090637],[74.98977279663086,4.919129848480225],[74.5977207183838,4.926975464820862],[74.20551986694336,4.935560607910157],[73.81352233886719,4.94468846321106],[73.42136116027832,4.9544575929641725],[73.02911567687988,4.96510603427887],[72.63723220825196,4.9762962579727175],[72.2450710296631,4.988046550750733],[71.8531478881836,5.00072078704834],[71.46105613708497,5.013999724388123],[71.0693115234375,5.0278223037719725],[70.677299118042,5.042460656166077],[70.28547019958496,5.057828617095947],[69.89351234436036,5.073761916160584],[69.50173301696778,5.090367484092712],[69.10984954833985,5.107852983474731],[68.71799087524414,5.1259019613265995],[68.32615699768067,5.144514727592468],[67.934521484375,5.164107847213745],[67.54275207519531,5.1842883110046385],[67.1511661529541,5.205027914047242],[66.75947608947754,5.226639699935913],[66.36747360229492,5.23581714630127],[65.97529258728028,5.2443691253662115],[65.58324546813965,5.258282518386841],[65.19167938232422,5.277540588378907],[64.80016784667968,5.3021650314331055],[64.40920181274414,5.332126092910767],[64.0185085296631,5.367443609237671],[63.628430175781254,5.40808162689209],[63.238842773437504,5.45405068397522],[62.85009841918946,5.505298709869385],[62.46192436218262,5.561856079101562],[62.07466278076172,5.623665761947632],[61.68818473815918,5.690735197067261],[61.30285224914551,5.7629906177520756],[60.91823883056641,5.840503311157227],[60.5350040435791,5.92312822341919],[60.15270156860352,6.010941600799561],[59.77169342041016,6.103852939605713],[59.391845703125,6.201875257492065],[59.013540267944336,6.304900693893432],[58.63646469116211,6.412986898422242],[58.260693359375004,6.526110315322876],[57.886841201782225,6.644058322906495],[57.51431312561035,6.76701626777649],[57.143575286865236,6.894798803329468],[56.77442932128906,7.027448081970215],[56.40720252990723,7.164829587936402],[56.04149322509766,7.307074737548828],[55.677926254272464,7.453920698165894],[55.31609001159668,7.605505704879761],[54.95646553039551,7.7616115570068365],[54.59865608215332,7.922385787963868],[54.24297904968262,8.087665987014772],[53.88936996459961,8.25748314857483],[53.53808174133301,8.431669282913209],[53.18889617919922,8.610311794281007],[52.84198188781738,8.793299102783203],[52.497368621826176,8.98059401512146],[52.15523490905762,9.17207317352295],[51.81520385742188,9.367934322357177],[51.47771682739258,9.567899131774903],[51.142952346801756,9.771840524673463],[50.81039962768555,9.980056047439575],[50.48061408996582,10.192173767089844],[50.153238677978514,10.40839204788208],[49.828694915771486,10.628410243988037],[49.506630706787114,10.852444076538086],[49.18745765686035,11.08018980026245],[48.87096252441406,11.311780071258545],[48.557289123535156,11.547079753875733],[48.24623908996582,11.786237621307373],[47.93821411132813,12.028909015655518],[47.63297119140625,12.275305938720704],[47.33079795837403,12.5251296043396],[47.03136711120606,12.778647804260254],[46.735070419311526,13.035512161254884],[46.4417293548584,13.295917320251466],[46.15128936767578,13.559724426269531],[45.86422157287598,13.826668167114258],[45.58007965087891,14.097160148620606],[45.2991512298584,14.3706561088562],[45.021232986450194,14.6477201461792],[44.74663734436035,14.927618312835694],[44.47529487609864,15.210856437683105],[44.20717582702637,15.496983242034913],[43.94231986999512,15.78629379272461],[43.68080139160156,16.078581047058105],[43.42259559631348,16.37394790649414],[43.16789588928223,16.671972846984865],[42.91643943786621,16.973104667663574],[42.66850395202637,17.27694911956787],[42.42399520874024,17.583590507507324],[42.18305702209473,17.892958164215088],[41.945416641235354,18.20517978668213],[41.71160964965821,18.519916915893557],[41.48116245269775,18.83732328414917],[41.254384994506836,19.15749807357788],[41.03128719329834,19.479867267608643],[40.811742591857914,19.805064392089843],[40.59602394104004,20.132546424865723],[40.3840295791626,20.46254644393921],[40.175757026672365,20.79475326538086],[39.97126579284668,21.12947807312012],[39.77048892974854,21.46645679473877],[39.57367687225342,21.80571174621582],[39.38069076538086,22.147096633911133],[39.19152565002442,22.49076271057129],[39.006441879272465,22.83644714355469],[38.825144386291505,23.18435573577881],[38.64802494049072,23.534146308898926],[38.47477359771729,23.885992431640627],[38.30559368133545,24.23986682891846],[38.140505027771,24.595628166198733],[37.97952747344971,24.95323429107666],[37.82263126373291,25.312794303894044],[37.669999885559086,25.674077606201173],[37.52143745422364,26.03702964782715],[37.37713985443116,26.401766967773437],[37.23709220886231,26.76814823150635],[37.101324272155765,27.136133766174318],[36.96991539001465,27.505540084838866],[36.82739810943604,27.870805549621583],[36.67603378295899,28.232520294189452],[36.52619190216065,28.59500617980957],[36.37789478302002,28.958097076416017],[36.231120109558105,29.321790504455567],[36.08583068847656,29.686059188842773],[35.941944694519044,30.051046943664552],[35.799548912048344,30.416436386108398],[35.65855159759521,30.782368850708007],[35.51892547607422,31.148819541931154],[35.38058872222901,31.515929794311525],[35.24361324310303,31.883389663696292],[35.10786762237549,32.251481819152836],[34.973426246643065,32.619888877868654],[34.84020977020264,32.988752174377446],[34.708128929138184,33.35820064544678],[34.57732009887695,33.72777805328369],[34.447535324096684,34.098062133789064],[34.31896057128906,34.46844291687012],[34.19139995574951,34.839359283447266],[34.0648832321167,35.21064262390137],[33.93940544128418,35.58228797912598],[33.81493434906006,35.95411434173584],[33.69136333465576,36.32641429901123],[33.56876678466797,36.69887790679932],[33.44701328277588,37.07178783416748],[33.326172256469725,37.44483661651611],[33.206114768981934,37.8183069229126],[33.08691272735596,38.191881370544436],[32.96844711303711,38.565842628479004],[32.850769996643066,38.939880752563475]], bounds=3000, full_zoom=0.23, max_episode_steps=2000 ) Monaco = RaceTrack( name='Monaco', xy=[[27.0408447265625,412.505322265625],[26.82474060058594,412.23081054687503],[26.61181640625,411.953857421875],[26.400967407226563,411.67529296875],[26.192144775390627,411.39521484375],[25.984915161132815,411.11396484375],[25.779202270507813,410.83164062500003],[25.574888610839846,410.5482421875],[25.371905517578128,410.263916015625],[25.170149230957033,409.9787109375],[24.969886779785156,409.69243164062505],[24.77083892822266,409.40532226562505],[24.57284393310547,409.1175048828125],[24.375799560546877,408.82902832031255],[24.180361938476565,408.539453125],[23.98585357666016,408.24924316406253],[23.792117309570315,407.95854492187505],[23.600079345703126,407.66669921875],[23.40870819091797,407.3744140625],[23.21846160888672,407.0814208984375],[23.029109191894534,406.78781738281253],[22.84093475341797,406.4934814453125],[22.653807067871096,406.19846191406253],[22.467761230468753,405.90275878906255],[22.282737731933594,405.60642089843753],[22.09872283935547,405.30947265625],[21.915705871582034,405.01188964843755],[21.733682250976564,404.7136962890625],[21.55266571044922,404.41489257812503],[21.372654724121094,404.115478515625],[21.1936279296875,403.81547851562505],[21.015594482421875,403.514892578125],[20.838548278808595,403.21372070312503],[20.662466430664065,402.9119873046875],[20.487371826171877,402.6096923828125],[20.313352966308596,402.3067626953125],[20.14031219482422,402.00327148437503],[19.968263244628908,401.69921875],[19.797190856933597,401.3946044921875],[19.627085876464847,401.08945312500003],[19.457940673828126,400.78378906250003],[19.28975524902344,400.47758789062505],[19.122529602050783,400.170849609375],[18.956422424316408,399.86350097656253],[18.79132995605469,399.555615234375],[18.627198791503908,399.247216796875],[18.464019775390625,398.93833007812503],[18.301780700683594,398.6289306640625],[18.140492248535157,398.31901855468755],[17.980441284179687,398.00849609375],[17.821337890625,397.6974609375],[17.663169860839844,397.38596191406253],[17.5059326171875,397.0739990234375],[17.349722290039065,396.7614990234375],[17.19471435546875,396.4484375],[17.04064178466797,396.1348876953125],[16.887495422363283,395.8208740234375],[16.735261535644533,395.50644531250003],[16.584365844726562,395.191357421875],[16.434413146972656,394.87583007812503],[16.285377502441406,394.5598388671875],[16.137252807617188,394.24345703125005],[15.990507507324219,393.926416015625],[15.844696044921875,393.60893554687505],[15.699792480468751,393.2910400390625],[15.555914306640625,392.97270507812505],[15.413368225097656,392.653759765625],[15.271726989746094,392.33439941406255],[15.130979919433594,392.0146484375],[14.991523742675781,391.6943359375],[14.853172302246094,391.37353515625],[14.715711975097657,391.0523681640625],[14.579296875,390.7307373046875],[14.444268798828126,390.40854492187503],[14.310130310058595,390.0859619140625],[14.176866149902345,389.76303710937503],[14.045161437988282,389.439453125],[13.914364624023438,389.1155029296875],[13.784439086914062,388.7912109375],[13.655969238281251,388.4663330078125],[13.528550720214845,388.14104003906255],[13.402000427246094,387.81540527343753],[13.276850891113282,387.48923339843753],[13.152847290039062,387.16264648437505],[13.02970428466797,386.8357177734375],[12.907951354980469,386.508251953125],[12.787383270263673,386.18037109375],[12.667671203613281,385.85214843750003],[12.549410247802735,385.5234375],[12.43231658935547,385.194287109375],[12.316069030761719,384.86484375000003],[12.201370239257812,384.53483886718755],[12.087769317626954,384.2044677734375],[11.975008392333985,383.87382812500005],[11.863973236083986,383.54257812500003],[11.753897857666017,383.2110107421875],[11.644718170166016,382.8791748046875],[11.537364196777345,382.5467041015625],[11.430845642089844,382.2139892578125],[11.325465393066407,381.88090820312505],[11.221699523925782,381.547314453125],[11.118762207031251,381.21347656250003],[11.017269897460938,380.87919921875005],[10.917121887207031,380.5445068359375],[10.817790985107422,380.20957031250003],[10.720283508300781,379.8740966796875],[10.623778533935548,379.538330078125],[10.528292846679689,379.2022705078125],[10.434645080566407,378.86572265625],[10.34180908203125,378.5289306640625],[10.250448608398438,378.1917236328125],[10.160501098632814,377.854150390625],[10.071351623535158,377.516357421875],[9.984216308593751,377.1780517578125],[9.897996520996095,376.839501953125],[9.813013458251953,376.500634765625],[9.729751586914062,376.16135253906253],[9.647193908691406,375.8218994140625],[9.566399383544923,375.4820068359375],[9.486907958984375,375.14182128906253],[9.408728790283204,374.80131835937505],[9.331899261474609,374.4605224609375],[9.256562805175781,374.119384765625],[9.182554626464844,373.7779541015625],[9.109884643554688,373.43625488281253],[9.038569641113282,373.09423828125],[8.968645477294922,372.751953125],[8.900241088867189,372.409375],[8.833199310302735,372.06650390625003],[8.767535400390626,371.72336425781253],[8.703256225585937,371.37998046875003],[8.640364837646485,371.036328125],[8.579049682617187,370.6924072265625],[8.519143676757812,370.3482177734375],[8.460651397705078,370.00380859375],[8.403582763671876,369.659130859375],[8.347930908203125,369.3142333984375],[8.294283294677735,368.96904296875005],[8.254072570800782,368.62199707031255],[8.21457290649414,368.27487792968753],[8.175072479248048,367.92778320312505],[8.135618591308594,367.58066406250003],[8.09698486328125,367.23344726562505],[8.058351135253906,366.88623046875],[8.019717407226564,366.539013671875],[7.9810836791992195,366.191796875],[7.9428039550781255,365.8445556640625],[7.9051460266113285,365.49724121093755],[7.867488098144531,365.14990234375],[7.829829406738281,364.80258789062503],[7.792171478271484,364.4552734375],[7.754512786865234,364.10795898437505],[7.7169647216796875,363.7606201171875],[7.680097198486329,363.4132080078125],[7.643230438232422,363.0657958984375],[7.606363677978516,362.7183837890625],[7.569794464111329,362.3709716796875],[7.533506011962891,362.02348632812505],[7.497218322753906,361.676025390625],[7.460930633544923,361.328564453125],[7.425000762939454,360.98105468750003],[7.389328765869141,360.63352050781253],[7.353656768798828,360.2860107421875],[7.317984771728516,359.9384765625],[7.282549285888672,359.59091796875003],[7.247533416748047,359.243310546875],[7.212516784667969,358.89572753906253],[7.177500915527344,358.5481201171875],[7.142484283447266,358.20053710937503],[7.10808334350586,357.85288085937503],[7.073766326904297,357.5052001953125],[7.039448547363282,357.1575439453125],[7.005130767822266,356.80986328125005],[6.970935821533203,356.4621826171875],[6.937363433837891,356.114453125],[6.903791046142579,355.7667236328125],[6.870218658447266,355.4189697265625],[6.836646270751953,355.071240234375],[6.803264617919922,354.72348632812503],[6.770489501953126,354.37565917968755],[6.737715148925782,354.0278564453125],[6.7049400329589846,353.68002929687503],[6.672165679931641,353.3322265625],[6.639498138427735,352.9843994140625],[6.6075790405273445,352.6364990234375],[6.5756591796875,352.2885986328125],[6.54374008178711,351.94072265625005],[6.511820220947266,351.59282226562505],[6.479901123046876,351.24492187500005],[6.448764801025391,350.89694824218753],[6.417766571044922,350.548974609375],[6.386767196655274,350.2010009765625],[6.3557685852050785,349.85302734375],[6.324769592285157,349.50505371093755],[6.294206619262695,349.15703125000005],[6.264199829101563,348.8089599609375],[6.234193801879883,348.46091308593753],[6.2041870117187505,348.11284179687505],[6.174180603027344,347.7647705078125],[6.144173812866211,347.41669921875],[6.11514892578125,347.0685546875],[6.086214828491212,346.72041015625],[6.057281494140625,346.37224121093755],[6.028347396850586,346.02409667968755],[5.999413681030274,345.675927734375],[5.970740127563477,345.3277587890625],[5.942667388916016,344.97954101562505],[5.914594268798829,344.631298828125],[5.886806869506836,344.28305664062503],[5.859339904785156,343.93479003906253],[5.8318733215332035,343.5864990234375],[5.804802703857423,343.23820800781255],[5.777969741821289,342.88986816406253],[5.751136016845703,342.54155273437505],[5.724813842773438,342.1931884765625],[5.698641967773438,341.8447998046875],[5.672470855712891,341.49643554687503],[5.646928787231445,341.1480224609375],[5.62144889831543,340.7995849609375],[5.5960029602050785,340.451171875],[5.571248245239258,340.102685546875],[5.5464931488037115,339.75419921875005],[5.521876525878906,339.405712890625],[5.497880172729492,339.05717773437505],[5.473884582519531,338.70866699218755],[5.450142669677735,338.360107421875],[5.42694206237793,338.01152343750005],[5.4037414550781255,337.66293945312503],[5.380928421020508,337.3143310546875],[5.358564376831055,336.9656982421875],[5.336201095581055,336.6170654296875],[5.314377593994141,336.2683837890625],[5.292893981933594,335.919677734375],[5.27140998840332,335.57099609375],[5.25064697265625,335.22226562500003],[5.23008918762207,334.87351074218753],[5.209531784057617,334.52475585937503],[5.189907455444336,334.17595214843755],[5.170326614379883,333.8271484375],[5.150901412963868,333.47832031250005],[5.132351303100586,333.1294677734375],[5.113800430297852,332.7805908203125],[5.095652770996094,332.4317138671875],[5.078193283081055,332.0827880859375],[5.0607341766357425,331.73388671875],[5.043978118896485,331.384912109375],[5.0276733398437505,331.03593750000005],[5.011368179321289,330.686962890625],[4.996138000488282,330.3379638671875],[4.981058120727539,329.988916015625],[4.966205596923828,329.639892578125],[4.9524276733398445,329.2907958984375],[4.938649368286133,328.9417236328125],[4.925571441650391,328.5926025390625],[4.913179397583008,328.2434814453125],[4.900787353515625,327.89433593750005],[4.889684295654297,327.545166015625],[4.878771209716797,327.19597167968755],[4.868296432495118,326.84677734375003],[4.858964157104492,326.49753417968753],[4.849631881713868,326.1483154296875],[4.8412109375000005,325.799072265625],[4.83354377746582,325.4497802734375],[4.826543807983398,325.10051269531255],[4.8202560424804695,324.75119628906253],[4.814893341064454,324.4018798828125],[4.81029052734375,324.0525634765625],[4.806481552124024,323.70322265625003],[4.803503036499023,323.3538818359375],[4.80139389038086,323.004541015625],[4.800202178955079,322.65517578125],[4.800150680541993,322.305810546875],[4.801105499267578,321.95646972656255],[4.803120422363282,321.60712890625],[4.806253051757813,321.25778808593753],[4.814900588989258,320.9085693359375],[4.829438018798829,320.559521484375],[4.844818878173829,320.21049804687505],[4.860530471801758,319.86149902343755],[4.876715850830078,319.5125244140625],[4.893012237548828,319.16354980468753],[4.910046005249024,318.814599609375],[4.927080154418945,318.4656494140625],[4.944362640380859,318.1167236328125],[4.962296295166016,317.7678466796875],[4.9802291870117195,317.4189453125],[4.9981628417968755,317.07004394531253],[5.016934967041016,316.72119140625],[5.035819625854493,316.37236328125005],[5.054704284667969,316.0235107421875],[5.073588943481446,315.67465820312503],[5.093463134765625,315.32587890625],[5.11335563659668,314.9770751953125],[5.133247756958008,314.6282958984375],[5.153140258789063,314.2794921875],[5.173686218261719,313.93076171875003],[5.194647216796875,313.58203125],[5.215608978271485,313.23330078125],[5.236570358276367,312.88457031250005],[5.257531356811524,312.53583984375],[5.27916603088379,312.18718261718755],[5.30096549987793,311.8385009765625],[5.322909927368165,311.4898193359375],[5.345294952392578,311.1411865234375],[5.3676803588867195,310.7925537109375],[5.390427017211914,310.4439208984375],[5.41341667175293,310.0953369140625],[5.436406707763672,309.746728515625],[5.459928512573242,309.39816894531253],[5.483544158935548,309.04960937500005],[5.507170104980469,308.7010498046875],[5.531430053710938,308.3525390625],[5.555690002441406,308.004052734375],[5.58001937866211,307.655517578125],[5.604946517944336,307.30705566406255],[5.629873657226563,306.95859375000003],[5.654874801635742,306.6101318359375],[5.680492401123047,306.26171875],[5.706108856201173,305.91330566406253],[5.731753158569337,305.564892578125],[5.758084106445313,305.21652832031253],[5.784415817260743,304.8681640625],[5.810746765136719,304.5197998046875],[5.837741088867188,304.17148437500003],[5.864810943603516,303.823193359375],[5.891881942749023,303.4748779296875],[5.919480514526367,303.126611328125],[5.94731559753418,302.778369140625],[5.975151062011719,302.430126953125],[6.003323364257813,302.0819091796875],[6.031951904296875,301.7337158203125],[6.060580825805665,301.385546875],[6.089289855957031,301.0373779296875],[6.118742752075196,300.6892578125],[6.148194885253907,300.3411376953125],[6.177646636962891,299.9930419921875],[6.207712173461914,299.644970703125],[6.238019561767579,299.296923828125],[6.268326187133789,298.9489013671875],[6.298888015747071,298.6009033203125],[6.330081939697266,298.2529296875],[6.361276626586914,297.9049560546875],[6.3924701690673835,297.5570068359375],[6.424417877197266,297.2091064453125],[6.456533813476563,296.86123046875],[6.488651275634766,296.5133544921875],[6.52105712890625,296.16550292968753],[6.554133605957031,295.81772460937503],[6.58720932006836,295.46994628906253],[6.620286560058594,295.1221435546875],[6.65411376953125,294.7744384765625],[6.688188171386719,294.4267578125],[6.722263336181641,294.079052734375],[6.756516265869141,293.7313720703125],[6.791632080078125,293.3837890625],[6.826747894287109,293.0362060546875],[6.861863708496094,292.688623046875],[6.897586822509766,292.3410888671875],[6.933787536621094,291.99362792968753],[6.969988250732422,291.646142578125],[7.0061889648437505,291.29868164062503],[7.043437194824219,290.9512939453125],[7.080770111083985,290.603955078125],[7.11810302734375,290.256591796875],[7.155757141113281,289.90927734375003],[7.19427490234375,289.5620361328125],[7.232791900634766,289.21481933593753],[7.271308135986328,288.8676025390625],[7.310570526123048,288.520458984375],[7.350325012207032,288.1733642578125],[7.390077209472657,287.8262939453125],[7.429830169677735,287.47919921875],[7.4707786560058596,287.1322509765625],[7.511826324462891,286.785302734375],[7.552872467041016,286.43837890625],[7.5941612243652346,286.091455078125],[7.636216735839844,285.7446533203125],[7.678546142578125,285.3978759765625],[7.7212974548339846,285.0511474609375],[7.764438629150391,284.7044677734375],[7.807898712158203,284.3578125],[7.851873779296875,284.0112548828125],[7.896063995361328,283.664697265625],[7.940900421142579,283.31821289062503],[7.985852813720704,282.97177734375003],[8.031551361083984,282.625439453125],[8.07739715576172,282.2790771484375],[8.123880004882812,281.93283691406253],[8.170643615722657,281.58662109375],[8.217933654785156,281.2405029296875],[8.265647888183594,280.8944091796875],[8.313760375976562,280.5483642578125],[8.36245346069336,280.20244140625],[8.411415100097656,279.85654296875003],[8.461124420166016,279.51071777343753],[8.510989379882814,279.16494140625],[8.56171340942383,278.819287109375],[8.612638092041015,278.473681640625],[8.664279174804689,278.12814941406253],[8.71630859375,277.78269042968753],[8.768894958496094,277.4373046875],[8.822068023681641,277.092041015625],[8.87562255859375,276.74680175781253],[8.929982757568359,276.4016845703125],[8.984551239013673,276.056640625],[9.040128326416015,275.71171875],[9.095956420898437,275.366845703125],[9.152589416503906,275.022119140625],[9.209725952148437,274.67746582031253],[9.267446899414063,274.33291015625],[9.325949096679688,273.9884765625],[9.384787750244142,273.6441162109375],[9.444707489013672,273.299951171875],[9.504927825927735,272.9558349609375],[9.566111755371095,272.611865234375],[9.627855682373047,272.268017578125],[9.690264892578126,271.924267578125],[9.753598785400392,271.580712890625],[9.817298126220704,271.23720703125],[9.88227996826172,270.8939453125],[9.947686004638673,270.55078125],[10.01401138305664,270.2077880859375],[10.08121337890625,269.86494140625],[10.148936462402345,269.522216796875],[10.218027496337891,269.1797607421875],[10.287615203857422,268.83740234375],[10.358271789550782,268.495263671875],[10.429906463623048,268.1533203125],[10.502102661132813,267.8115234375],[10.575891876220703,267.47006835937503],[10.650314331054688,267.1287109375],[10.725758361816407,266.78759765625],[10.80252914428711,266.4468017578125],[10.880014801025391,266.10615234375],[10.958955383300783,265.7658203125],[11.03901596069336,265.42575683593753],[11.119898223876953,265.08591308593753],[11.202597045898438,264.746484375],[11.286055755615235,264.4072265625],[11.371000671386719,264.068359375],[11.457476043701172,263.7298828125],[11.545283508300782,263.391748046875],[11.634465789794923,263.053955078125],[11.725350189208985,262.7166259765625],[11.817704010009766,262.3797119140625],[11.91166458129883,262.0432373046875],[12.007437133789063,261.7072265625],[12.104823303222657,261.371728515625],[12.204203033447266,261.03681640625],[12.305393981933594,260.70244140625],[12.408644104003907,260.368701171875],[12.51395721435547,260.035595703125],[12.616090393066408,259.701708984375],[12.692787170410156,259.360888671875],[12.77094192504883,259.0203857421875],[12.85050506591797,258.6802001953125],[12.930783081054688,258.3402099609375],[13.012149047851564,258.00046386718753],[13.094374084472657,257.6609130859375],[13.177386474609376,257.3215576171875],[13.261117553710939,256.98239746093753],[13.345489501953125,256.6433837890625],[13.430764770507814,256.30458984375],[13.516659545898438,255.9659423828125],[13.603056335449219,255.62746582031252],[13.690254211425781,255.28916015625],[13.778076171875,254.951025390625],[13.866267395019532,254.61296386718752],[13.95546112060547,254.27519531250002],[14.044949340820313,253.9375],[14.135203552246095,253.60000000000002],[14.22595672607422,253.262646484375],[14.317266845703125,252.9254150390625],[14.409230041503907,252.58840332031252],[14.50162811279297,252.25148925781252],[14.594754028320313,251.9147705078125],[14.688259887695313,251.57814941406252],[14.782492065429688,251.24174804687502],[14.877133178710938,250.90544433593752],[14.97242431640625,250.5693359375],[15.068228149414063,250.2333740234375],[15.164515686035157,249.89755859375],[15.261508178710939,249.56193847656252],[15.358729553222657,249.2263916015625],[15.456939697265625,248.89111328125],[15.5551513671875,248.555859375],[15.654495239257812,248.2209228515625],[15.753945922851564,247.88601074218752],[15.854129028320314,247.5513427734375],[15.954855346679688,247.21682128906252],[16.05581512451172,246.88234863281252],[16.15784912109375,246.54824218750002],[16.25988311767578,246.214111328125],[16.362641906738283,245.880224609375],[16.465994262695315,245.546484375],[16.5698486328125,245.21293945312502],[16.674244689941407,244.87954101562502],[16.77928924560547,244.5463623046875],[16.8848388671875,244.213330078125],[16.990885925292968,243.8804443359375],[17.097422790527343,243.54775390625002],[17.204638671875,243.21525878906252],[17.31239471435547,242.8829345703125],[17.420645141601565,242.5507568359375],[17.52937469482422,242.21875],[17.638813781738282,241.88698730468752],[17.748776245117188,241.5553955078125],[17.859223937988283,241.2239501953125],[17.970184326171875,240.89267578125],[18.081881713867187,240.56166992187502],[18.194062805175783,240.230810546875],[18.306727600097656,239.90009765625],[18.42005615234375,239.5696533203125],[18.533993530273438,239.23940429687502],[18.648402404785156,238.9093017578125],[18.763356018066407,238.57939453125002],[18.879060363769533,238.24978027343752],[18.99524383544922,237.9202880859375],[19.111892700195312,237.59099121093752],[19.229371643066408,237.26198730468752],[19.34735107421875,236.93315429687502],[19.465797424316406,236.6044921875],[19.58501434326172,236.2760986328125],[19.70481414794922,235.94792480468752],[19.825076293945315,235.61992187500002],[19.946076965332033,235.2921875],[20.067707824707032,234.964697265625],[20.189807128906253,234.63737792968752],[20.31265106201172,234.31032714843752],[20.436152648925784,233.9835205078125],[20.560113525390626,233.65690917968752],[20.684846496582033,233.33056640625],[20.810232543945315,233.0044921875],[20.936090087890626,232.6785888671875],[21.062762451171878,232.3530029296875],[21.19007720947266,232.027685546875],[21.317860412597657,231.70253906250002],[21.446524047851565,231.37773437500002],[21.575788879394533,231.053173828125],[21.705525207519532,230.72878417968752],[21.83624725341797,230.40480957031252],[21.96749420166016,230.08107910156252],[22.09926452636719,229.75751953125],[22.23206024169922,229.43437500000002],[22.365335083007814,229.1114501953125],[22.499256896972657,228.78876953125],[22.63409881591797,228.46650390625],[22.76943054199219,228.1444091796875],[22.905552673339844,227.82265625000002],[23.04249267578125,227.50126953125002],[23.179916381835938,227.18007812500002],[23.318321228027344,226.85930175781252],[23.457400512695315,226.538818359375],[23.596974182128907,226.2185791015625],[23.73772430419922,225.89882812500002],[23.878994750976563,225.579296875],[24.020936584472658,225.26005859375002],[24.163916015625002,224.94133300781252],[24.307411193847656,224.622802734375],[24.451806640625,224.3046875],[24.59706726074219,223.9869384765625],[24.742843627929688,223.66948242187502],[24.889765930175784,223.3525146484375],[25.03736114501953,223.03583984375],[25.18557281494141,222.719482421875],[25.334997558593752,222.40371093750002],[25.484974670410157,222.08818359375002],[25.635839843750002,221.7730712890625],[25.7877197265625,221.4584716796875],[25.940161132812502,221.1441162109375],[26.09375915527344,220.83034667968752],[26.248144531250002,220.5169677734375],[26.40313720703125,220.20388183593752],[26.559515380859377,219.8914794921875],[26.716482543945315,219.57937011718752],[26.8743408203125,219.2677001953125],[27.033364868164064,218.956640625],[27.192987060546876,218.6458740234375],[27.353790283203125,218.33574218750002],[27.51552734375,218.02607421875],[27.67789001464844,217.716748046875],[27.841748046875,217.408203125],[28.006283569335938,217.10002441406252],[28.17170104980469,216.7923095703125],[28.338183593750003,216.4851806640625],[28.505804443359377,216.178662109375],[28.674395751953128,215.8726806640625],[28.843981933593753,215.567236328125],[29.01466064453125,215.26240234375],[29.186444091796876,214.958203125],[29.35922546386719,214.65456542968752],[29.533038330078128,214.351513671875],[29.708026123046878,214.0491455078125],[29.884130859375002,213.7474365234375],[30.061297607421878,213.44633789062502],[30.239538574218752,213.1458740234375],[30.419073486328127,212.8461669921875],[30.599707031250002,212.547119140625],[30.783801269531253,212.250244140625],[30.969317626953128,211.95419921875],[31.154824829101564,211.6581787109375],[31.34034423828125,211.3621337890625],[31.525860595703126,211.06611328125],[31.71136474609375,210.7700927734375],[31.89688415527344,210.47404785156252],[32.082403564453124,210.17800292968752],[32.26790771484375,209.88198242187502],[32.45342712402344,209.5859375],[32.63893432617188,209.28994140625002],[32.82445068359375,208.993896484375],[33.00996704101563,208.6978515625],[33.195474243164064,208.4018310546875],[33.380993652343754,208.1057861328125],[33.56651000976563,207.809765625],[33.75201416015625,207.5137451171875],[33.93753662109375,207.21770019531252],[34.123040771484376,206.92167968750002],[34.30855712890625,206.62563476562502],[34.49407653808594,206.32961425781252],[34.67958068847656,206.03359375000002],[34.86510009765625,205.737548828125],[35.050619506835936,205.44150390625],[35.236123657226564,205.1454833984375],[35.421643066406254,204.849462890625],[35.607147216796875,204.55343017578127],[35.792666625976565,204.2573974609375],[35.97818298339844,203.96135253906252],[36.163690185546876,203.66533203125002],[36.34920654296875,203.36929931640626],[36.53471374511719,203.07327880859376],[36.72023315429688,202.77724609375002],[36.90574951171875,202.481201171875],[37.091253662109374,202.1851806640625],[37.276773071289064,201.88914794921877],[37.462292480468754,201.59310302734377],[37.647796630859375,201.29708251953127],[37.833316040039065,201.0010498046875],[38.018820190429686,200.705029296875],[38.204339599609376,200.40899658203125],[38.38985595703125,200.11295166015626],[38.57536315917969,199.81693115234376],[38.76088256835938,199.52089843750002],[38.94639892578125,199.224853515625],[39.13190307617188,198.9288330078125],[39.317422485351564,198.63280029296877],[39.5029296875,198.33677978515627],[39.688446044921875,198.0407470703125],[39.873965454101565,197.7447021484375],[40.05946960449219,197.448681640625],[40.244989013671876,197.15264892578125],[40.43050537109375,196.85660400390626],[40.61601257324219,196.56059570312502],[40.80153198242188,196.26455078125002],[40.987036132812506,195.96853027343752],[41.17255554199219,195.67249755859376],[41.358071899414064,195.37645263671877],[41.5435791015625,195.08043212890627],[41.729095458984375,194.7843994140625],[41.914614868164065,194.4883544921875],[42.10011901855469,194.19234619140627],[42.285638427734376,193.89630126953125],[42.471142578125004,193.60028076171875],[42.65666198730469,193.30424804687502],[42.84218139648438,193.00820312500002],[43.027685546875006,192.71218261718752],[43.21320495605469,192.41614990234376],[43.398721313476564,192.12010498046877],[43.584228515625,191.8240966796875],[43.769744873046875,191.5280517578125],[43.95525207519532,191.23203125],[44.14076843261719,190.93599853515627],[44.326287841796876,190.63995361328125],[44.511791992187504,190.34393310546875],[44.69731140136719,190.04790039062502],[44.88283081054688,189.75185546875002],[45.068334960937506,189.45584716796876],[45.25385437011719,189.15980224609376],[45.43935852050782,188.86378173828126],[45.6248779296875,188.5677490234375],[45.810394287109375,188.2717041015625],[45.99590148925782,187.97569580078127],[46.1814208984375,187.67965087890627],[46.366937255859376,187.3836181640625],[46.55244445800781,187.08759765625],[46.73796081542969,186.79155273437502],[46.92346801757813,186.49553222656252],[47.09154357910157,186.19157714843752],[47.20325622558594,185.860595703125],[47.32613220214844,185.5335693359375],[47.45837097167969,185.21021728515626],[47.59910278320313,184.89046630859377],[47.7478515625,184.57440185546875],[47.90469055175782,184.26221923828126],[48.06927490234375,183.95411376953126],[48.24172058105469,183.6502685546875],[48.42205505371094,183.35107421875],[48.610232543945315,183.05675048828127],[48.806558227539064,182.7677734375],[49.010961914062506,182.48446044921877],[49.22359008789063,182.20732421875002],[49.44454650878907,181.93673095703127],[49.673876953125,181.6732177734375],[49.911685180664065,181.41728515625002],[50.157995605468756,181.16954345703127],[50.412792968750004,180.93059082031252],[50.6760498046875,180.70096435546876],[50.94768371582032,180.48128662109377],[51.2275634765625,180.27225341796876],[51.5155029296875,180.07448730468752],[51.811181640625,179.88847656250002],[52.114349365234375,179.71489257812502],[52.42454223632813,179.55421142578126],[52.741284179687504,179.4069580078125],[53.064062500000006,179.27337646484375],[53.39239501953125,179.15401611328127],[53.725494384765625,179.04888916015625],[54.06282958984375,178.9581298828125],[54.403698730468754,178.88179931640627],[54.747491455078126,178.81983642578126],[55.093560791015626,178.77203369140625],[55.44122314453125,178.7381591796875],[55.78995971679688,178.71782226562502],[56.13922729492188,178.71062011718752],[56.48848876953125,178.71639404296877],[56.837377929687506,178.73421630859377],[57.185418701171876,178.76406250000002],[57.532360839843754,178.805029296875],[57.8778564453125,178.85675048828125],[58.221630859375004,178.91883544921876],[58.563513183593756,178.99061279296876],[58.903350830078125,179.071630859375],[59.240960693359376,179.16138916015626],[59.576263427734375,179.25944824218752],[59.90916137695313,179.36531982421877],[60.23958129882813,179.47874755859377],[60.569897460937504,179.5915283203125],[60.90989990234375,179.6717529296875],[61.250634765625,179.748974609375],[61.591894531250006,179.8237060546875],[61.933563232421875,179.89650878906252],[62.275665283203125,179.96745605468752],[62.6180419921875,180.036865234375],[62.9607177734375,180.10482177734377],[63.30371704101563,180.1712646484375],[63.646923828125004,180.2364013671875],[63.9904052734375,180.30029296875],[64.33409423828125,180.36296386718752],[64.67797241210938,180.42445068359376],[65.02208862304688,180.48480224609375],[65.3663818359375,180.5440673828125],[65.71085205078126,180.602294921875],[66.05553588867188,180.6593017578125],[66.40035400390626,180.71527099609375],[66.74535522460938,180.77028808593752],[67.09049682617187,180.82437744140626],[67.43578491210938,180.87760009765626],[67.78127441406251,180.929541015625],[68.12683715820313,180.98063964843752],[68.47257080078126,181.0309814453125],[68.81843872070313,181.08028564453127],[69.1644287109375,181.12856445312502],[69.51053466796876,181.1761474609375],[69.85674438476563,181.22280273437502],[70.20311889648438,181.268408203125],[70.54957885742188,181.31341552734375],[70.89614257812501,181.35738525390627],[71.24281616210938,181.40048828125],[71.5895751953125,181.44307861328127],[71.93648071289063,181.48430175781252],[72.28347167968751,181.52506103515626],[72.63053588867187,181.564892578125],[72.97769775390626,181.60384521484377],[73.32494506835938,181.64226074218752],[73.672314453125,181.67945556640626],[74.01971435546875,181.71633300781252],[74.3672607421875,181.751904296875],[74.71483154296875,181.78709716796877],[75.06252441406251,181.821240234375],[75.41024169921876,181.85478515625002],[75.75807495117188,181.88746337890626],[76.10597534179688,181.91939697265627],[76.45391845703125,181.95062255859375],[76.80195922851563,181.98118896484377],[77.15004882812501,182.01083984375],[77.49821166992189,182.03973388671875],[77.84642333984375,182.06789550781252],[78.1947021484375,182.09530029296877],[78.54305419921876,182.1219482421875],[78.89144897460938,182.14785156250002],[79.23987426757813,182.17302246093752],[79.58838500976563,182.1974609375],[79.93694458007813,182.22117919921877],[80.28553466796876,182.24416503906252],[80.63419189453126,182.2664306640625],[80.98285522460938,182.2879638671875],[81.33160400390625,182.30877685546875],[81.6803955078125,182.32889404296876],[82.02919921875001,182.34829101562502],[82.37806396484376,182.36693115234377],[82.7269775390625,182.38482666015625],[83.07588500976563,182.40201416015626],[83.424853515625,182.41851806640625],[83.77384033203126,182.4343017578125],[84.12288818359376,182.44940185546875],[84.47194824218751,182.463818359375],[84.82100830078126,182.47755126953126],[85.17012939453126,182.49056396484377],[85.519287109375,182.502783203125],[85.86844482421876,182.51434326171875],[86.217626953125,182.5252197265625],[86.56683349609375,182.53543701171876],[86.916064453125,182.54498291015625],[87.2653076171875,182.55385742187502],[87.61455688476563,182.56192626953126],[87.96385498046875,182.5693115234375],[88.3131591796875,182.57603759765627],[88.66243896484376,182.58211669921877],[89.01175537109376,182.58753662109376],[89.3610595703125,182.5922607421875],[89.71040649414063,182.59617919921877],[90.05975952148438,182.599462890625],[90.40908813476562,182.60211181640625],[90.75844116210938,182.6041259765625],[91.10780639648438,182.605419921875],[91.4571533203125,182.60594482421877],[91.80645751953125,182.60147705078126],[92.15571289062501,182.59401855468752],[92.5050048828125,182.58656005859376],[92.85428466796876,182.5791015625],[93.20355224609375,182.57164306640627],[93.55283203125,182.5641845703125],[93.90212402343751,182.5567138671875],[94.25137939453126,182.54925537109375],[94.60067138671876,182.54179687500002],[94.9499267578125,182.53433837890626],[95.29921875000001,182.52687988281252],[95.64849853515625,182.51942138671876],[95.99776611328126,182.511962890625],[96.3470458984375,182.50450439453127],[96.696337890625,182.49703369140627],[97.04559326171875,182.4895751953125],[97.394873046875,182.48211669921875],[97.744140625,182.47465820312502],[98.09342041015626,182.46719970703126],[98.44271240234376,182.45974121093752],[98.7919677734375,182.45228271484376],[99.14125976562501,182.44482421875],[99.49053955078125,182.437353515625],[99.83980712890626,182.42989501953127],[100.1890869140625,182.4224365234375],[100.53835449218751,182.41497802734375],[100.88763427734375,182.40751953125002],[101.23692626953125,182.40006103515626],[101.586181640625,182.39260253906252],[101.9354736328125,182.38514404296876],[102.28475341796876,182.37767333984377],[102.63402099609375,182.37021484375],[102.98330078125001,182.36275634765627],[103.332568359375,182.3552978515625],[103.68184814453126,182.34783935546875],[104.0311279296875,182.34038085937502],[104.38039550781251,182.33292236328126],[104.72968750000001,182.32546386718752],[105.07896728515625,182.3179931640625],[105.42822265625,182.31053466796877],[105.7775146484375,182.303076171875],[106.12678222656251,182.29561767578127],[106.47606201171875,182.2881591796875],[106.82534179687501,182.28070068359375],[107.174609375,182.27324218750002],[107.52388916015626,182.26578369140626],[107.8731689453125,182.25832519531252],[108.22243652343751,182.2508544921875],[108.57172851562501,182.24339599609377],[108.92098388671876,182.2359375],[109.270263671875,182.22847900390627],[109.6195556640625,182.2210205078125],[109.96882324218751,182.21356201171875],[110.31810302734375,182.20610351562502],[110.6673583984375,182.19864501953126],[111.016650390625,182.19117431640626],[111.3659423828125,182.1837158203125],[111.71519775390625,182.17625732421877],[112.06447753906251,182.168798828125],[112.41376953125001,182.16134033203127],[112.763037109375,182.1538818359375],[113.11231689453126,182.14642333984375],[113.46157226562501,182.13896484375002],[113.81086425781251,182.13149414062502],[114.16015625,182.12403564453126],[114.5093994140625,182.1165771484375],[114.85869140625,182.10911865234377],[115.2079833984375,182.10166015625],[115.55723876953125,182.09420166015627],[115.90651855468751,182.0867431640625],[116.2557861328125,182.07928466796875],[116.605078125,182.07181396484376],[116.95435791015626,182.06435546875002],[117.30361328125001,182.05689697265626],[117.65290527343751,182.0494384765625],[118.002197265625,182.04197998046877],[118.35145263671876,182.034521484375],[118.700732421875,182.02706298828127],[119.05000000000001,182.0196044921875],[119.3992919921875,182.01213378906252],[119.74857177734376,182.00467529296876],[120.0978271484375,181.99721679687502],[120.447119140625,181.98975830078126],[120.79641113281251,181.9822998046875],[121.14566650390626,181.97484130859377],[121.49494628906251,181.9673828125],[121.8442138671875,181.95992431640627],[122.19349365234376,181.9524658203125],[122.5427734375,181.94499511718752],[122.89204101562501,181.93753662109376],[123.2413330078125,181.93007812500002],[123.59061279296876,181.92261962890626],[123.9398681640625,181.9151611328125],[124.28916015625,181.90770263671877],[124.638427734375,181.900244140625],[124.98770751953126,181.89278564453127],[125.33698730468751,181.88531494140625],[125.6862548828125,181.87785644531252],[126.03554687500001,181.87039794921876],[126.38482666015625,181.86293945312502],[126.73408203125001,181.85548095703126],[127.0833740234375,181.8480224609375],[127.43264160156251,181.84056396484377],[127.78192138671875,181.83310546875],[128.131201171875,181.825634765625],[128.48046875,181.81817626953125],[128.82974853515626,181.81071777343752],[129.1790283203125,181.80325927734376],[129.5282958984375,181.79580078125002],[129.877587890625,181.78834228515626],[130.22684326171876,181.7808837890625],[130.576123046875,181.77342529296877],[130.9254150390625,181.76595458984377],[131.2746826171875,181.75849609375],[131.62396240234375,181.75103759765625],[131.9732421875,181.74357910156252],[132.322509765625,181.73612060546876],[132.67180175781252,181.72866210937502],[133.02105712890625,181.72120361328126],[133.3703369140625,181.7137451171875],[133.71962890625,181.7062744140625],[134.06889648437502,181.69881591796877],[134.41817626953124,181.691357421875],[134.7674560546875,181.68389892578125],[135.1167236328125,181.67644042968752],[135.466015625,181.66898193359376],[135.8152587890625,181.66152343750002],[136.16455078125,181.65406494140626],[136.51384277343752,181.64659423828127],[136.86309814453125,181.6391357421875],[137.2123779296875,181.63167724609377],[137.561669921875,181.62421875],[137.91093750000002,181.61676025390625],[138.26021728515624,181.60930175781252],[138.60947265625,181.60184326171876],[138.9587646484375,181.59438476562502],[139.308056640625,181.58692626953126],[139.65731201171874,181.57945556640627],[140.006591796875,181.5719970703125],[140.35588378906252,181.56453857421877],[140.7051513671875,181.557080078125],[141.05443115234377,181.54962158203125],[141.4036865234375,181.54216308593752],[141.75297851562502,181.53470458984376],[142.1022705078125,181.52724609375002],[142.45152587890627,181.519775390625],[142.8008056640625,181.51231689453127],[143.15009765625,181.5048583984375],[143.49935302734374,181.49739990234377],[143.8486328125,181.48994140625],[144.197900390625,181.48248291015625],[144.5471923828125,181.47502441406252],[144.89647216796877,181.46756591796876],[145.2457275390625,181.46009521484376],[145.59501953125002,181.45263671875],[145.9443115234375,181.44517822265627],[146.29356689453127,181.4377197265625],[146.6428466796875,181.43026123046877],[146.99211425781252,181.422802734375],[147.34140625,181.41534423828125],[147.69068603515626,181.40788574218752],[148.03994140625,181.40041503906252],[148.3892333984375,181.39295654296876],[148.738525390625,181.385498046875],[149.08778076171876,181.37803955078127],[149.43706054687502,181.3705810546875],[149.786328125,181.36312255859377],[150.13560791015627,181.3556640625],[150.4848876953125,181.34820556640625],[150.83415527343752,181.34074707031252],[151.183447265625,181.33327636718752],[151.53272705078126,181.32581787109376],[151.881982421875,181.318359375],[152.2312744140625,181.31090087890627],[152.5805419921875,181.3034423828125],[152.92982177734376,181.29598388671877],[153.27910156250002,181.288525390625],[153.628369140625,181.28106689453125],[153.9776611328125,181.27359619140626],[154.32691650390626,181.26613769531252],[154.67619628906252,181.25867919921876],[155.02548828125,181.251220703125],[155.37474365234377,181.24376220703127],[155.72403564453126,181.2363037109375],[156.0733154296875,181.22884521484377],[156.4225830078125,181.22138671875],[156.77186279296876,181.21391601562502],[157.12113037109376,181.20645751953126],[157.47041015625,181.19899902343752],[157.8197021484375,181.19154052734376],[158.16895751953126,181.18408203125],[158.51823730468752,181.17662353515627],[158.867529296875,181.1691650390625],[159.216796875,181.16170654296877],[159.56607666015626,181.15423583984375],[159.91533203125002,181.14677734375002],[160.2646240234375,181.13931884765626],[160.61391601562502,181.13186035156252],[160.96317138671876,181.12440185546876],[161.312451171875,181.116943359375],[161.6617431640625,181.10948486328127],[162.01099853515626,181.1020263671875],[162.36029052734375,181.0945556640625],[162.7095458984375,181.08709716796875],[163.058837890625,181.07963867187502],[163.40811767578126,181.07218017578126],[163.75738525390625,181.06472167968752],[164.1066650390625,181.05726318359376],[164.45595703125002,181.0498046875],[164.80521240234376,181.04234619140627],[165.15450439453127,181.03487548828127],[165.503759765625,181.0274169921875],[165.85305175781252,181.01995849609375],[166.20233154296875,181.01250000000002],[166.5515869140625,181.00504150390626],[166.90087890625,180.99758300781252],[167.25017089843752,180.99012451171876],[167.59942626953125,180.982666015625],[167.9487060546875,180.9751953125],[168.2979736328125,180.96773681640627],[168.64726562500002,180.9602783203125],[168.99654541015627,180.95281982421875],[169.34580078125,180.94536132812502],[169.69509277343752,180.93790283203126],[170.04437255859375,180.93044433593752],[170.39364013671877,180.92298583984376],[170.742919921875,180.91552734375],[171.09218750000002,180.908056640625],[171.44146728515625,180.90059814453127],[171.79075927734377,180.8931396484375],[172.1400146484375,180.88568115234375],[172.48930664062502,180.87822265625002],[172.83858642578127,180.87076416015626],[173.187841796875,180.86330566406252],[173.53713378906252,180.85584716796876],[173.88640136718752,180.84837646484377],[174.23568115234377,180.84091796875],[174.5849609375,180.83345947265627],[174.93422851562502,180.8260009765625],[175.2835205078125,180.81854248046875],[175.63280029296877,180.81108398437502],[175.9820556640625,180.80362548828126],[176.33134765625002,180.79616699218752],[176.68060302734375,180.7886962890625],[177.02989501953127,180.78123779296877],[177.37917480468752,180.773779296875],[177.72844238281252,180.76632080078127],[178.07772216796877,180.7588623046875],[178.42701416015626,180.75140380859375],[178.77626953125002,180.74394531250002],[179.1255615234375,180.73648681640626],[179.47481689453127,180.72901611328126],[179.8240966796875,180.7215576171875],[180.17338867187502,180.71409912109377],[180.52265625,180.706640625],[180.87193603515627,180.69918212890627],[181.22121582031252,180.6917236328125],[181.57048339843752,180.68426513671875],[181.919775390625,180.67680664062502],[182.26903076171877,180.66934814453126],[182.61831054687502,180.66187744140626],[182.9676025390625,180.6544189453125],[183.31685791015627,180.64696044921877],[183.66614990234376,180.639501953125],[184.01542968750002,180.63204345703127],[184.364697265625,180.6245849609375],[184.71397705078127,180.61712646484375],[185.06324462890626,180.60966796875002],[185.41252441406252,180.60219726562502],[185.76181640625,180.59473876953126],[186.11107177734377,180.5872802734375],[186.46036376953126,180.57982177734377],[186.8096435546875,180.57236328125],[187.1589111328125,180.56490478515627],[187.50819091796876,180.5574462890625],[187.85744628906252,180.54998779296875],[188.20673828125,180.54251708984376],[188.5560302734375,180.53505859375002],[188.90528564453126,180.52760009765626],[189.25456542968752,180.5201416015625],[189.603857421875,180.51268310546877],[189.95311279296877,180.505224609375],[190.30240478515626,180.49776611328127],[190.65166015625002,180.4903076171875],[191.0009521484375,180.48283691406252],[191.35023193359376,180.47537841796876],[191.69949951171876,180.46791992187502],[192.048779296875,180.46046142578126],[192.3980712890625,180.4530029296875],[192.74732666015626,180.44554443359377],[193.09661865234375,180.4380859375],[193.4458740234375,180.43062744140627],[193.795166015625,180.42315673828125],[194.14444580078126,180.41569824218752],[194.49371337890625,180.40823974609376],[194.8429931640625,180.40078125000002],[195.19228515625002,180.39332275390626],[195.54154052734376,180.3858642578125],[195.8908203125,180.37840576171877],[196.240087890625,180.370947265625],[196.58936767578126,180.3634765625],[196.93865966796875,180.35601806640625],[197.2879150390625,180.34855957031252],[197.63720703125,180.34110107421876],[197.98646240234376,180.33364257812502],[198.33575439453125,180.32618408203126],[198.6850341796875,180.3187255859375],[199.0343017578125,180.31126708984377],[199.38358154296876,180.30380859375],[199.73287353515627,180.296337890625],[200.08212890625,180.28887939453125],[200.43142089843752,180.28142089843752],[200.78067626953126,180.27396240234376],[201.12996826171877,180.26650390625002],[201.479248046875,180.25904541015626],[201.82851562500002,180.2515869140625],[202.17779541015625,180.24412841796877],[202.5270751953125,180.23665771484377],[202.8763427734375,180.22919921875],[203.22562255859376,180.22174072265625],[203.57489013671875,180.21428222656252],[203.924169921875,180.20682373046876],[204.27346191406252,180.19936523437502],[204.62271728515626,180.19190673828126],[204.9719970703125,180.1844482421875],[205.3212890625,180.1769775390625],[205.67055664062502,180.16909179687502],[206.01896972656252,180.1436279296875],[206.36687011718752,180.11196289062502],[206.71435546875,180.075927734375],[207.061474609375,180.0364501953125],[207.40822753906252,179.99398193359377],[207.75466308593752,179.94879150390625],[208.10073242187502,179.90102539062502],[208.446484375,179.8510498046875],[208.791943359375,179.79886474609376],[209.1370361328125,179.74453125000002],[209.48183593750002,179.6883056640625],[209.82634277343752,179.63026123046876],[210.1705322265625,179.5704345703125],[210.514404296875,179.5088623046875],[210.8580078125,179.44559326171876],[211.2012451171875,179.3806884765625],[211.54423828125002,179.3141845703125],[211.88688964843752,179.24615478515625],[212.22927246093752,179.1766357421875],[212.57133789062502,179.10567626953127],[212.91311035156252,179.03333740234376],[213.25458984375,178.95966796875],[213.5958251953125,178.88469238281252],[213.936767578125,178.80843505859377],[214.2773193359375,178.73061523437502],[214.61767578125,178.65159912109377],[214.95771484375,178.57147216796875],[215.2974365234375,178.49025878906252],[215.63688964843752,178.40753173828125],[215.9760498046875,178.32366943359375],[216.31494140625,178.23883056640625],[216.653564453125,178.15285644531252],[216.9917724609375,178.06547851562502],[217.32978515625,177.97719726562502],[217.667578125,177.88798828125002],[218.0049560546875,177.79727783203126],[218.342138671875,177.7057861328125],[218.67900390625002,177.6133544921875],[219.01552734375002,177.51953125],[219.3518798828125,177.4250244140625],[219.68789062500002,177.32933349609377],[220.0235595703125,177.23260498046875],[220.3591064453125,177.13529052734376],[220.69414062500002,177.03640136718752],[221.029052734375,176.93695068359375],[221.3636474609375,176.83643798828126],[221.69794921875,176.73489990234376],[222.03203125000002,176.63275146484375],[222.36562500000002,176.52923583984375],[222.6991943359375,176.42531738281252],[223.0322998046875,176.31993408203127],[223.36525878906252,176.2140869140625],[223.6978271484375,176.10710449218752],[224.0301025390625,175.99941406250002],[224.362158203125,175.89080810546875],[224.6939453125,175.78126220703126],[225.0254638671875,175.67104492187502],[225.35661621093752,175.55975341796875],[225.68759765625,175.44794921875],[226.0181396484375,175.33494873046877],[226.348583984375,175.221533203125],[226.6786865234375,175.10720214843752],[227.00849609375,174.991943359375],[227.33793945312502,174.87557373046877],[227.6672119140625,174.75895996093752],[227.9962158203125,174.641455078125],[228.32490234375,174.523046875],[228.65927734375,174.42269287109377],[228.997265625,174.33424072265626],[229.33586425781252,174.24833984375002],[229.6750244140625,174.16458740234376],[230.01469726562502,174.08278808593752],[230.3546875,174.00245361328126],[230.6951416015625,173.92399902343752],[231.03593750000002,173.84713134765627],[231.37697753906252,173.77169189453127],[231.71843261718752,173.69780273437502],[232.06020507812502,173.62535400390627],[232.402294921875,173.55423583984376],[232.7446044921875,173.48447265625],[233.087158203125,173.41605224609376],[233.4300048828125,173.3489501953125],[233.77312011718752,173.283154296875],[234.11647949218752,173.21865234375002],[234.46005859375,173.15544433593752],[234.80388183593752,173.09349365234377],[235.1479248046875,173.0328125],[235.4921875,172.97335205078127],[235.836669921875,172.91513671875],[236.18134765625,172.8581298828125],[236.5262451171875,172.80241699218752],[236.8712890625,172.74808349609376],[237.2166259765625,172.6949462890625],[237.56206054687502,172.643017578125],[237.90773925781252,172.592236328125],[238.25356445312502,172.54262695312502],[238.5995849609375,172.49459228515627],[238.9457763671875,172.4477294921875],[239.2921142578125,172.40198974609376],[239.638623046875,172.35736083984375],[239.9853271484375,172.31431884765627],[240.33212890625,172.27252197265625],[240.67912597656252,172.2318115234375],[241.0262451171875,172.19224853515627],[241.37355957031252,172.15440673828127],[241.72099609375002,172.11766357421877],[242.06845703125,172.08199462890627],[242.41616210937502,172.04791259765625],[242.7639892578125,172.01517333984376],[243.1119140625,171.98348388671877],[243.4599609375,171.95322265625],[243.80815429687502,171.92452392578127],[244.15634765625,171.89671630859377],[244.5047119140625,171.87052001953126],[244.85319824218752,171.84566650390627],[245.20180664062502,171.822265625],[245.55043945312502,171.80019531250002],[245.899169921875,171.77944335937502],[246.247998046875,171.76026611328126],[246.596875,171.742431640625],[246.9458740234375,171.72593994140627],[247.2948974609375,171.71098632812502],[247.643994140625,171.697509765625],[247.9931640625,171.68541259765627],[248.34233398437502,171.67474365234375],[248.69155273437502,171.66573486328127],[249.0408447265625,171.65816650390627],[249.39016113281252,171.65205078125],[249.739453125,171.64738769531252],[250.08879394531252,171.644482421875],[250.43815917968752,171.64306640625],[250.7873046875,171.63388671875],[251.136328125,171.6183837890625],[251.485302734375,171.602880859375],[251.834326171875,171.58736572265627],[252.183349609375,171.57186279296877],[252.53237304687502,171.55634765625],[252.88139648437502,171.5408447265625],[253.23037109375002,171.525341796875],[253.57937011718752,171.50982666015625],[253.92839355468752,171.49432373046875],[254.2774169921875,171.47880859375002],[254.6264404296875,171.46330566406252],[254.9754638671875,171.44780273437502],[255.3244384765625,171.43228759765626],[255.6734619140625,171.41678466796876],[256.0224853515625,171.40128173828126],[256.371484375,171.38576660156252],[256.7205078125,171.37026367187502],[257.069482421875,171.35476074218752],[257.418505859375,171.33924560546876],[257.767529296875,171.32374267578126],[258.11655273437503,171.3082275390625],[258.465576171875,171.292724609375],[258.81455078125003,171.2772216796875],[259.16357421875,171.26170654296877],[259.51259765625,171.24620361328127],[259.86162109375,171.2306884765625],[260.2106201171875,171.215185546875],[260.5596435546875,171.1996826171875],[260.9086181640625,171.18416748046877],[261.2576416015625,171.16866455078127],[261.60666503906253,171.15316162109377],[261.9556884765625,171.137646484375],[262.3047119140625,171.1221435546875],[262.6536865234375,171.106640625],[263.0027099609375,171.09112548828125],[263.351708984375,171.07562255859375],[263.700732421875,171.06010742187502],[264.049755859375,171.04460449218752],[264.39873046875,171.02910156250002],[264.74775390625,171.01358642578126],[265.09677734375003,170.99808349609376],[265.44580078125,170.98256835937502],[265.79482421875,170.96706542968752],[266.14384765625,170.95156250000002],[266.492822265625,170.93604736328126],[266.8418212890625,170.92054443359376],[267.1908447265625,170.90504150390626],[267.5398681640625,170.8895263671875],[267.88889160156253,170.8740234375],[268.2378662109375,170.85850830078127],[268.58688964843753,170.84300537109377],[268.9359130859375,170.82750244140627],[269.2849365234375,170.8119873046875],[269.6339599609375,170.796484375],[269.98291015625,170.7809814453125],[270.33193359375,170.76546630859377],[270.68095703125,170.74996337890627],[271.02998046875,170.7344482421875],[271.37900390625003,170.7189453125],[271.72802734375,170.7034423828125],[272.07700195312503,170.68792724609375],[272.426025390625,170.67242431640625],[272.775048828125,170.65692138671875],[273.124072265625,170.64140625000002],[273.4730712890625,170.62590332031252],[273.8220458984375,170.61038818359376],[274.1710693359375,170.59488525390626],[274.5200927734375,170.57938232421876],[274.86911621093753,170.56386718750002],[275.2181396484375,170.54836425781252],[275.56711425781253,170.53286132812502],[275.9161376953125,170.51734619140626],[276.2651611328125,170.50184326171876],[276.61416015625,170.486328125],[276.96318359375,170.4708251953125],[277.31220703125,170.455322265625],[277.661181640625,170.43980712890627],[278.010205078125,170.42430419921877],[278.35922851562503,170.4087890625],[278.708251953125,170.3932861328125],[279.057275390625,170.377783203125],[279.40625,170.36226806640627],[279.7552734375,170.34676513671877],[280.1042724609375,170.33126220703127],[280.4532958984375,170.3157470703125],[280.8023193359375,170.300244140625],[281.1512939453125,170.2847412109375],[281.5003173828125,170.26922607421875],[281.84934082031253,170.25372314453125],[282.1983642578125,170.23820800781252],[282.5473876953125,170.22270507812502],[282.8963623046875,170.20720214843752],[283.245361328125,170.19168701171876],[283.594384765625,170.17618408203126],[283.943408203125,170.16066894531252],[284.292431640625,170.14516601562502],[284.64145507812503,170.12966308593752],[284.9904296875,170.11414794921876],[285.33945312500003,170.09864501953126],[285.6884765625,170.08314208984376],[286.0375,170.067626953125],[286.3865234375,170.0521240234375],[286.7354736328125,170.03662109375],[287.0844970703125,170.02110595703127],[287.4335205078125,170.00560302734377],[287.7825439453125,169.990087890625],[288.13156738281253,169.9745849609375],[288.4805419921875,169.95908203125],[288.82956542968753,169.94356689453127],[289.1785888671875,169.92806396484377],[289.5276123046875,169.912548828125],[289.876611328125,169.8970458984375],[290.225634765625,169.88154296875],[290.574609375,169.86602783203125],[290.9236328125,169.85052490234375],[291.27265625,169.83502197265625],[291.62167968750003,169.81950683593752],[291.970703125,169.80400390625002],[292.31967773437503,169.78850097656252],[292.668701171875,169.77298583984376],[293.017724609375,169.75748291015626],[293.3667236328125,169.74196777343752],[293.7157470703125,169.72646484375002],[294.0647216796875,169.71096191406252],[294.4137451171875,169.69544677734376],[294.7627685546875,169.67994384765626],[295.11179199218753,169.6644287109375],[295.4608154296875,169.64892578125],[295.8098388671875,169.6334228515625],[296.1588134765625,169.61790771484377],[296.5078369140625,169.60240478515627],[296.8568359375,169.58690185546877],[297.205859375,169.57138671875],[297.5548828125,169.5558837890625],[297.903857421875,169.54036865234377],[298.252880859375,169.52486572265627],[298.60190429687503,169.50936279296877],[298.950927734375,169.49384765625],[299.299951171875,169.4783447265625],[299.64892578125,169.462841796875],[299.9979248046875,169.44732666015625],[300.3469482421875,169.43182373046875],[300.6959716796875,169.41630859375002],[301.037548828125,169.4628662109375],[301.3822509765625,169.51849365234375],[301.730615234375,169.5431640625],[302.07993164062503,169.545361328125],[302.42890625,169.5296142578125],[302.7768798828125,169.49893798828126],[303.12351074218753,169.4554443359375],[303.4685302734375,169.4007568359375],[303.8118408203125,169.33620605468752],[304.15341796875003,169.2628173828125],[304.49313964843753,169.18142089843752],[304.8310791015625,169.0927490234375],[305.1671630859375,168.99755859375],[305.50144042968753,168.89615478515626],[305.83408203125003,168.7892822265625],[306.16489257812503,168.67696533203127],[306.49404296875,168.55989990234377],[306.82158203125,168.43829345703125],[307.147412109375,168.3124755859375],[307.4717529296875,168.18260498046877],[307.7945556640625,168.04901123046875],[308.115869140625,167.91185302734377],[308.43576660156253,167.77139892578126],[308.754150390625,167.627685546875],[309.0711669921875,167.48092041015627],[309.3869140625,167.33135986328125],[309.7012939453125,167.17901611328125],[310.014404296875,167.0240234375],[310.32626953125003,166.86663818359375],[310.63688964843755,166.70673828125],[310.94638671875003,166.5446533203125],[311.2546630859375,166.380322265625],[311.56181640625005,166.2138671875],[311.8679443359375,166.04552001953127],[312.1728515625,165.87502441406252],[312.4767578125,165.70274658203127],[312.77971191406255,165.52874755859375],[313.08154296875,165.35283203125002],[313.38242187500003,165.17528076171877],[313.68232421875,164.9961669921875],[313.981396484375,164.81547851562502],[314.2794189453125,164.6332763671875],[314.5765625,164.44947509765626],[314.872802734375,164.26430664062502],[315.16813964843755,164.07778320312502],[315.46269531250005,163.88990478515626],[315.75639648437505,163.70072021484376],[316.04929199218753,163.51029052734376],[316.34140625000003,163.318603515625],[316.63271484375,163.125732421875],[316.90129394531255,162.90252685546875],[317.16865234375,162.67763671875002],[317.43601074218753,162.45274658203127],[317.703369140625,162.2278564453125],[317.9707275390625,162.00295410156252],[318.2380615234375,161.77810058593752],[318.50541992187505,161.55321044921877],[318.77275390625005,161.3283203125],[319.0401123046875,161.10343017578126],[319.30747070312503,160.8785400390625],[319.57480468750003,160.65367431640627],[319.8421630859375,160.4287841796875],[320.109521484375,160.20389404296876],[320.37687988281255,159.97900390625],[320.64423828125,159.75411376953127],[320.91159667968753,159.52922363281252],[321.17890625,159.30435791015626],[321.44626464843753,159.0794677734375],[321.713623046875,158.85457763671877],[321.9809814453125,158.62968750000002],[322.24833984375005,158.40479736328126],[322.5156494140625,158.179931640625],[322.78300781250005,157.95504150390627],[323.0503662109375,157.73015136718752],[323.31772460937503,157.50526123046876],[323.5850830078125,157.28037109375],[323.8524169921875,157.05550537109377],[324.119775390625,156.83061523437502],[324.38713378906255,156.60572509765626],[324.6544921875,156.3808349609375],[324.921826171875,156.15594482421875],[325.18916015625,155.93109130859375],[325.45651855468753,155.70620117187502],[325.723876953125,155.481298828125],[325.9912353515625,155.25640869140625],[326.25859375000005,155.03151855468752],[326.5259521484375,154.80662841796877],[326.79326171875005,154.58177490234377],[327.0606201171875,154.356884765625],[327.32797851562503,154.13199462890626],[327.5953369140625,153.90709228515627],[327.8626953125,153.6822021484375],[328.1300048828125,153.4573486328125],[328.39736328125,153.23245849609376],[328.66472167968755,153.007568359375],[328.932080078125,152.78267822265624],[329.1404052734375,152.5033935546875],[329.33964843750005,152.21650390625],[329.53681640625,151.9281005859375],[329.73198242187505,151.63829345703127],[329.9251708984375,151.34720458984376],[330.116845703125,151.05516357421877],[330.3064208984375,150.7616943359375],[330.49423828125003,150.4671875],[330.68010253906255,150.1713623046875],[330.86423339843753,149.87445068359375],[331.046337890625,149.57630615234376],[331.22641601562503,149.27691650390625],[331.40446777343755,148.9763916015625],[331.58046875,148.67457275390626],[331.75407714843755,148.37139892578125],[331.92526855468753,148.0668701171875],[332.0940673828125,147.760986328125],[332.26030273437505,147.45377197265626],[332.4238525390625,147.14506835937502],[332.58452148437505,146.8348388671875],[332.74189453125,146.5229248046875],[332.89599609375,146.209375],[333.046533203125,145.89410400390625],[333.19309082031253,145.5770263671875],[333.3355224609375,145.25804443359377],[333.47348632812503,144.93706054687502],[333.6062744140625,144.61395263671875],[333.73374023437503,144.2886474609375],[333.8550048828125,143.96104736328127],[333.9696044921875,143.63103027343752],[334.0764892578125,143.2984375],[334.1749267578125,142.9632568359375],[334.2633056640625,142.62528076171876],[334.3406494140625,142.28465576171877],[334.40463867187503,141.94124755859374],[334.453125,141.59526367187502],[334.483154296875,141.247265625],[334.490869140625,140.8980712890625],[334.47158203125,140.5493408203125],[334.41943359375,140.2041015625],[334.327880859375,139.8672119140625],[334.30620117187505,139.52482910156252],[334.32109375000005,139.1757568359375],[334.330810546875,138.82655029296876],[334.33583984375,138.4772705078125],[334.3367431640625,138.1279296875],[334.3332763671875,137.7785888671875],[334.325830078125,137.429296875],[334.31418457031253,137.0801025390625],[334.29851074218755,136.73115234375],[334.27873535156255,136.38237304687502],[334.25478515625,136.03380126953127],[334.2266357421875,135.6855712890625],[334.1939697265625,135.337744140625],[334.1568115234375,134.9903564453125],[334.11513671875,134.64354248046877],[334.068798828125,134.297265625],[334.0174560546875,133.9517333984375],[333.960888671875,133.60697021484376],[333.89921875000005,133.26311035156252],[333.8320556640625,132.92032470703126],[333.7591796875,132.5786376953125],[333.68015136718753,132.23833007812502],[333.59494628906253,131.89954833984376],[333.50322265625005,131.56240234375],[333.4046630859375,131.22730712890626],[333.29887695312505,130.89433593750002],[333.18559570312505,130.56387939453126],[333.0644775390625,130.2362060546875],[332.90800781250005,129.9239013671875],[332.75046386718753,129.61207275390626],[332.592919921875,129.30029296875],[332.4353759765625,128.98846435546875],[332.27783203125,128.6766357421875],[332.12028808593755,128.3648193359375],[331.96274414062503,128.05299072265626],[331.8052001953125,127.7412109375],[331.64765625,127.42939453125001],[331.4901123046875,127.11756591796876],[331.33256835937505,126.80573730468751],[331.175,126.49392089843751],[331.01748046875,126.18212890625],[330.8599365234375,125.87031250000001],[330.702392578125,125.55848388671876],[330.54482421875,125.24666748046876],[330.3872802734375,124.93483886718751],[330.229736328125,124.62301025390626],[330.072216796875,124.31123046875001],[329.91464843750003,123.99941406250001],[329.7571044921875,123.68758544921876],[329.599560546875,123.37575683593751],[329.4420166015625,123.0639404296875],[329.28447265625005,122.75216064453126],[329.12692871093753,122.44033203125001],[328.969384765625,122.128515625],[328.8118408203125,121.81668701171876],[328.654296875,121.5048583984375],[328.49675292968755,121.19307861328126],[328.33920898437503,120.88125000000001],[328.1816650390625,120.56943359375],[328.02412109375,120.25760498046876],[327.86655273437503,119.94578857421875],[327.7090087890625,119.6339599609375],[327.55148925781253,119.32218017578126],[327.3939453125,119.0103515625],[327.23637695312505,118.69853515625],[327.07883300781253,118.38670654296875],[326.9212890625,118.0748779296875],[326.76376953125003,117.76309814453126],[326.606201171875,117.45128173828125],[326.44865722656255,117.139453125],[326.29111328125003,116.82762451171875],[326.1335693359375,116.51580810546875],[325.976025390625,116.2040283203125],[325.8184814453125,115.89219970703125],[325.66093750000005,115.58037109375],[325.50339355468753,115.2685546875],[325.345849609375,114.95672607421875],[325.1883056640625,114.6449462890625],[325.03076171875,114.3331298828125],[324.87321777343755,114.02130126953125],[324.71567382812503,113.70947265625],[324.55810546875,113.39765625000001],[324.40056152343755,113.08582763671876],[324.2430419921875,112.7740478515625],[324.08549804687505,112.46221923828125],[323.9279296875,112.15040283203126],[323.7703857421875,111.83857421875001],[323.61284179687505,111.52674560546876],[323.455322265625,111.2149658203125],[323.29775390625,110.90314941406251],[323.1402099609375,110.59132080078126],[322.982666015625,110.27949218750001],[322.82512207031255,109.96767578125001],[322.66757812500003,109.65589599609376],[322.5100341796875,109.34406738281251],[322.352490234375,109.03223876953126],[322.1949462890625,108.72042236328126],[322.03740234375005,108.40859375000001],[321.879833984375,108.09677734375],[321.722314453125,107.78498535156251],[321.5647705078125,107.47316894531251],[321.4072265625,107.16134033203126],[321.249658203125,106.84952392578126],[321.0921142578125,106.5376953125],[320.9345947265625,106.22591552734376],[320.77705078125,105.91408691406251],[320.61948242187503,105.6022705078125],[320.4619384765625,105.29044189453126],[320.30439453125,104.97861328125],[320.146875,104.66683349609376],[319.98930664062505,104.35501708984376],[319.83176269531253,104.0431884765625],[319.67421875,103.73135986328126],[319.5166748046875,103.41954345703125],[319.359130859375,103.10771484375],[319.20158691406255,102.79593505859376],[319.04404296875003,102.4841064453125],[318.8864990234375,102.1722900390625],[318.728955078125,101.86046142578125],[318.57138671875003,101.54863891601563],[318.41386718750005,101.23685913085939],[318.25632324218753,100.92503662109375],[318.098779296875,100.6132080078125],[317.94121093750005,100.30138549804688],[317.78366699218753,99.98956298828125],[317.62614746093755,99.677783203125],[317.46860351562503,99.36596069335938],[317.310693359375,99.05436401367189],[317.1603515625,98.73896484375001],[317.01572265625003,98.42097778320313],[316.875927734375,98.10078125000001],[316.74091796875,97.77860107421876],[316.61020507812503,97.454638671875],[316.4837646484375,97.12896728515625],[316.36174316406255,96.80160522460938],[316.24384765625,96.47271728515625],[316.12985839843753,96.1425537109375],[316.02043457031255,95.81075439453126],[315.91477050781253,95.4777587890625],[315.81376953125005,95.14331665039063],[315.71665039062503,94.80773315429688],[315.62382812500005,94.47095947265626],[315.5354248046875,94.13300170898438],[315.4514892578125,93.79388427734375],[315.37199707031255,93.45365600585939],[315.2969970703125,93.11246337890626],[315.2266357421875,92.77026977539063],[315.16098632812503,92.42713623046876],[315.10007324218753,92.08316040039062],[315.044140625,91.73830566406251],[314.99306640625,91.39266357421876],[314.94707031250005,91.04635009765626],[314.90629882812505,90.69942626953126],[314.8707275390625,90.35192260742188],[314.84042968750003,90.00384521484375],[314.8157958984375,89.65535888671876],[314.7967041015625,89.30652465820313],[314.7832763671875,88.95748901367188],[314.77556152343755,88.60822143554688],[314.77373046875005,88.25886230468751],[314.778076171875,87.90951538085938],[314.788525390625,87.56033935546876],[314.8052001953125,87.21135864257813],[314.82817382812505,86.86281127929688],[314.85759277343755,86.51471557617188],[314.8935546875,86.16719360351563],[314.93613281250003,85.82042236328125],[314.9486083984375,85.47147827148439],[314.96477050781255,85.1225341796875],[314.9868896484375,84.7738525390625],[315.01486816406253,84.42561645507813],[315.0484619140625,84.07790527343751],[315.08762207031253,83.73071899414063],[315.13266601562503,83.384326171875],[315.18359375,83.03872070312501],[315.24082031250003,82.69409790039063],[315.304833984375,82.35065307617188],[315.375732421875,82.00856323242188],[315.45432128906253,81.66816406250001],[315.54118652343755,81.32979736328126],[315.63693847656253,80.99385986328126],[315.74240722656253,80.66079711914062],[315.858544921875,80.33134765625],[315.986474609375,80.00625610351562],[316.12753906250003,79.68668823242189],[316.28310546875,79.37396850585938],[316.45478515625,79.06971435546876],[316.6446044921875,78.77653198242189],[316.854150390625,78.49705810546875],[317.0854736328125,78.23546752929688],[317.33745117187505,77.99360351562501],[317.59233398437505,77.7546875],[317.8472412109375,77.51577148437501],[318.10214843750003,77.27685546875],[318.35703125000003,77.03797607421876],[318.61191406250003,76.79906005859375],[318.8668212890625,76.56015014648438],[319.121728515625,76.32123413085938],[319.37663574218755,76.08231811523437],[319.63154296875,75.84340209960938],[319.88640136718755,75.60452270507812],[320.14130859375,75.36560668945313],[320.39621582031253,75.12669677734375],[320.651123046875,74.88778076171876],[320.9060302734375,74.64886474609375],[321.160888671875,74.4099853515625],[321.4157958984375,74.1710693359375],[321.67070312500005,73.93215332031251],[321.9256103515625,73.69324340820313],[322.18051757812503,73.45432739257812],[322.4353759765625,73.21544799804688],[322.69028320312503,72.97653198242188],[322.94516601562503,72.73761596679688],[323.20009765625,72.49869995117187],[323.45498046875,72.25979003906251],[323.70988769531255,72.0208740234375],[323.96474609375,71.78199462890625],[324.219677734375,71.54307861328125],[324.474560546875,71.30416259765626],[324.72946777343753,71.06524658203125],[324.984375,70.82633666992187],[325.2392578125,70.587451171875],[325.494140625,70.34854125976562],[325.7490478515625,70.10962524414063],[326.00395507812505,69.87070922851562],[326.2588623046875,69.63179321289063],[326.51372070312505,69.39291381835938],[326.7686279296875,69.15399780273438],[327.02353515625003,68.915087890625],[327.2784423828125,68.67617187500001],[327.533349609375,68.437255859375],[327.788232421875,68.19833984375],[328.043115234375,67.95946044921875],[328.29802246093755,67.72054443359376],[328.5529296875,67.48163452148438],[328.8078125,67.24271850585937],[329.062744140625,67.00380249023438],[329.31760253906253,66.76492309570312],[329.572509765625,66.52600708007813],[329.827392578125,66.28709106445312],[330.08232421875005,66.04818115234376],[330.33720703125005,65.80926513671875],[330.59208984375005,65.5703857421875],[330.84697265625005,65.3314697265625],[331.1018798828125,65.09255371093751],[331.35678710937503,64.8536376953125],[331.6116943359375,64.61472778320312],[331.8666015625,64.37581176757813],[332.1214599609375,64.13693237304688],[332.3763671875,63.89801635742188],[332.63127441406255,63.65910034179688],[332.886181640625,63.4201904296875],[333.14108886718753,63.1812744140625],[333.395947265625,62.942395019531254],[333.65085449218753,62.70347900390625],[333.90576171875,62.46456298828125],[334.1606689453125,62.22564697265625],[334.41557617187505,61.986730957031256],[334.6704345703125,61.7478515625],[334.92534179687505,61.508935546875],[335.1802490234375,61.27001953125],[335.43515625000003,61.03110961914063],[335.69003906250003,60.79219360351563],[335.9449462890625,60.55328369140625],[336.1998291015625,60.31439819335938],[336.454736328125,60.07548217773438],[336.709619140625,59.836572265625],[336.96452636718755,59.59765625],[337.21943359375,59.358740234375006],[337.47431640625,59.11986083984375],[337.72919921875,58.88094482421875],[337.98410644531253,58.64202880859375],[338.239013671875,58.403112792968756],[338.4939208984375,58.164196777343754],[338.748779296875,57.9253173828125],[339.0036865234375,57.6864013671875],[339.25859375000005,57.44749145507813],[339.5135009765625,57.20857543945313],[339.76840820312503,56.96966552734375],[340.0233154296875,56.730749511718756],[340.27817382812503,56.4918701171875],[340.5330810546875,56.2529541015625],[340.78798828125,56.0140380859375],[341.04289550781255,55.775122070312506],[341.297802734375,55.536206054687504],[341.55266113281255,55.29732666015625],[341.807568359375,55.05841064453125],[342.06247558593753,54.819494628906256],[342.3173828125,54.58058471679688],[342.572265625,54.341668701171876],[342.8271484375,54.10278930664063],[343.0820556640625,53.86387329101563],[343.33696289062505,53.62496337890625],[343.59184570312505,53.38604736328125],[343.8467529296875,53.147131347656256],[344.10166015625003,52.908215332031254],[344.35654296875003,52.6693359375],[344.61142578125003,52.430419921875],[344.8663330078125,52.191503906250006],[345.121240234375,51.952587890625004],[345.37614746093755,51.713677978515626],[345.631005859375,51.47479248046875],[345.88591308593755,51.23588256835938],[346.1408203125,50.99696655273438],[346.39572753906253,50.75805358886719],[346.650634765625,50.51913757324219],[346.90549316406253,50.28025817871094],[347.160400390625,50.04134216308594],[347.4153076171875,49.80242919921875],[347.67021484375005,49.563513183593756],[347.9251220703125,49.32460021972656],[348.17998046875005,49.0857177734375],[348.4348876953125,48.846804809570315],[348.68979492187503,48.607888793945314],[348.94467773437503,48.36897583007813],[349.1995849609375,48.130059814453126],[349.4544921875,47.89114685058594],[349.709375,47.65226440429688],[349.9642578125,47.41335144042969],[350.21916503906255,47.17443542480469],[350.474072265625,46.935522460937506],[350.72897949218753,46.696606445312504],[350.983837890625,46.45772705078125],[351.23874511718753,46.21881103515625],[351.49365234375,45.979898071289064],[351.7485595703125,45.74098205566406],[352.00346679687505,45.502069091796876],[352.2583251953125,45.263186645507815],[352.51323242187505,45.02427368164063],[352.7681396484375,44.78535766601563],[353.02304687500003,44.54644470214844],[353.2779541015625,44.30752868652344],[353.532861328125,44.068615722656254],[353.7877197265625,43.82973327636719],[354.042626953125,43.5908203125],[354.29753417968755,43.351904296875006],[354.55244140625,43.11299133300781],[354.80732421875,42.87407531738282],[355.06220703125,42.635195922851565],[355.31711425781253,42.396279907226564],[355.572021484375,42.15736694335938],[355.826904296875,41.918450927734376],[356.0818115234375,41.67953796386719],[356.3366943359375,41.44065551757813],[356.59160156250005,41.20174255371094],[356.84648437500005,40.96282653808594],[357.1013916015625,40.723913574218756],[357.35629882812503,40.484997558593754],[357.6112060546875,40.24608459472657],[357.86606445312503,40.0072021484375],[358.1209716796875,39.768286132812506],[358.37587890625,39.52937316894531],[358.63078613281255,39.29045715332032],[358.885693359375,39.051544189453125],[359.14055175781255,38.812661743164064],[359.395458984375,38.57374877929688],[359.65036621093753,38.334832763671876],[359.9052734375,38.09591979980469],[360.1601806640625,37.857006835937504],[360.4150390625,37.618124389648436],[360.6699462890625,37.37921142578125],[360.92485351562505,37.14029541015625],[361.1797607421875,36.901379394531254],[361.43466796875003,36.66246643066406],[361.68955078125003,36.423553466796875],[361.94443359375003,36.184671020507814],[362.1993408203125,35.94575805664063],[362.454248046875,35.706842041015626],[362.709130859375,35.467926025390625],[362.96403808593755,35.22901306152344],[363.21892089843755,34.99013061523438],[363.473828125,34.75121765136719],[363.7287109375,34.5123046875],[363.98361816406253,34.273388671875004],[364.238525390625,34.03447265625],[364.49338378906253,33.79559326171875],[364.748291015625,33.55667724609375],[365.0031982421875,33.31776428222656],[365.25810546875005,33.078851318359376],[365.5130126953125,32.839935302734375],[365.76791992187503,32.601019287109374],[366.0227783203125,32.36213989257813],[366.27768554687503,32.123223876953126],[366.5325927734375,31.88431091308594],[366.7875,31.64539794921875],[367.04240722656255,31.406481933593753],[367.297265625,31.1676025390625],[367.55217285156255,30.928686523437502],[367.807080078125,30.6897705078125],[368.06198730468753,30.450857543945315],[368.31687011718753,30.211944580078125],[368.57175292968753,29.973059082031252],[368.82666015625,29.734146118164062],[369.0815673828125,29.495233154296876],[369.3364501953125,29.256317138671875],[369.59135742187505,29.017401123046877],[369.8462646484375,28.778488159179688],[370.1011474609375,28.539605712890626],[370.3560302734375,28.30069274902344],[370.61093750000003,28.06177978515625],[370.8658447265625,27.822863769531253],[371.120751953125,27.58394775390625],[371.3756103515625,27.345068359375002],[371.630517578125,27.10615234375],[371.88542480468755,26.867239379882815],[372.14033203125,26.628326416015625],[372.39523925781253,26.389410400390627],[372.65009765625,26.150531005859378],[372.90500488281253,25.911614990234376],[373.159912109375,25.67270202636719],[373.4148193359375,25.43378601074219],[373.66972656250005,25.194873046875003],[373.92460937500005,24.95595703125],[374.17949218750005,24.717076110839844],[374.4343994140625,24.47816162109375],[374.68930664062503,24.239247131347657],[374.94418945312503,24.000332641601563],[375.1990966796875,23.76141815185547],[375.4539794921875,23.522537231445312],[375.70888671875,23.28362274169922],[375.96376953125,23.044708251953125],[376.21867675781255,22.80579376220703],[376.473583984375,22.566879272460938],[376.728466796875,22.327998352050784],[376.983349609375,22.08908386230469],[377.23825683593753,21.850169372558597],[377.4931640625,21.611254882812503],[377.7480712890625,21.37234039306641],[378.00297851562505,21.133425903320315],[378.2578369140625,20.89454498291016],[378.51274414062505,20.655630493164065],[378.7676513671875,20.41671600341797],[379.02255859375003,20.177801513671877],[379.2774658203125,19.938887023925783],[379.53232421875003,19.700006103515626],[379.7872314453125,19.461091613769533],[380.042138671875,19.22217712402344],[380.29704589843755,18.983262634277345],[380.551953125,18.74434814453125],[380.80681152343755,18.505467224121094],[381.06171875,18.266552734375],[381.31662597656253,18.027638244628907],[381.571533203125,17.788723754882813],[381.826416015625,17.54980926513672],[382.081298828125,17.310928344726562],[382.3362060546875,17.07201385498047],[382.59111328125005,16.833099365234375],[382.84599609375005,16.59418487548828],[383.1009033203125,16.355270385742188],[383.35581054687503,16.116355895996094],[383.6106689453125,15.877474975585939],[383.86557617187503,15.638560485839845],[384.1204833984375,15.399645996093751],[384.375390625,15.160731506347657],[384.63029785156255,14.921817016601564],[384.88515625,14.682936096191407],[385.14006347656255,14.444021606445313],[385.394970703125,14.205107116699219],[385.64987792968753,13.966192626953125],[385.90478515625,13.727278137207032],[386.15964355468753,13.488397216796876],[386.41455078125,13.249482727050783],[386.6694580078125,13.010568237304689],[386.92607421875005,12.773479461669922],[387.18657226562505,12.540738677978517],[387.448974609375,12.310050964355469],[387.71269531250005,12.081006622314455],[387.977734375,11.853392028808594],[388.2439208984375,11.627149963378907],[388.5115478515625,11.402564239501954],[388.78012695312503,11.179098510742188],[389.04997558593755,10.957296752929688],[389.32097167968755,10.73681640625],[389.5931640625,10.51781234741211],[389.86662597656255,10.300341033935547],[390.14121093750003,10.0843505859375],[390.416943359375,9.869879150390625],[390.69394531250003,9.65698471069336],[390.97233886718755,9.445908355712891],[391.2520263671875,9.236554718017578],[391.5330322265625,9.028979492187501],[391.81540527343753,8.823271942138673],[392.09916992187505,8.619540405273439],[392.384423828125,8.417850494384766],[392.6712158203125,8.218321990966798],[392.9595458984375,8.021102905273438],[393.2495361328125,7.826284790039063],[393.5412841796875,7.634100341796875],[393.83488769531255,7.4447509765625],[394.130322265625,7.258341217041016],[394.42778320312505,7.075054168701172],[394.72724609375,6.895172882080079],[395.0288818359375,6.718962860107422],[395.3328857421875,6.546810150146484],[395.639306640625,6.379040908813477],[395.9482666015625,6.215982055664063],[396.25993652343755,6.0581100463867195],[396.57456054687503,5.90628662109375],[396.8921630859375,5.760826110839844],[397.2130126953125,5.622714233398438],[397.537353515625,5.492886352539063],[397.8653076171875,5.372480392456055],[398.19699707031253,5.262815093994141],[398.53256835937503,5.165985107421875],[398.87216796875003,5.083944702148438],[399.21550292968755,5.019686126708985],[399.56210937500003,4.976591491699219],[399.91098632812503,4.959309768676758],[400.254345703125,4.898266601562501],[400.60039062500005,4.850288009643555],[400.9482421875,4.818335723876953],[401.29721679687503,4.802164459228516],[401.6465576171875,4.802008438110352],[401.9954833984375,4.8185882568359375],[402.3430419921875,4.852783584594727],[402.6883544921875,4.905763626098633],[403.02995605468755,4.978594207763672],[403.36643066406253,5.07242431640625],[403.6958251953125,5.188591384887696],[404.016064453125,5.327899169921875],[404.32490234375,5.491008377075196],[404.6198974609375,5.678009796142579],[404.89860839843755,5.888460540771485],[405.15898437500005,6.121307373046875],[405.39912109375,6.374808883666993],[405.6179931640625,6.647006988525391],[405.8148193359375,6.935526275634766],[405.98979492187505,7.237840270996094],[406.14323730468755,7.551595306396485],[406.2761962890625,7.874631500244141],[406.38962402343753,8.204938507080078],[406.48496093750003,8.541014862060548],[406.56340332031255,8.881440734863281],[406.62631835937503,9.225049591064453],[406.67490234375003,9.57095718383789],[406.71042480468753,9.918488311767579],[406.7337646484375,10.267016601562501],[406.746044921875,10.61616668701172],[406.7480712890625,10.96553192138672],[406.74069824218753,11.314766693115235],[406.724755859375,11.663755035400392],[406.7112548828125,12.01267547607422],[406.7097900390625,12.3620361328125],[406.708740234375,12.711399841308594],[406.70771484375,13.060763549804689],[406.707763671875,13.410104370117189],[406.7078369140625,13.759420776367188],[406.70793457031255,14.108786010742188],[406.7080322265625,14.458151245117188],[406.70891113281255,14.807505798339845],[406.709912109375,15.156869506835939],[406.7111328125,15.506207275390626],[406.71281738281255,15.855569458007814],[406.7144775390625,16.204930114746094],[406.71652832031253,16.55430908203125],[406.718896484375,16.903665161132814],[406.72128906250003,17.252973937988283],[406.7239990234375,17.60230407714844],[406.72714843750003,17.951654052734376],[406.73032226562503,18.301005554199218],[406.7335205078125,18.650340270996093],[406.7375,18.9996826171875],[406.74150390625005,19.348976135253906],[406.7454833984375,19.698318481445312],[406.74985351562503,20.047663879394534],[406.7547119140625,20.396995544433594],[406.75957031250005,20.746327209472657],[406.7644287109375,21.09561004638672],[406.769921875,21.444931030273438],[406.7757080078125,21.794247436523438],[406.7815185546875,22.14356384277344],[406.78732910156253,22.492881774902344],[406.7938232421875,22.842149353027345],[406.8006591796875,23.19144744873047],[406.8074951171875,23.540745544433594],[406.81430664062503,23.89004364013672],[406.82170410156255,24.23932647705078],[406.82963867187505,24.588552856445315],[406.83757324218755,24.937828063964844],[406.8454833984375,25.287103271484376],[406.8537109375,25.636380004882813],[406.8628173828125,25.985626220703125],[406.87192382812503,26.33487243652344],[406.88103027343755,26.684069824218753],[406.8901611328125,27.033316040039065],[406.90036621093753,27.38254089355469],[406.9107666015625,27.73175048828125],[406.92119140625005,28.080963134765625],[406.931591796875,28.43012390136719],[406.9423828125,28.779290771484376],[406.95383300781253,29.128469848632815],[406.96533203125,29.47767333984375],[406.9775390625,29.826824951171876],[406.98972167968753,30.175927734375],[407.00253906250003,30.525048828125],[407.0155029296875,30.874172973632813],[407.0288818359375,31.223281860351562],[407.042626953125,31.572375488281253],[407.056591796875,31.921475219726563],[407.07121582031255,32.270486450195314],[407.08583984375,32.61954345703125],[407.10126953125,32.96855163574219],[407.1167724609375,33.317572021484374],[407.13286132812505,33.66656188964844],[407.1492919921875,34.01549072265625],[407.1660400390625,34.364471435546875],[407.1834716796875,34.7134033203125],[407.200927734375,35.06232604980469],[407.21940917968755,35.41120300292969],[407.23789062500003,35.760031127929686],[407.2571533203125,36.10884399414063],[407.27670898437503,36.45765991210938],[407.29680175781255,36.806463623046874],[407.317529296875,37.15521240234375],[407.3384521484375,37.503918457031254],[407.3604248046875,37.852542114257815],[407.3823974609375,38.20121765136719],[407.4055419921875,38.54983825683594],[407.4287841796875,38.89842834472657],[407.4530029296875,39.24695739746094],[407.4776611328125,39.595401000976565],[407.5030029296875,39.94382934570313],[407.52915039062503,40.292214965820314],[407.55571289062505,40.64055480957032],[407.58342285156255,40.988818359375],[407.61130371093753,41.33702697753907],[407.6406982421875,41.68515319824219],[407.6701171875,42.03327941894531],[407.7012451171875,42.38125305175782],[407.7324462890625,42.729223632812506],[407.76533203125,43.07705078125],[407.7984619140625,43.42479248046875],[407.83286132812503,43.77244262695313],[407.868408203125,44.11997680664063],[407.90507812500005,44.46741638183594],[407.94291992187505,44.81472473144532],[407.9819580078125,45.16186218261719],[408.02231445312503,45.50889282226563],[408.0640380859375,45.855776977539065],[408.107177734375,46.202429199218756],[408.1519287109375,46.54891357421875],[408.1983642578125,46.895172119140625],[408.24655761718753,47.24117736816407],[408.29660644531253,47.586944580078125],[408.3486572265625,47.932373046875],[408.40283203125,48.27755126953125],[408.45932617187503,48.622283935546875],[408.5185546875,48.96657409667969],[408.58061523437505,49.310375976562504],[408.64560546875003,49.653628540039065],[408.71391601562505,49.996228027343754],[408.7865234375,50.33793334960938],[408.861474609375,50.679116821289064],[408.93645019531255,51.02034606933594],[409.01140136718755,51.361572265625],[409.08635253906255,51.70280151367188],[409.161328125,52.04403076171875],[409.236279296875,52.38521118164063],[409.31123046875,52.7264404296875],[409.386181640625,53.06766967773438],[409.46115722656253,53.40889892578125],[409.53610839843753,53.75012817382813],[409.611083984375,54.091357421875],[409.68603515625,54.43253784179688],[409.760986328125,54.77376708984375],[409.8359375,55.11499633789063],[409.910888671875,55.4562255859375],[409.98583984375,55.797454833984375],[410.060791015625,56.13863525390625],[410.13579101562505,56.47986450195313],[410.21074218750005,56.82109375],[410.28569335937505,57.162322998046875],[410.36064453125005,57.503552246093754],[410.43559570312505,57.84473266601563],[410.51054687500005,58.1859619140625],[410.58549804687505,58.527191162109375],[410.66049804687503,58.868420410156254],[410.73544921875003,59.2096435546875],[410.81040039062503,59.550872802734375],[410.88535156250003,59.89205322265625],[410.96030273437503,60.23328247070313],[411.03525390625003,60.57451171875],[411.11020507812503,60.915740966796875],[411.185205078125,61.256970214843754],[411.26015625,61.59815063476563],[411.335107421875,61.9393798828125],[411.41005859375,62.280609130859375],[411.485009765625,62.621838378906254],[411.5599609375,62.963067626953126],[411.634912109375,63.304248046875],[411.70986328125,63.645477294921875],[411.78486328125,63.986706542968754],[411.850732421875,64.32945556640625],[411.899365234375,64.6753662109375],[411.95888671875,65.01956176757812],[412.027978515625,65.36201782226563],[412.105712890625,65.70260620117188],[412.192041015625,66.04111938476562],[412.287109375,66.3772705078125],[412.39116210937505,66.710791015625],[412.50419921875005,67.04128417968751],[412.62685546875,67.36839599609375],[412.7591796875,67.69174194335938],[412.90195312500003,68.01053466796876],[413.055322265625,68.32439575195313],[413.219921875,68.63251342773438],[413.396240234375,68.93403930664063],[413.58500976562505,69.22802734375],[413.7865234375,69.51336669921875],[414.00102539062505,69.78902587890626],[414.22934570312503,70.05341186523438],[414.47148437500005,70.30514526367188],[414.72758789062505,70.54275512695312],[414.99741210937503,70.76453857421875],[415.2806640625,70.96896362304688],[415.57666015625,71.15444946289062],[415.88427734375,71.3197509765625],[416.20249023437503,71.46380615234375],[416.529736328125,71.58595581054688],[416.86435546875003,71.68596801757813],[417.20493164062503,71.76370849609376],[417.54960937500005,71.81983642578125],[417.89716796875,71.85500488281251],[418.24614257812505,71.87014160156251],[418.595458984375,71.86638793945313],[418.944091796875,71.8450439453125],[419.29135742187503,71.80730590820313],[419.636669921875,71.7544921875],[419.98417968750005,71.71942138671875],[420.328515625,71.6609619140625],[420.66928710937503,71.58406982421876],[421.005615234375,71.48967895507813],[421.33671875000005,71.3785400390625],[421.661865234375,71.25071411132812],[421.9798828125,71.10632934570313],[422.2900390625,70.94559936523437],[422.59111328125005,70.76838989257813],[422.881982421875,70.57512817382813],[423.16181640625,70.36602783203125],[423.429443359375,70.14151000976562],[423.68393554687503,69.9022705078125],[423.924267578125,69.64878540039062],[424.15024414062503,69.38244018554688],[424.36083984375,69.10375366210938],[424.555859375,68.81397094726563],[424.735302734375,68.51422119140625],[424.899072265625,68.2056884765625],[425.047265625,67.88934936523438],[425.18027343750003,67.5663818359375],[425.29853515625,67.23770141601562],[425.4025390625,66.90418701171875],[425.49287109375,66.566748046875],[425.57016601562503,66.22606811523438],[425.635009765625,65.88280029296875],[425.68803710937505,65.53750000000001],[425.729736328125,65.19066162109375],[425.76108398437503,64.84273681640626],[425.78232421875003,64.49403686523438],[425.78896484375,64.14495239257813],[425.778759765625,63.79573974609375],[425.76860351562505,63.44652099609375],[425.75839843750003,63.097302246093754],[425.7482421875,62.748083496093756],[425.738037109375,62.39887084960938],[425.72788085937503,62.04970092773438],[425.71767578125,61.70048217773438],[425.70751953125,61.351269531250004],[425.69731445312505,61.002050781250006],[425.687158203125,60.65283203125],[425.676953125,60.303662109375004],[425.66679687500005,59.95444946289063],[425.65659179687503,59.60523071289063],[425.646435546875,59.256018066406256],[425.63623046875,58.90679931640625],[425.62607421875003,58.557629394531254],[425.61591796875,58.208410644531256],[425.605712890625,57.85919799804688],[425.59555664062503,57.509979248046875],[425.5853515625,57.160760498046876],[425.5751953125,56.8115478515625],[425.56499023437505,56.462377929687506],[425.554833984375,56.1131591796875],[425.54462890625,55.763989257812504],[425.53447265625005,55.414727783203126],[425.52426757812503,55.06555786132813],[425.514111328125,54.71629638671875],[425.50390625,54.36712646484375],[425.49375000000003,54.017858886718756],[425.483544921875,53.66868896484375],[425.473388671875,53.31952514648438],[425.46318359375005,52.97025756835938],[425.45302734375,52.621087646484376],[425.442822265625,52.271826171875006],[425.43266601562505,51.92265625],[425.42246093750003,51.573486328125],[425.4123046875,51.224218750000006],[425.402099609375,50.875054931640626],[425.39194335937503,50.525787353515625],[425.38173828125,50.17662048339844],[425.37158203125,49.82745361328125],[425.36137695312505,49.478186035156256],[425.351220703125,49.12901916503907],[425.341015625,48.77975158691407],[425.33085937500005,48.43058471679688],[425.32065429687503,48.081414794921876],[425.310498046875,47.73215026855469],[425.30029296875,47.3829833984375],[425.29013671875003,47.0337158203125],[425.279931640625,46.684548950195314],[425.269775390625,46.335382080078126],[425.25957031250005,45.986114501953125],[425.2494140625,45.63694763183594],[425.239208984375,45.28768005371094],[425.22905273437505,44.938513183593756],[425.218896484375,44.58934631347657],[425.20869140625,44.24007873535157],[425.19853515625005,43.89091186523438],[425.18833007812503,43.54164428710938],[425.178173828125,43.19247741699219],[425.1291015625,42.847146606445314],[425.085888671875,42.500421142578126],[425.05473632812505,42.15251159667969],[425.03486328125,41.803747558593756],[425.025830078125,41.45456237792969],[425.02744140625003,41.105142211914064],[425.03964843750003,40.756097412109376],[425.062646484375,40.407473754882815],[425.09672851562505,40.059783935546875],[425.14213867187505,39.71349792480469],[425.199169921875,39.36871337890625],[425.26796875,39.0262939453125],[425.34873046875003,38.6865234375],[425.44189453125,38.34976501464844],[425.54794921875003,38.016928100585936],[425.66684570312503,37.68839111328125],[425.79887695312505,37.36498107910156],[425.94418945312503,37.04738159179688],[426.10288085937503,36.736105346679686],[426.27490234375,36.43219909667969],[426.46025390625005,36.135992431640624],[426.658447265625,35.848419189453125],[426.86953125,35.570141601562504],[427.093017578125,35.301483154296875],[427.328271484375,35.04337158203125],[427.57490234375,34.795858764648436],[427.832177734375,34.559582519531254],[428.09951171875,34.33485717773438],[428.376220703125,34.121585083007815],[428.6615234375,33.920037841796876],[428.95468750000003,33.730047607421874],[429.255078125,33.551788330078125],[429.561962890625,33.38486938476563],[429.87456054687505,33.22900390625],[430.19248046875003,33.08426208496094],[430.5150390625,32.949951171875],[430.84160156250005,32.82594299316406],[431.17192382812505,32.7118896484375],[431.50517578125005,32.607421875],[431.84116210937503,32.512091064453124],[432.1796875,32.425543212890624],[432.520166015625,32.34745788574219],[432.8625,32.277407836914065],[433.206201171875,32.21507263183594],[433.551171875,32.16029357910156],[433.89731445312503,32.11245422363282],[434.24423828125003,32.071343994140626],[434.59184570312505,32.03682250976563],[434.93999023437505,32.00834350585938],[435.28862304687505,31.985855102539062],[435.637646484375,31.96900329589844],[435.98666992187503,31.955935668945315],[436.33583984375,31.942385864257815],[436.68491210937503,31.928839111328127],[437.033935546875,31.91529235839844],[437.38310546875005,31.90174255371094],[437.73212890625,31.88819580078125],[438.081298828125,31.87464599609375],[438.43037109375,31.861102294921878],[438.77939453125003,31.84755554199219],[439.128564453125,31.83400573730469],[439.47763671875003,31.820458984375],[439.82675781250003,31.8069091796875],[440.17583007812505,31.793362426757813],[440.524853515625,31.77981872558594],[440.8740234375,31.76626892089844],[441.223095703125,31.752722167968752],[441.572216796875,31.739172363281252],[441.9212890625,31.725625610351564],[442.270458984375,31.712075805664064],[442.61948242187503,31.698529052734376],[442.96855468750005,31.684985351562503],[443.31767578125005,31.671435546875003],[443.666748046875,31.657888793945315],[444.01591796875005,31.644338989257815],[444.36494140625,31.630792236328126],[444.714013671875,31.617245483398438],[445.063134765625,31.603695678710938],[445.41220703125003,31.590151977539065],[445.761376953125,31.576602172851565],[446.11040039062505,31.563055419921877],[446.45947265625,31.54950866699219],[446.80864257812505,31.53595886230469],[447.157666015625,31.522412109375],[447.5068359375,31.5088623046875],[447.855859375,31.495318603515628],[448.20493164062503,31.48177185058594],[448.5541015625,31.46822204589844],[448.90312500000005,31.45467529296875],[449.25229492187503,31.44112548828125],[449.60136718750005,31.427578735351563],[449.950390625,31.41403503417969],[450.299560546875,31.40048522949219],[450.648583984375,31.386938476562502],[450.99775390625,31.373388671875002],[451.346826171875,31.359841918945314],[451.69584960937505,31.346298217773438],[452.04501953125003,31.332748413085938],[452.39404296875,31.319201660156253],[452.74321289062505,31.305651855468753],[453.09228515625,31.292105102539065],[453.44140625,31.278555297851565],[453.790478515625,31.265008544921876],[454.13955078125,31.25146484375],[454.488671875,31.2379150390625],[454.83774414062503,31.224368286132815],[455.18686523437503,31.210818481445315],[455.53593750000005,31.197271728515627],[455.885009765625,31.18372497558594],[456.234130859375,31.17017517089844],[456.583203125,31.156631469726562],[456.931591796875,31.133053588867188],[457.28037109375003,31.1150634765625],[457.62968750000005,31.114233398437502],[457.978759765625,31.129339599609377],[458.32675781250003,31.15992431640625],[458.673046875,31.205874633789065],[459.016845703125,31.267752075195315],[459.35727539062503,31.345999145507815],[459.693359375,31.441076660156252],[460.024072265625,31.553314208984375],[460.34833984375,31.683538818359377],[460.664501953125,31.831961059570315],[460.97124023437505,31.998880004882814],[461.26738281250005,32.184271240234374],[461.55112304687503,32.3879150390625],[461.8212890625,32.60943603515625],[462.076416015625,32.847869873046875],[462.315673828125,33.102294921875],[462.53818359375003,33.371603393554686],[462.743359375,33.65426025390625],[462.93115234375,33.9489013671875],[463.10136718750005,34.253866577148436],[463.25444335937505,34.56780090332031],[463.39091796875005,34.889434814453125],[463.51123046875,35.21725158691407],[463.6162109375,35.55051879882813],[463.70654296875,35.88790588378907],[463.78325195312505,36.22880249023438],[463.846923828125,36.572235107421875],[463.89848632812505,36.917694091796875],[463.938720703125,37.264773559570315],[463.968212890625,37.61277770996094],[463.98779296875,37.961672973632815],[463.997998046875,38.31083374023438],[463.99951171875,38.66014404296875],[463.99287109375,39.00948791503907],[463.97856445312505,39.358514404296876],[463.95703125,39.70726318359375],[463.92875976562505,40.05543518066406],[463.89409179687505,40.40293579101563],[463.853466796875,40.74998779296875],[463.807275390625,41.096228027343756],[463.75556640625,41.44178161621094],[463.67998046875005,41.782629394531256],[463.599609375,42.12257995605469],[463.51923828125,42.46262817382813],[463.438916015625,42.80257873535157],[463.358544921875,43.142626953125],[463.27822265625,43.48257751464844],[463.197900390625,43.82253112792969],[463.11752929687503,44.16257934570313],[463.03715820312505,44.50252990722657],[462.95683593750005,44.842578125],[462.87646484375,45.18252868652344],[462.796142578125,45.52247924804688],[462.715771484375,45.86253051757813],[462.63544921875,46.20248107910157],[462.555078125,46.542529296875],[462.47470703125003,46.88247985839844],[462.39438476562503,47.222528076171876],[462.31401367187505,47.56248168945313],[462.23369140625005,47.90243225097657],[462.1533203125,48.24248046875],[462.072998046875,48.58243103027344],[461.992626953125,48.922479248046876],[461.9123046875,49.262429809570314],[461.83193359375,49.60238037109375],[461.75156250000003,49.942431640625],[461.67124023437503,50.28238220214844],[461.59086914062505,50.622430419921876],[461.51054687500005,50.962380981445314],[461.43022460937505,51.30233154296875],[461.349853515625,51.6423828125],[461.269482421875,51.982336425781256],[461.18916015625,52.322381591796876],[461.1087890625,52.662329101562506],[461.028466796875,53.00228271484375],[460.94809570312503,53.342333984375],[460.86777343750003,53.682287597656256],[460.78740234375005,54.022332763671876],[460.70703125,54.362280273437506],[460.626708984375,54.70223388671875],[460.546337890625,55.04228515625],[460.466015625,55.382232666015625],[460.38564453125,55.722283935546876],[460.305322265625,56.062231445312506],[460.22495117187503,56.40218505859375],[460.14462890625003,56.742236328125],[460.06425781250005,57.082183837890625],[459.98388671875,57.422235107421876],[459.903564453125,57.762182617187506],[459.823193359375,58.10223388671875],[459.74287109375,58.4421875],[459.662548828125,58.782135009765625],[459.582177734375,59.122186279296876],[459.50180664062503,59.462133789062506],[459.42148437500003,59.80218505859375],[459.34111328125005,60.142138671875],[459.26079101562505,60.482086181640625],[459.180419921875,60.822137451171876],[459.10009765625,61.162084960937506],[459.0197265625,61.50213623046875],[458.93935546875,61.84208374023438],[458.859033203125,62.182037353515625],[458.77866210937503,62.522088623046876],[458.69833984375003,62.862036132812506],[458.61796875000005,63.20208740234375],[458.53764648437505,63.54203491210938],[458.457275390625,63.881988525390625],[458.376953125,64.22203369140625],[458.29658203125,64.5619873046875],[458.2162109375,64.90203857421875],[458.135888671875,65.24198608398437],[458.05556640625,65.58193969726562],[457.97519531250003,65.92198486328125],[457.89482421875005,66.2619384765625],[457.81450195312505,66.60198974609375],[457.71835937500003,66.93765258789062],[457.61640625,67.27175903320312],[457.512939453125,67.60550537109376],[457.4083984375,67.93882446289062],[457.302880859375,68.27191772460938],[457.1966796875,68.60469970703126],[457.08984375,68.93738403320313],[456.98203125000003,69.26962890625],[456.87387695312503,69.6017822265625],[456.76474609375003,69.93370971679688],[456.65537109375003,70.265478515625],[456.54497070312505,70.59700927734376],[456.4345703125,70.92838745117187],[456.32294921875,71.2593994140625],[456.211328125,71.5905029296875],[456.098779296875,71.92122802734376],[455.98588867187505,72.25189819335938],[455.87265625000003,72.58235473632813],[455.758544921875,72.91250000000001],[455.64438476562503,73.24273681640625],[455.529443359375,73.572607421875],[455.41396484375,73.90238647460937],[455.29853515625,74.23206787109375],[455.18198242187503,74.56141967773438],[455.065185546875,74.89072265625],[454.948388671875,75.21993408203126],[454.83046875,75.54885864257812],[454.7123046875,75.87758178710938],[454.594140625,76.20630493164063],[454.475048828125,76.53479614257813],[454.35546875,76.86301879882814],[454.23588867187505,77.19132690429689],[454.115869140625,77.51932983398439],[453.994873046875,77.84702758789064],[453.87387695312503,78.17481079101563],[453.752880859375,78.50250854492188],[453.63056640625,78.82985229492188],[453.50810546875005,79.15700683593751],[453.385693359375,79.48416137695312],[453.26279296875003,79.81122436523438],[453.1388671875,80.13782958984376],[453.01494140625005,80.46452026367189],[452.891015625,80.79111938476564],[452.76650390625,81.11751708984376],[452.64145507812503,81.44368896484376],[452.51591796875005,81.7697021484375],[452.3900390625,82.09566650390626],[452.26372070312505,82.42137451171875],[452.137109375,82.74703979492188],[452.010009765625,83.07239379882813],[451.88261718750005,83.39766235351563],[451.75473632812503,83.72277221679688],[451.62656250000003,84.0477294921875],[451.49790039062503,84.372607421875],[451.36894531250005,84.69724731445314],[451.23955078125005,85.02174682617188],[451.109765625,85.34615478515626],[450.979638671875,85.67037963867188],[450.8490234375,85.99446411132813],[450.71826171875,86.31834716796875],[450.586865234375,86.64201049804689],[450.45541992187503,86.96571655273438],[450.323193359375,87.28903198242188],[450.19091796875,87.61243286132813],[450.05795898437503,87.93549804687501],[449.92485351562505,88.2584716796875],[449.791259765625,88.58129272460938],[449.65732421875003,88.90390625],[449.52304687500003,89.22656860351563],[449.38823242187505,89.548828125],[449.25346679687505,89.8710205078125],[449.11777343750003,90.19301757812501],[448.98212890625,90.51492309570312],[448.84580078125003,90.83670654296876],[448.709228515625,91.15822143554688],[448.57236328125003,91.47965698242189],[448.43491210937503,91.80079956054688],[448.297509765625,92.1219482421875],[448.1591796875,92.44279174804689],[448.02084960937503,92.76355590820313],[447.88193359375003,93.08423461914063],[447.74272460937505,93.40459594726563],[447.60336914062503,93.72487182617188],[447.46318359375005,94.044921875],[447.322998046875,94.36488037109376],[447.18217773437505,94.68473510742189],[447.04106445312505,95.00428466796876],[446.899853515625,95.32368164062501],[446.757763671875,95.64291381835938],[446.61572265625,95.96205444335938],[446.47299804687503,96.28107299804688],[446.330029296875,96.59978637695313],[446.186962890625,96.9184326171875],[446.04296875,97.23680419921875],[445.89902343750003,97.55508422851562],[445.75449218750003,97.8732177734375],[445.6095703125,98.19105834960938],[445.46464843750005,98.50889892578125],[445.31870117187503,98.82637939453126],[445.172802734375,99.14376220703126],[445.026513671875,99.46104736328125],[444.87958984375,99.77797851562501],[444.73271484375005,100.09490356445313],[444.58500976562505,100.41156616210938],[444.43710937500003,100.72802734375],[444.28911132812505,101.04448852539063],[444.14018554687505,101.3604736328125],[443.9912109375,101.67655029296876],[443.84184570312505,101.99236450195313],[443.69189453125,102.307861328125],[443.541943359375,102.62344970703126],[443.39121093750003,102.93856201171876],[443.24013671875,103.25364990234375],[443.089111328125,103.56865234375],[442.93706054687505,103.88314208984376],[442.78496093750005,104.19771728515626],[442.63261718750005,104.512060546875],[442.4794921875,104.82612304687501],[442.3263671875,105.1401123046875],[442.17270507812503,105.45374755859376],[442.01845703125,105.76728515625001],[441.8642578125,106.08072509765626],[441.709228515625,106.39383544921876],[441.553955078125,106.70675048828126],[441.398681640625,107.01966552734376],[441.24228515625003,107.33212890625],[441.085888671875,107.64448242187501],[440.92924804687505,107.95686035156251],[440.77177734375005,108.26866455078125],[440.6142578125,108.58045654296876],[440.45634765625005,108.89215087890625],[440.29770507812503,109.203369140625],[440.13901367187503,109.51468505859376],[439.9798828125,109.825537109375],[439.82011718750005,110.13618164062501],[439.660302734375,110.44691162109376],[439.49970703125,110.75721435546876],[439.33876953125,111.06734619140626],[439.17783203125003,111.37739257812501],[439.016015625,111.68691406250001],[438.85390625,111.996435546875],[438.691796875,112.30587158203126],[438.52861328125005,112.61484375],[438.365380859375,112.92365722656251],[438.20205078125,113.23255615234376],[438.03759765625,113.54071044921875],[437.87314453125003,113.84888916015626],[437.70854492187505,114.1571044921875],[437.54287109375,114.46462402343751],[437.3771484375,114.77224121093751],[437.21127929687503,115.07972412109376],[437.044384765625,115.38658447265625],[436.87744140625,115.69354248046875],[436.7103515625,116.00023193359375],[436.5421875,116.30650634765625],[436.37407226562505,116.61270751953126],[436.20566406250003,116.91877441406251],[436.03618164062505,117.22435302734375],[435.86679687500003,117.529833984375],[435.697021484375,117.83526611328125],[435.5263671875,118.14005126953126],[435.355712890625,118.44482421875],[435.18466796875003,118.749560546875],[435.0126953125,119.05362548828126],[434.84072265625,119.35777587890625],[434.66850585937505,119.6615966796875],[434.495263671875,119.96492919921876],[434.32197265625,120.26834716796876],[434.1484375,120.57152099609375],[433.973828125,120.87416992187501],[433.799267578125,121.1767333984375],[433.6244140625,121.4791748046875],[433.448486328125,121.78107910156251],[433.272607421875,122.0828857421875],[433.09648437500005,122.38463134765625],[432.91923828125005,122.68563232421876],[432.741943359375,122.98671875000001],[432.56450195312505,123.28763427734376],[432.3859375,123.58785400390626],[432.20732421875005,123.88814697265626],[432.02866210937503,124.18834228515625],[431.848583984375,124.48779296875],[431.668603515625,124.78717041015625],[431.48857421875005,125.08653564453125],[431.30722656250003,125.38515625000001],[431.12587890625,125.68370361328125],[430.944482421875,125.98233642578126],[430.76181640625003,126.28009033203125],[430.57900390625,126.5777587890625],[430.396142578125,126.87550048828126],[430.21220703125005,127.1724609375],[430.02792968750003,127.4693359375],[429.843701171875,127.76612548828126],[429.658447265625,128.0623291015625],[429.47270507812505,128.35831298828126],[429.287060546875,128.65419921875],[429.100732421875,128.94971923828126],[428.91391601562503,129.24495849609374],[428.72641601562503,129.539697265625],[428.538525390625,129.83424072265626],[428.35029296875,130.12850341796874],[428.161328125,130.4223876953125],[427.97202148437503,130.71602783203124],[427.78227539062505,131.00932617187502],[427.591943359375,131.30229492187502],[427.40126953125,131.59498291015626],[427.2099609375,131.88739013671875],[427.018212890625,132.179345703125],[426.82607421875,132.471142578125],[426.63330078125,132.762451171875],[426.440087890625,133.05355224609374],[426.246533203125,133.3444580078125],[426.05224609375,133.63472900390624],[425.857568359375,133.92485351562502],[425.6625,134.2146240234375],[425.466748046875,134.50394287109376],[425.270654296875,134.79310302734376],[425.073974609375,135.08179931640626],[424.87666015625,135.37027587890626],[424.67919921875,135.65831298828127],[424.48095703125,135.94593505859376],[424.2822265625,136.23333740234375],[424.083154296875,136.5203857421875],[423.88330078125,136.806982421875],[423.68315429687505,137.09329833984376],[423.48247070312505,137.3792236328125],[423.28110351562503,137.66480712890626],[423.07944335937503,137.95006103515627],[422.87705078125003,138.23489990234376],[422.674267578125,138.5193115234375],[422.471142578125,138.8034423828125],[422.26708984375,139.08709716796875],[422.062744140625,139.370458984375],[421.85791015625,139.6535400390625],[421.65244140625003,139.93602294921877],[421.44658203125005,140.2182373046875],[421.24003906250005,140.50008544921874],[421.03305664062503,140.7813720703125],[420.8255859375,141.06254882812502],[420.6173828125,141.3430419921875],[420.40869140625,141.62335205078125],[420.199609375,141.90321044921876],[419.989892578125,142.18243408203125],[419.77963867187503,142.46158447265626],[419.56884765625,142.74013671875],[419.357373046875,143.01829833984377],[419.145654296875,143.29613037109377],[418.93310546875,143.57335205078127],[418.72006835937503,143.85030517578124],[418.50668945312503,144.12685546875],[418.2923828125,144.40283203125],[418.077783203125,144.67851562500002],[417.86259765625005,144.95367431640625],[417.646728515625,145.2283447265625],[417.43046875000005,145.50274658203125],[417.21342773437505,145.77657470703124],[416.99599609375,146.04989013671874],[416.778076171875,146.322900390625],[416.55927734375,146.5953125],[416.34018554687503,146.86737060546875],[416.12041015625005,147.13900146484374],[415.90000000000003,147.4100341796875],[415.67919921875,147.6807373046875],[415.45756835937505,147.95086669921875],[415.235546875,148.22049560546876],[415.01298828125005,148.48985595703127],[414.78955078125,148.75843505859376],[414.5658203125,149.02667236328125],[414.34135742187505,149.29447021484376],[414.11625976562505,149.56162109375],[413.89072265625003,149.82852783203126],[413.664453125,150.09466552734375],[413.4376953125,150.36031494140624],[413.210400390625,150.6257080078125],[412.98227539062503,150.89027099609376],[412.75371093750005,151.1545166015625],[412.524560546875,151.4181640625],[412.29462890625,151.6812744140625],[412.06435546875,151.9439697265625],[411.833251953125,152.20592041015627],[411.60161132812505,152.46744384765626],[411.36953125,152.7285400390625],[411.136474609375,152.9888671875],[410.903076171875,153.2488037109375],[410.66904296875003,153.5081298828125],[410.40517578125,153.73570556640627],[410.13066406250005,153.95177001953127],[409.85498046875,154.16652832031252],[409.5793701171875,154.38112792968752],[409.3031005859375,154.59482421875],[409.02626953125,154.80806884765627],[408.7491455078125,155.02073974609377],[408.471435546875,155.23284912109375],[408.1937255859375,155.4446533203125],[407.91533203125005,155.65566406250002],[407.63681640625003,155.86669921875],[407.3577880859375,156.07683105468752],[407.07866210937505,156.28702392578126],[406.7990234375,156.49638671875002],[406.5193115234375,156.7056396484375],[406.23918457031255,156.914404296875],[405.95878906250005,157.12274169921875],[405.6782470703125,157.33107910156252],[405.39716796875,157.53847656250002],[405.1160888671875,157.74587402343752],[404.83464355468755,157.95292968750002],[404.5528564453125,158.159375],[404.27099609375,158.36586914062502],[403.98876953125,158.571728515625],[403.7061767578125,158.77723388671876],[403.42368164062503,158.98269042968752],[403.1406982421875,159.18754882812502],[402.857373046875,159.39202880859375],[402.57412109375,159.59645996093752],[402.290478515625,159.80042724609376],[402.0064697265625,160.00380859375002],[401.7224853515625,160.20718994140626],[401.43820800781253,160.4104736328125],[401.1534423828125,160.61278076171877],[400.868603515625,160.81514892578127],[400.5838134765625,161.0174560546875],[400.29851074218755,161.21888427734376],[400.012890625,161.4201416015625],[399.7273193359375,161.621337890625],[399.4415283203125,161.82239990234376],[399.15517578125,162.0224609375],[398.86882324218755,162.222509765625],[398.5823974609375,162.42261962890626],[398.29560546875,162.62213134765625],[398.00834960937505,162.82106933593752],[397.72119140625,163.01994628906252],[397.43400878906255,163.21883544921877],[397.1463623046875,163.41717529296875],[396.85856933593755,163.61516113281252],[396.57041015625003,163.81278076171876],[396.282177734375,164.01014404296876],[395.99365234375,164.20706787109376],[395.70493164062503,164.40386962890625],[395.4160400390625,164.60013427734376],[395.12687988281255,164.79630126953126],[394.83750000000003,164.99200439453125],[394.54790039062505,165.18751220703126],[394.2581298828125,165.3826416015625],[393.9681640625,165.57745361328125],[393.67795410156253,165.77200927734376],[393.3875732421875,165.966162109375],[393.0969482421875,166.16015625],[392.806103515625,166.3536376953125],[392.51518554687505,166.54700927734376],[392.22380371093755,166.73985595703127],[391.9324951171875,166.93264160156252],[391.6406982421875,167.12479248046876],[391.3489501953125,167.31688232421877],[391.05681152343755,167.50845947265626],[390.7645263671875,167.69990234375],[390.472119140625,167.89088134765626],[390.179345703125,168.08160400390625],[389.8865478515625,168.2720947265625],[389.5933837890625,168.4620361328125],[389.3001220703125,168.65202636718752],[389.00644531250003,168.8412841796875],[388.71269531250005,169.03052978515626],[388.4187744140625,169.2192138671875],[388.124658203125,169.40765380859375],[387.8302734375,169.5959228515625],[387.53564453125,169.78359375000002],[387.24094238281253,169.97130126953127],[386.94584960937505,170.15822753906252],[386.65073242187503,170.34510498046876],[386.35527343750005,170.5315673828125],[386.0596435546875,170.71766357421876],[385.763818359375,170.90369873046876],[385.46770019531255,171.08900146484376],[385.17148437500003,171.27434082031252],[384.87497558593753,171.45902099609376],[384.57834472656253,171.64348144531252],[384.281494140625,171.82772216796877],[383.984326171875,172.0113525390625],[383.6870849609375,172.1950439453125],[383.38950195312503,172.37794189453126],[383.0918212890625,172.56072998046875],[382.79384765625,172.74324951171877],[382.4956298828125,172.9251708984375],[382.19736328125003,173.10714111328127],[381.89865722656253,173.28829345703127],[381.5999267578125,173.4693359375],[381.300927734375,173.65008544921875],[381.00166015625,173.83022460937502],[380.702294921875,174.01042480468752],[380.40256347656253,174.189794921875],[380.102734375,174.36903076171876],[379.80263671875,174.54805908203127],[379.5022705078125,174.72636718750002],[379.201806640625,174.90472412109375],[378.9010009765625,175.0823486328125],[378.60007324218753,175.259716796875],[378.29899902343755,175.436962890625],[377.99748535156255,175.61336669921877],[377.6959228515625,175.78981933593752],[377.39404296875,175.96571044921876],[377.09196777343755,176.14113769531252],[376.7898193359375,176.31661376953127],[376.48723144531255,176.49107666015627],[376.18449707031255,176.66555175781252],[375.8816162109375,176.83964843750002],[375.5783935546875,177.0130615234375],[375.27507324218755,177.1865234375],[374.97141113281253,177.359228515625],[374.6675048828125,177.53165283203126],[374.363671875,177.7039794921875],[374.0591552734375,177.875341796875],[373.75473632812503,178.04665527343752],[373.45009765625,178.21756591796876],[373.144970703125,178.38785400390626],[372.8399658203125,178.55810546875],[372.53447265625005,178.72758789062502],[372.22885742187503,178.89674072265626],[371.92314453125005,179.0658935546875],[371.61679687500003,179.233984375],[371.3105712890625,179.40201416015626],[371.00407714843755,179.569677734375],[370.69719238281255,179.73658447265626],[370.39033203125,179.90347900390626],[370.08293457031255,180.06971435546876],[369.77543945312505,180.23544921875],[369.46787109375003,180.4012451171875],[369.159814453125,180.565869140625],[368.8516845703125,180.730419921875],[368.54331054687503,180.89478759765626],[368.23454589843755,181.05812988281252],[367.92568359375,181.22152099609377],[367.61667480468753,181.3842529296875],[367.3072509765625,181.54637451171877],[366.99775390625,181.70853271484376],[366.68784179687503,181.8697265625],[366.377685546875,182.03062744140627],[366.06760253906253,182.19149169921877],[365.7568603515625,182.35107421875],[365.44602050781253,182.510693359375],[365.13510742187503,182.66997070312502],[364.8236328125,182.82828369140626],[364.51220703125,182.9865478515625],[364.200439453125,183.14420166015626],[363.88835449218755,183.30113525390627],[363.57626953125003,183.45806884765625],[363.263623046875,183.61406250000002],[362.95085449218755,183.76964111328127],[362.6380126953125,183.92525634765627],[362.3245849609375,184.07950439453126],[362.01115722656255,184.23367919921876],[361.697412109375,184.38768310546877],[361.38327636718753,184.54044189453126],[361.06904296875,184.6932373046875],[360.7546630859375,184.84539794921875],[360.4398193359375,184.9967041015625],[360.1248779296875,185.14805908203127],[359.80961914062505,185.2984375],[359.4939697265625,185.44830322265625],[359.17841796875,185.59813232421877],[358.862255859375,185.74669189453127],[358.5458984375,185.89504394531252],[358.22958984375003,186.04327392578125],[357.91252441406255,186.19007568359376],[357.5955322265625,186.33684082031252],[357.27836914062505,186.48317871093752],[356.9605712890625,186.62840576171877],[356.64287109375005,186.77359619140626],[356.3247314453125,186.91827392578125],[356.0064208984375,187.06219482421875],[355.68779296875005,187.20534667968752],[355.36887207031253,187.34796142578125],[355.049755859375,187.4900634765625],[354.7302978515625,187.63160400390626],[354.41057128906255,187.77236328125002],[354.09055175781253,187.91263427734376],[353.77041015625,188.05235595703127],[353.44990234375,188.1912841796875],[353.1290283203125,188.32965087890625],[352.80808105468753,188.46744384765626],[352.48674316406255,188.60466308593752],[352.16508789062505,188.741064453125],[351.84326171875,188.87687988281252],[351.52119140625,189.01217041015627],[351.1988037109375,189.14664306640626],[350.87595214843753,189.280517578125],[350.553125,189.41372070312502],[350.22995605468753,189.546337890625],[349.90629882812505,189.67811279296876],[349.5825439453125,189.80926513671875],[349.25847167968755,189.93988037109375],[348.9341552734375,190.06962890625002],[348.60947265625003,190.19865722656252],[348.2845703125,190.32707519531252],[347.95947265625,190.45485839843752],[347.6339111328125,190.58168945312502],[347.30810546875,190.70789794921876],[346.9822021484375,190.83343505859375],[346.6558349609375,190.958203125],[346.3292236328125,191.0821044921875],[346.00224609375005,191.20540771484377],[345.6751220703125,191.32802734375002],[345.34765625,191.44963378906252],[345.019921875,191.5705322265625],[344.69189453125,191.690771484375],[344.3635498046875,191.81024169921875],[344.03496093750005,191.9286865234375],[343.70598144531255,192.04649658203127],[343.3768310546875,192.16358642578126],[343.04736328125,192.27968750000002],[342.71757812500005,192.39493408203126],[342.3875244140625,192.50946044921875],[342.05717773437505,192.623291015625],[341.72653808593753,192.73592529296877],[341.395654296875,192.84780273437502],[341.064404296875,192.95897216796877],[340.7329345703125,193.0692138671875],[340.4010009765625,193.17843017578127],[340.06889648437505,193.2868408203125],[339.736572265625,193.39445800781252],[339.40380859375,193.50106201171877],[339.07084960937505,193.60665283203127],[338.73752441406253,193.71146240234376],[338.40410156250005,193.8154296875],[338.07021484375,193.91817626953127],[337.73601074218755,194.02004394531252],[337.40153808593755,194.12108154296877],[337.0667724609375,194.22122802734376],[336.7317626953125,194.32003173828127],[336.396435546875,194.41798095703126],[336.060791015625,194.51507568359375],[335.7249267578125,194.61112060546876],[335.388671875,194.7059326171875],[335.052197265625,194.7998046875],[334.7154541015625,194.89274902343752],[334.3783203125,194.98460693359377],[334.04094238281255,195.07518310546877],[333.7032470703125,195.16481933593752],[333.365380859375,195.25345458984376],[333.0271728515625,195.34090576171877],[332.68852539062505,195.42711181640627],[332.349755859375,195.51226806640625],[332.010693359375,195.59642333984377],[331.67136230468753,195.679296875],[331.33154296875,195.76088867187502],[330.991650390625,195.8413818359375],[330.6514892578125,195.92082519531252],[330.3109375,195.9989990234375],[329.970166015625,196.07573242187502],[329.6290283203125,196.15139160156252],[329.29020996093755,196.23492431640625],[328.95771484375,196.34202880859377],[328.6236083984375,196.44425048828126],[328.288525390625,196.54285888671876],[327.95256347656255,196.63875732421877],[327.61591796875,196.73204345703127],[327.2786865234375,196.82325439453126],[326.94084472656255,196.9124755859375],[326.6026123046875,196.99976806640626],[326.26389160156253,197.08529052734377],[325.924755859375,197.169140625],[325.58530273437503,197.25140380859375],[325.2453125,197.3322265625],[324.90520019531255,197.41164550781252],[324.56467285156253,197.48983154296877],[324.22392578125005,197.56676025390627],[323.88278808593753,197.64208984375],[323.5413818359375,197.71639404296877],[323.199853515625,197.78974609375],[322.85791015625,197.8616455078125],[322.5158203125,197.93248291015627],[322.17363281250005,198.00258789062502],[321.831005859375,198.07113037109377],[321.48837890625003,198.13894042968752],[321.14543457031255,198.20583496093752],[320.8022705078125,198.27147216796877],[320.4590087890625,198.33669433593752],[320.1155517578125,198.4002685546875],[319.77202148437505,198.46353759765626],[319.42814941406255,198.5254638671875],[319.084228515625,198.58690185546877],[318.74003906250005,198.64718017578127],[318.39584960937503,198.7068603515625],[318.05148925781253,198.76549072265627],[317.70700683593753,198.82353515625002],[317.3623779296875,198.88052978515626],[317.01755371093753,198.9370849609375],[316.67265625000005,198.99245605468752],[316.32768554687505,199.0475830078125],[315.982421875,199.10135498046876],[315.6372802734375,199.1551025390625],[315.2918212890625,199.20731201171876],[314.9464111328125,199.25944824218752],[314.6008544921875,199.31046142578126],[314.25510253906253,199.36101074218752],[313.90939941406253,199.41093750000002],[313.563427734375,199.45986328125002],[313.2175537109375,199.5087890625],[312.8714599609375,199.55615234375],[312.52524414062503,199.6034912109375],[312.1790283203125,199.64998779296877],[311.83261718750003,199.69572753906252],[311.48630371093753,199.741455078125],[311.13981933593755,199.78560791015627],[310.793212890625,199.82976074218752],[310.4466064453125,199.87327880859377],[310.09978027343755,199.9158447265625],[309.753076171875,199.95841064453126],[309.40610351562503,199.99981689453125],[309.0592041015625,200.04080810546876],[308.7122802734375,200.0817626953125],[308.36508789062503,200.12120361328127],[308.01799316406255,200.16063232421877],[307.6707763671875,200.19970703125],[307.3235107421875,200.23757324218752],[306.97626953125,200.27542724609376],[306.62888183593753,200.3127197265625],[306.2814453125,200.34902343750002],[305.93393554687503,200.3853515625],[305.586474609375,200.4209716796875],[305.2388916015625,200.45572509765626],[304.89121093750003,200.49049072265626],[304.54355468750003,200.52457275390626],[304.1957275390625,200.55780029296875],[303.84799804687503,200.59100341796875],[303.5001708984375,200.62364501953127],[303.15219726562503,200.65533447265625],[302.8043212890625,200.68702392578126],[302.4563232421875,200.7183349609375],[302.10830078125,200.748486328125],[301.760302734375,200.77862548828125],[301.412158203125,200.80872802734376],[301.064013671875,200.837353515625],[300.71579589843753,200.86597900390626],[300.36765136718753,200.8946044921875],[300.0194091796875,200.9220703125],[299.671044921875,200.9491943359375],[299.3227783203125,200.97630615234377],[298.9744384765625,201.002783203125],[298.6260498046875,201.02838134765625],[298.277587890625,201.05399169921876],[297.929150390625,201.07958984375],[297.5806884765625,201.10406494140625],[297.23212890625,201.12833251953126],[296.8836181640625,201.15206298828127],[296.53500976562503,201.17540283203127],[296.1864501953125,201.19838867187502],[295.837890625,201.22080078125],[295.4891845703125,201.243017578125],[295.14052734375,201.26453857421876],[294.79169921875,201.28591308593752],[294.4429931640625,201.30665283203126],[294.0943115234375,201.3271484375],[293.74545898437503,201.34715576171877],[293.39670410156253,201.36678466796877],[293.04782714843753,201.3860595703125],[292.6990478515625,201.40484619140625],[292.3502197265625,201.42335205078126],[292.0012939453125,201.44133300781252],[291.6524169921875,201.45911865234376],[291.303369140625,201.47628173828127],[290.9544677734375,201.49333496093752],[290.605615234375,201.50969238281252],[290.256494140625,201.5260009765625],[289.9075439453125,201.54158935546877],[289.5584716796875,201.55714111328126],[289.20947265625,201.5719970703125],[288.860498046875,201.58677978515627],[288.511376953125,201.60091552734377],[288.162353515625,201.6149658203125],[287.81320800781253,201.628369140625],[287.4641357421875,201.64169921875],[287.1150390625,201.6543701171875],[286.7658203125,201.6669921875],[286.41669921875,201.67894287109377],[286.06748046875003,201.690771484375],[285.71826171875,201.69903564453125],[285.3689453125,201.70729980468752],[285.0197265625,201.7155517578125],[284.67050781250003,201.72381591796875],[284.32119140625,201.73208007812502],[283.97197265625,201.74034423828127],[283.62265625000003,201.7486083984375],[283.2734375,201.75686035156252],[282.92421875,201.76512451171877],[282.57490234375,201.773388671875],[282.22568359375003,201.78165283203126],[281.8763671875,201.7899169921875],[281.5271484375,201.7981689453125],[281.1779296875,201.80643310546876],[280.82861328125,201.814697265625],[280.47939453125,201.82296142578127],[280.130078125,201.83122558593752],[279.78085937500003,201.83948974609376],[279.431640625,201.84774169921877],[279.08232421875,201.85600585937502],[278.73310546875,201.86427001953126],[278.3837890625,201.8725341796875],[278.0345703125,201.88079833984375],[277.6853515625,201.88905029296876],[277.33603515625003,201.897314453125],[276.98681640625,201.90557861328125],[276.6375,201.91384277343752],[276.28828125,201.92210693359377],[275.93906250000003,201.93035888671875],[275.58974609375,201.93862304687502],[275.24052734375,201.94688720703127],[274.89121093750003,201.9551513671875],[274.5419921875,201.96341552734376],[274.19267578125,201.9716796875],[273.84345703125,201.979931640625],[273.49423828125003,201.98819580078126],[273.144921875,201.9964599609375],[272.795703125,202.00472412109377],[272.44638671875003,202.01298828125002],[272.09716796875,202.02125244140626],[271.74794921875,202.02950439453127],[271.3986328125,202.03776855468752],[271.04941406250003,202.04603271484376],[270.70009765625,202.054296875],[270.35087890625,202.06256103515625],[270.00166015625,202.07081298828126],[269.65234375,202.0790771484375],[269.303125,202.08734130859375],[268.95380859375,202.09560546875002],[268.60458984375003,202.10386962890627],[268.25537109375,202.11212158203125],[267.9060546875,202.12038574218752],[267.5568359375,202.12864990234377],[267.20751953125,202.1369140625],[266.85830078125,202.14517822265626],[266.50908203125,202.1534423828125],[266.15976562500003,202.1616943359375],[265.810546875,202.16995849609376],[265.46123046875,202.17822265625],[265.11201171875,202.18648681640627],[264.76279296875003,202.19475097656252],[264.4134765625,202.20301513671876],[264.0642578125,202.21126708984377],[263.71494140625003,202.21953125000002],[263.36572265625,202.22779541015626],[263.01640625,202.2360595703125],[262.6671875,202.24432373046875],[262.31796875000003,202.25257568359376],[261.96865234375,202.26083984375],[261.61943359375,202.26910400390625],[261.27011718750003,202.27736816406252],[260.9208984375,202.28563232421877],[260.5716796875,202.29388427734375],[260.22236328125,202.30214843750002],[259.87314453125003,202.31041259765627],[259.523828125,202.3186767578125],[259.174609375,202.32694091796876],[258.825390625,202.335205078125],[258.47607421875,202.34346923828127],[258.12685546875,202.35172119140626],[257.7775390625,202.3599853515625],[257.42832031250003,202.36824951171877],[257.0791015625,202.37651367187502],[256.72978515625,202.38477783203126],[256.38056640625,202.39302978515627],[256.03125,202.40129394531252],[255.68203125000002,202.40955810546876],[255.33281250000002,202.417822265625],[254.98349609375,202.42608642578125],[254.63427734375,202.43433837890626],[254.28496093750002,202.4426025390625],[253.9357421875,202.45086669921875],[253.5865234375,202.45913085937502],[253.23720703125002,202.46739501953127],[252.88798828125002,202.4756591796875],[252.538671875,202.48391113281252],[252.189453125,202.49217529296877],[251.84023437500002,202.500439453125],[251.49091796875,202.50870361328126],[251.14169921875,202.5169677734375],[250.79238281250002,202.52523193359377],[250.44316406250002,202.53348388671876],[250.09384765625,202.541748046875],[249.74462890625,202.55001220703127],[249.39541015625002,202.55827636718752],[249.04609375,202.56654052734376],[248.696875,202.57479248046877],[248.34755859375002,202.58305664062502],[247.99833984375002,202.59132080078126],[247.64912109375,202.5995849609375],[247.2998046875,202.60784912109375],[246.95058593750002,202.61610107421876],[246.60126953125,202.624365234375],[246.25205078125,202.63262939453125],[245.90283203125,202.64089355468752],[245.55351562500002,202.64915771484377],[245.204296875,202.657421875],[244.85498046875,202.66567382812502],[244.50576171875002,202.67393798828127],[244.15654296875002,202.6822021484375],[243.8072265625,202.69046630859376],[243.4580078125,202.69873046875],[243.10869140625002,202.70699462890627],[242.75947265625,202.71524658203126],[242.41025390625,202.7235107421875],[242.06093750000002,202.73177490234377],[241.71171875000002,202.74003906250002],[241.36240234375,202.74830322265626],[241.01318359375,202.75655517578127],[240.66396484375002,202.76481933593752],[240.3146484375,202.77308349609376],[239.9654296875,202.78134765625],[239.61611328125002,202.78961181640625],[239.26689453125002,202.79786376953126],[238.917578125,202.8061279296875],[238.568359375,202.81439208984375],[238.21914062500002,202.82265625000002],[237.86982421875,202.83092041015627],[237.52060546875,202.8391845703125],[237.17128906250002,202.84743652343752],[236.82207031250002,202.85570068359377],[236.4728515625,202.86396484375],[236.12353515625,202.87222900390626],[235.77431640625002,202.8804931640625],[235.425,202.88875732421877],[235.07578125,202.89700927734376],[234.7265625,202.9052734375],[234.37724609375002,202.91353759765627],[234.02802734375,202.92180175781252],[233.6787109375,202.93006591796876],[233.32949218750002,202.93831787109377],[232.98027343750002,202.94658203125002],[232.63095703125,202.95484619140626],[232.28173828125,202.9631103515625],[231.93242187500002,202.97137451171875],[231.583203125,202.97962646484376],[231.233984375,202.987890625],[230.88466796875002,202.99615478515625],[230.53544921875002,203.00441894531252],[230.1861328125,203.01268310546877],[229.8369140625,203.020947265625],[229.48769531250002,203.02919921875002],[229.13837890625,203.03746337890627],[228.78916015625,203.0457275390625],[228.43984375000002,203.05399169921876],[228.09062500000002,203.062255859375],[227.74130859375,203.07052001953127],[227.39208984375,203.07877197265626],[227.04287109375002,203.0870361328125],[226.6935546875,203.09530029296877],[226.3443359375,203.10356445312502],[225.99501953125002,203.11182861328126],[225.64580078125002,203.12008056640627],[225.29658203125,203.12834472656252],[224.947265625,203.13660888671876],[224.59804687500002,203.144873046875],[224.24873046875,203.15313720703125],[223.89951171875,203.16140136718752],[223.55029296875,203.1696533203125],[223.20097656250002,203.17791748046875],[222.8517578125,203.18618164062502],[222.50244140625,203.19444580078127],[222.15322265625002,203.2027099609375],[221.80400390625002,203.21096191406252],[221.4546875,203.21922607421877],[221.10546875,203.227490234375],[220.75615234375002,203.23575439453126],[220.40693359375,203.2440185546875],[220.05771484375,203.2522705078125],[219.70839843750002,203.26053466796876],[219.35917968750002,203.268798828125],[219.00986328125,203.27706298828127],[218.66064453125,203.28532714843752],[218.31142578125002,203.29359130859376],[217.962109375,203.30184326171877],[217.612890625,203.31010742187502],[217.26357421875002,203.31837158203126],[216.91435546875002,203.3266357421875],[216.5650390625,203.33489990234375],[216.2158203125,203.34316406250002],[215.86660156250002,203.351416015625],[215.51728515625,203.35968017578125],[215.16806640625,203.36794433593752],[214.81875000000002,203.37620849609377],[214.46953125000002,203.38447265625],[214.1203125,203.39272460937502],[213.77099609375,203.40098876953127],[213.43037109375,203.426708984375],[213.2165283203125,203.70299072265627],[213.01040039062502,203.98503417968752],[212.8108642578125,204.27175292968752],[212.6173828125,204.562744140625],[212.43007812500002,204.8575439453125],[212.24895019531252,205.1563720703125],[212.07414550781252,205.45878906250002],[211.90603027343752,205.7649658203125],[211.74465332031252,206.07487792968752],[211.59086914062502,206.388525390625],[211.4447998046875,206.7059326171875],[211.30729980468752,207.02702636718752],[211.1787841796875,207.35183105468752],[211.0599365234375,207.68034667968752],[210.95166015625,208.012451171875],[210.8548095703125,208.34819335937502],[210.770361328125,208.68706054687502],[210.6993408203125,209.02910156250002],[210.6428955078125,209.373876953125],[210.6025390625,209.7207763671875],[210.579443359375,210.06943359375],[210.5748046875,210.41865234375],[210.56618652343752,210.76701660156252],[210.5293701171875,211.1144775390625],[210.4925537109375,211.461865234375],[210.45576171875,211.809326171875],[210.4189453125,212.1567138671875],[210.38212890625002,212.50417480468752],[210.3453369140625,212.8515380859375],[210.308544921875,213.19892578125],[210.271728515625,213.54638671875],[210.23491210937502,213.89375],[210.1981201171875,214.24123535156252],[210.16130371093752,214.5885986328125],[210.12451171875,214.935986328125],[210.08769531250002,215.283447265625],[210.0509033203125,215.630810546875],[210.01408691406252,215.97829589843752],[209.977294921875,216.3256591796875],[209.94047851562502,216.67302246093752],[209.903662109375,217.0205078125],[209.86687011718752,217.36787109375],[209.61330566406252,217.498291015625],[209.2658447265625,217.53388671875],[208.9183349609375,217.5694091796875],[208.570654296875,217.60419921875],[208.22304687500002,217.63869628906252],[207.875341796875,217.673193359375],[207.52761230468752,217.70720214843752],[207.1799072265625,217.74072265625],[206.83208007812502,217.77373046875002],[206.48430175781252,217.80644531250002],[206.13640136718752,217.83857421875],[205.788525390625,217.8703125],[205.440625,217.90151367187502],[205.09255371093752,217.93215332031252],[204.74455566406252,217.96230468750002],[204.3963623046875,217.991552734375],[204.0481689453125,218.02053222656252],[203.69990234375,218.04838867187502],[203.35159912109376,218.0753173828125],[203.00328369140627,218.10112304687502],[202.65469970703126,218.12568359375],[202.30616455078126,218.148681640625],[201.9573974609375,218.1697998046875],[201.6086181640625,218.18857421875],[201.25963134765627,218.2044189453125],[200.91044921875002,218.2145751953125],[200.5611328125,218.2145751953125],[200.21171875000002,218.2145751953125],[199.86240234375,218.2145751953125],[199.51308593750002,218.2145751953125],[199.163671875,218.2145751953125],[198.81435546875002,218.2145751953125],[198.46494140625,218.2145751953125],[198.11562500000002,218.2145751953125],[197.76630859375,218.2145751953125],[197.41689453125002,218.2145751953125],[197.067578125,218.2145751953125],[196.71816406250002,218.2145751953125],[196.36884765625,218.2145751953125],[196.01953125,218.2145751953125],[195.6701171875,218.2145751953125],[195.32080078125,218.2145751953125],[194.97138671875,218.2145751953125],[194.6220703125,218.2145751953125],[194.27275390625002,218.2145751953125],[193.92333984375,218.2145751953125],[193.57402343750002,218.2145751953125],[193.224609375,218.2145751953125],[192.87529296875002,218.2145751953125],[192.52587890625,218.2145751953125],[192.17656250000002,218.2145751953125],[191.82724609375,218.2145751953125],[191.47783203125002,218.2145751953125],[191.128515625,218.2145751953125],[190.77910156250002,218.2145751953125],[190.42978515625,218.2145751953125],[190.08046875000002,218.2145751953125],[189.7310546875,218.2145751953125],[189.38173828125002,218.2145751953125],[189.03232421875,218.2145751953125],[188.68300781250002,218.2145751953125],[188.33369140625,218.2145751953125],[187.98427734375002,218.2145751953125],[187.6349609375,218.2145751953125],[187.28554687500002,218.2145751953125],[186.93623046875,218.2145751953125],[186.5869140625,218.2145751953125],[186.2375,218.2145751953125],[185.88818359375,218.2145751953125],[185.53876953125,218.2145751953125],[185.189453125,218.2145751953125],[184.84013671875002,218.2145751953125],[184.49072265625,218.2145751953125],[184.14140625000002,218.2145751953125],[183.7919921875,218.2145751953125],[183.4718994140625,218.09775390625],[183.16376953125,217.9331787109375],[182.85556640625,217.76857910156252],[182.5474365234375,217.60400390625],[182.2392333984375,217.439404296875],[181.931103515625,217.27482910156252],[181.622900390625,217.1102294921875],[181.3147705078125,216.945654296875],[181.00665283203125,216.7810791015625],[180.6984375,216.61647949218752],[180.39031982421875,216.451904296875],[180.0821044921875,216.2873046875],[179.77398681640625,216.12272949218752],[179.46585693359376,215.95815429687502],[179.15765380859375,215.7935546875],[178.84952392578126,215.6289794921875],[178.54132080078125,215.46437988281252],[178.23319091796876,215.2998046875],[177.92507324218752,215.13525390625],[177.61685791015626,214.97062988281252],[177.30874023437502,214.80607910156252],[177.00052490234376,214.641455078125],[176.69240722656252,214.4768798828125],[176.38427734375,214.3123291015625],[176.107373046875,214.10122070312502],[175.83341064453126,213.88457031250002],[175.55498046875002,213.6734130859375],[175.27312011718752,213.4669921875],[174.98802490234377,213.2652099609375],[174.69979248046877,213.06777343750002],[174.40882568359376,212.8744873046875],[174.1148681640625,212.685498046875],[173.81838378906252,212.500927734375],[173.51920166015626,212.32060546875002],[173.21729736328126,212.1446044921875],[172.91300048828126,211.973095703125],[172.6061767578125,211.8059814453125],[172.2968505859375,211.6436279296875],[171.9852294921875,211.4859130859375],[171.67103271484376,211.3330078125],[171.35454101562502,211.1850341796875],[171.03565673828126,211.04228515625002],[170.71458740234377,210.9046630859375],[170.39116210937502,210.77250976562502],[170.06552734375,210.64599609375],[169.73781738281252,210.5251220703125],[169.40794677734377,210.410107421875],[169.07597656250002,210.3013671875],[168.74195556640626,210.19892578125],[168.40609130859377,210.1029052734375],[168.06837158203126,210.013623046875],[167.72879638671876,209.931103515625],[167.38768310546877,209.855908203125],[167.04494628906252,209.7880615234375],[166.700927734375,209.72780761718752],[166.35551757812502,209.6753662109375],[166.00893554687502,209.6309326171875],[165.66158447265627,209.5947998046875],[165.31326904296876,209.5671142578125],[164.9644775390625,209.548095703125],[164.61527099609376,209.5379150390625],[164.2658447265625,209.53679199218752],[163.91667480468752,209.5448974609375],[163.56767578125002,209.5623291015625],[163.21940917968752,209.58925781250002],[162.87205810546877,209.6258056640625],[162.52576904296876,209.6720703125],[162.1809814453125,209.72802734375],[161.83782958984375,209.793798828125],[161.49033203125,209.81264648437502],[161.14102783203126,209.814208984375],[160.79161376953127,209.8157470703125],[160.44229736328126,209.81730957031252],[160.0928955078125,209.81884765625],[159.74357910156252,209.82041015625],[159.3941650390625,209.82194824218752],[159.04484863281252,209.82351074218752],[158.6955322265625,209.825048828125],[158.34613037109375,209.826611328125],[157.99681396484377,209.82814941406252],[157.647412109375,209.8297119140625],[157.298095703125,209.83125],[156.94877929687502,209.83281250000002],[156.599365234375,209.8343505859375],[156.25004882812502,209.8359130859375],[155.90064697265626,209.83745117187502],[155.55133056640625,209.83901367187502],[155.2020263671875,209.8405517578125],[154.8526123046875,209.8421142578125],[154.5032958984375,209.84365234375002],[154.1538818359375,209.84521484375],[153.8045654296875,209.8467529296875],[153.45526123046875,209.84831542968752],[153.10584716796876,209.849853515625],[152.75654296875,209.851416015625],[152.40712890625,209.85295410156252],[152.0578125,209.85451660156252],[151.70849609375,209.8560546875],[151.35908203125,209.8576171875],[151.00977783203126,209.85915527343752],[150.66036376953124,209.8607177734375],[150.31104736328126,209.862255859375],[149.9617431640625,209.86381835937502],[149.6123291015625,209.8653564453125],[149.2630126953125,209.8669189453125],[148.9135986328125,209.86845703125002],[148.56429443359374,209.87001953125002],[148.21488037109376,209.8715576171875],[147.86556396484374,209.8731201171875],[147.516259765625,209.87465820312502],[147.166845703125,209.876220703125],[146.817529296875,209.8777587890625],[146.468115234375,209.87932128906252],[146.11881103515626,209.880859375],[145.76949462890624,209.882421875],[145.42008056640626,209.88395996093752],[145.0707763671875,209.88552246093752],[144.72136230468752,209.887060546875],[144.3720458984375,209.888623046875],[144.0227294921875,209.89016113281252],[143.67332763671877,209.8917236328125],[143.32401123046876,209.89326171875],[142.97459716796877,209.89482421875002],[142.62529296875002,209.8963623046875],[142.2759765625,209.8979248046875],[141.92656250000002,209.89946289062502],[141.57724609375,209.90102539062502],[141.22784423828125,209.9025634765625],[140.87852783203127,209.9041259765625],[140.52921142578126,209.90566406250002],[140.1798095703125,209.9072265625],[139.83049316406252,209.9087646484375],[139.4810791015625,209.91032714843752],[139.13176269531252,209.911865234375],[138.78245849609377,209.913427734375],[138.43304443359375,209.91496582031252],[138.08372802734377,209.91652832031252],[137.734326171875,209.91806640625],[137.385009765625,209.91962890625],[137.03569335937502,209.92116699218752],[136.686279296875,209.9227294921875],[136.33697509765625,209.924267578125],[135.98756103515626,209.92583007812502],[135.63824462890625,209.9273681640625],[135.2888427734375,209.9289306640625],[134.9395263671875,209.93046875000002],[134.5902099609375,209.93203125000002],[134.2407958984375,209.9335693359375],[133.89149169921876,209.9351318359375],[133.54207763671874,209.93666992187502],[133.19276123046876,209.938232421875],[132.84344482421875,209.9397705078125],[132.49404296875,209.94133300781252],[132.1447265625,209.94287109375],[131.7953125,209.94443359375],[131.44599609375,209.94597167968752],[131.09669189453126,209.94753417968752],[130.74727783203124,209.949072265625],[130.39796142578126,209.950634765625],[130.0485595703125,209.95217285156252],[129.6992431640625,209.9537353515625],[129.3499267578125,209.9552734375],[129.0005126953125,209.95683593750002],[128.65120849609374,209.9583740234375],[128.30179443359376,209.9599365234375],[127.95247802734376,209.96147460937502],[127.60317382812501,209.96303710937502],[127.253759765625,209.9645751953125],[126.90444335937501,209.9661376953125],[126.555029296875,209.96767578125002],[126.20572509765626,209.96923828125],[125.85640869140626,209.9707763671875],[125.50699462890626,209.97233886718752],[125.1576904296875,209.973876953125],[124.8082763671875,209.975439453125],[124.4589599609375,209.97697753906252],[124.1095458984375,209.97854003906252],[123.76024169921875,209.980078125],[123.41092529296876,209.981640625],[123.06151123046875,209.98317871093752],[122.71220703125,209.9847412109375],[122.36279296875,209.986279296875],[122.0134765625,209.98784179687502],[121.66416015625,209.9893798828125],[121.31475830078125,209.9909423828125],[120.96544189453125,209.99248046875002],[120.61602783203125,209.99404296875002],[120.2667236328125,209.9955810546875],[119.9174072265625,209.9971435546875],[119.5679931640625,209.99868164062502],[119.2186767578125,210.000244140625],[118.86927490234376,210.0017822265625],[118.51995849609375,210.00334472656252],[118.17064208984375,210.0048828125],[117.82124023437501,210.0064453125],[117.471923828125,210.00798339843752],[117.12250976562501,210.00954589843752],[116.773193359375,210.011083984375],[116.42388916015625,210.012646484375],[116.07447509765626,210.01418457031252],[115.72532958984375,210.02529296875002],[115.37618408203126,210.03884277343752],[115.02712402343751,210.05239257812502],[114.678076171875,210.06594238281252],[114.32891845703125,210.07949218750002],[113.97987060546876,210.09304199218752],[113.630712890625,210.10659179687502],[113.2816650390625,210.12014160156252],[112.93250732421876,210.13369140625002],[112.58345947265626,210.14724121093752],[112.23439941406251,210.1607666015625],[111.88525390625,210.17431640625],[111.53620605468751,210.1878662109375],[111.18704833984376,210.201416015625],[110.83798828125,210.2149658203125],[110.4889404296875,210.228515625],[110.13979492187501,210.2420654296875],[109.79073486328126,210.255615234375],[109.44158935546875,210.2691650390625],[109.092529296875,210.2826904296875],[108.74348144531251,210.296240234375],[108.39432373046876,210.3097900390625],[108.04527587890625,210.32333984375],[107.69611816406251,210.3368896484375],[107.34707031250001,210.350439453125],[106.99801025390626,210.3639892578125],[106.64886474609375,210.3775390625],[106.2998046875,210.3910888671875],[105.9506591796875,210.404638671875],[105.60159912109376,210.4181640625],[105.25255126953125,210.4317138671875],[104.90339355468751,210.445263671875],[104.55434570312501,210.4588134765625],[104.2052001953125,210.47236328125],[103.85614013671875,210.4859130859375],[103.507080078125,210.499462890625],[103.1579345703125,210.5130126953125],[102.80888671875,210.5265625],[102.45972900390626,210.5401123046875],[102.11067504882813,210.55363769531252],[101.7615234375,210.56718750000002],[101.4124755859375,210.58073730468752],[101.06341552734375,210.59428710937502],[100.71427001953126,210.60783691406252],[100.3652099609375,210.62138671875002],[100.01606445312501,210.63493652343752],[99.66701049804688,210.64848632812502],[99.31795654296876,210.66201171875002],[98.96880493164063,210.67556152343752],[98.6197509765625,210.68911132812502],[98.27059936523438,210.70266113281252],[97.92154541015626,210.71621093750002],[97.57249145507814,210.72976074218752],[97.22333984375001,210.74331054687502],[96.87428588867188,210.75686035156252],[96.52513427734375,210.77041015625002],[96.17608032226563,210.78395996093752],[95.8270263671875,210.7974853515625],[95.47787475585938,210.81103515625],[95.12882080078126,210.8245849609375],[94.77966918945313,210.838134765625],[94.43061523437501,210.8516845703125],[94.08156738281251,210.865234375],[93.73240966796875,210.8787841796875],[93.38336181640625,210.892333984375],[93.03421020507812,210.9058837890625],[92.68515625,210.91943359375],[92.33610229492189,210.932958984375],[91.98695068359376,210.9465087890625],[91.63789672851563,210.96005859375],[91.2887451171875,210.9736083984375],[90.93969116210938,210.987158203125],[90.59063720703125,211.0007080078125],[90.24148559570312,211.0142578125],[89.892431640625,211.0278076171875],[89.54328002929688,211.041357421875],[89.19422607421876,211.0548828125],[88.84507446289064,211.0684326171875],[88.4960205078125,211.081982421875],[88.14696655273438,211.0955322265625],[87.79781494140626,211.10908203125],[87.44876098632812,211.1226318359375],[87.09961547851563,211.136181640625],[86.75056152343751,211.1497314453125],[86.40150756835938,211.16328125],[86.05235595703125,211.1768310546875],[85.70330200195313,211.19035644531252],[85.35415039062501,211.20390625000002],[85.00509643554688,211.21745605468752],[84.65604248046876,211.23100585937502],[84.30673828125,211.2281005859375],[83.95745239257813,211.2323974609375],[83.60817260742188,211.24384765625],[83.25932006835939,211.2615478515625],[82.9108642578125,211.28508300781252],[82.56264038085938,211.31398925781252],[82.21494140625,211.34816894531252],[81.86780395507813,211.387451171875],[81.52129516601563,211.43166503906252],[81.1754150390625,211.480712890625],[80.83023681640626,211.5347412109375],[80.48592529296876,211.5936279296875],[80.14235229492188,211.6572998046875],[79.799853515625,211.72578125],[79.45831298828125,211.799072265625],[79.1177734375,211.8771728515625],[78.77834472656251,211.96005859375],[78.44027099609376,212.04802246093752],[78.10342407226562,212.1406982421875],[77.76793823242188,212.23837890625],[77.43406982421875,212.341015625],[77.10173950195313,212.44863281250002],[76.77100830078125,212.5611572265625],[76.44205322265626,212.67890625],[76.11494140625,212.801708984375],[75.78985595703125,212.9295166015625],[75.46680908203125,213.0624755859375],[75.14599609375,213.20068359375],[74.82743530273437,213.3440673828125],[74.51119995117188,213.49270019531252],[74.19756469726563,213.64658203125],[73.8866455078125,213.805615234375],[73.57830200195313,213.970068359375],[73.27300415039063,214.1397216796875],[72.97056274414062,214.314794921875],[72.67144165039063,214.495068359375],[72.37542724609375,214.68068847656252],[72.08283081054688,214.87160644531252],[71.79381103515625,215.067724609375],[71.50834350585937,215.2691650390625],[71.22676391601563,215.4759033203125],[70.949072265625,215.6878173828125],[70.67525634765626,215.90493164062502],[70.40567626953126,216.12705078125],[70.1402587890625,216.354345703125],[69.87943115234376,216.58659667968752],[69.62294921875001,216.82377929687502],[69.3709716796875,217.06582031250002],[69.12390747070313,217.3126953125],[68.88140869140625,217.5643310546875],[68.64389038085938,217.8204345703125],[68.41130981445313,218.08125],[68.18374633789062,218.3461669921875],[67.96140747070312,218.615673828125],[67.74408569335938,218.88916015625],[67.53217163085938,219.166845703125],[67.32528076171876,219.4484375],[67.12396850585938,219.73393554687502],[66.9278564453125,220.02299804687502],[66.73716430664062,220.3157470703125],[66.55189208984375,220.61186523437502],[66.37184448242188,220.9113525390625],[66.1974365234375,221.21403808593752],[66.02836303710937,221.5197265625],[65.8645751953125,221.82827148437502],[65.70626831054688,222.1397216796875],[65.55333251953125,222.4538330078125],[65.40569458007813,222.770361328125],[65.26326904296876,223.08937988281252],[65.126025390625,223.4107177734375],[64.97078247070313,223.7236083984375],[64.8200439453125,224.0387939453125],[64.67233276367188,224.355419921875],[64.5271728515625,224.67312011718752],[64.38412475585938,224.99189453125],[64.24294433593751,225.31145019531252],[64.10347900390626,225.631787109375],[63.965612792968756,225.95278320312502],[63.82922973632813,226.274365234375],[63.69413452148438,226.59658203125002],[63.560437011718754,226.919287109375],[63.42818603515625,227.24267578125],[63.29700317382813,227.5664794921875],[63.16673583984375,227.89067382812502],[63.037976074218754,228.21538085937502],[62.91017456054688,228.540478515625],[62.78302001953125,228.86591796875],[62.6574951171875,229.19194335937502],[62.532470703125,229.51821289062502],[62.408624267578126,229.8448486328125],[62.285430908203125,230.171728515625],[62.16331176757813,230.49904785156252],[62.04207153320313,230.8266357421875],[61.921624755859376,231.15468750000002],[61.80205078125,231.48293457031252],[61.683325195312506,231.8114013671875],[61.565362548828126,232.14028320312502],[61.44820556640625,232.4693603515625],[61.331762695312506,232.79885253906252],[61.21610717773438,233.12846679687502],[61.10117797851563,233.458349609375],[60.9869384765625,233.78857421875],[60.87343139648438,234.1188720703125],[60.76054077148438,234.44960937500002],[60.648449707031254,234.78044433593752],[60.53709106445313,235.11147460937502],[60.426324462890626,235.4428466796875],[60.316174316406254,235.7744140625],[60.20662231445313,236.10622558593752],[60.09774169921875,236.43815917968752],[59.98964233398438,236.770263671875],[59.882031250000004,237.102734375],[59.775036621093754,237.43520507812502],[59.66853637695313,237.76799316406252],[59.562835693359375,238.100927734375],[59.457672119140625,238.434033203125],[59.35297241210938,238.76738281250002],[59.24885864257813,239.1008056640625],[59.145416259765625,239.4346435546875],[59.042492675781254,239.7684326171875],[58.93998413085938,240.1024169921875],[58.83824462890625,240.4365966796875],[58.736950683593754,240.7709716796875],[58.63607177734375,241.10546875],[58.5359130859375,241.44011230468752],[58.43619995117188,241.7749755859375],[58.33687133789063,242.10991210937502],[58.23828735351563,242.44501953125],[58.14008178710938,242.78037109375],[58.04227905273438,243.11572265625],[57.945202636718754,243.45134277343752],[57.84846801757813,243.78701171875002],[57.752233886718756,244.122802734375],[57.656549072265626,244.45888671875002],[57.561193847656256,244.7948974609375],[57.46649169921875,245.1312255859375],[57.37215576171875,245.467626953125],[57.27825927734375,245.8040771484375],[57.1849365234375,246.14079589843752],[57.09187622070313,246.47746582031252],[56.99949951171875,246.814453125],[56.907403564453126,247.1514404296875],[56.81583862304688,247.48854980468752],[56.72471923828125,247.8258056640625],[56.63391723632813,248.16313476562502],[56.54374389648438,248.50065917968752],[56.45374145507813,248.8382080078125],[56.36448364257813,249.17592773437502],[56.275360107421875,249.51381835937502],[56.18687133789063,249.85173339843752],[56.098669433593756,250.189794921875],[56.01094970703125,250.5279052734375],[55.92359008789063,250.86630859375],[55.836639404296875,251.20463867187502],[55.75018310546875,251.5430419921875],[55.663970947265625,251.8816650390625],[55.57833251953125,252.2203369140625],[55.49288330078125,252.5591552734375],[55.4080810546875,252.89797363281252],[55.32342529296875,253.2368896484375],[55.23938598632813,253.576025390625],[55.155487060546875,253.9151123046875],[55.072216796875004,254.2544921875],[54.98907470703125,254.59375],[54.90659790039063,254.9332275390625],[54.824188232421875,255.2727783203125],[54.7424560546875,255.61240234375],[54.6608154296875,255.9521484375],[54.57979736328125,256.2919189453125],[54.49892578125,256.6317626953125],[54.418603515625,256.97177734375003],[54.338494873046876,257.311767578125],[54.258837890625,257.652001953125],[54.179473876953125,257.9921875],[54.1005126953125,258.332421875],[54.021881103515625,258.6728759765625],[53.94354858398438,259.01337890625],[53.86566772460938,259.35400390625],[53.788000488281256,259.694482421875],[53.71088256835938,260.0351806640625],[53.633782958984376,260.3760009765625],[53.557409667968756,260.716845703125],[53.481011962890626,261.0578125],[53.405267333984376,261.3988525390625],[53.329626464843756,261.739990234375],[53.25446166992188,262.0811279296875],[53.179577636718754,262.422314453125],[53.10493774414063,262.7636962890625],[53.03080444335938,263.1050537109375],[52.9567138671875,263.4464599609375],[52.88331909179688,263.78798828125],[52.80992431640625,264.1295166015625],[52.73707885742188,264.471240234375],[52.664422607421876,264.8129150390625],[52.592077636718756,265.154736328125],[52.52015991210938,265.49658203125],[52.44830932617188,265.8384033203125],[52.377105712890625,266.1804931640625],[52.30592651367188,266.5224853515625],[52.2352294921875,266.86474609375],[52.16478271484375,267.20688476562503],[52.094573974609375,267.54904785156253],[52.02484130859375,267.8914306640625],[51.95512084960938,268.2337158203125],[51.886041259765626,268.57626953125003],[51.81705932617188,268.918701171875],[51.7484130859375,269.2611328125],[51.680145263671875,269.6038330078125],[51.61189575195313,269.9464111328125],[51.54432983398438,270.2892578125],[51.476800537109376,270.631982421875],[51.40963134765625,270.9747314453125],[51.342822265625,271.3177001953125],[51.276025390625,271.6605712890625],[51.20989990234375,272.0037109375],[51.143829345703125,272.346728515625],[51.078033447265625,272.68991699218753],[51.01268615722657,273.0330810546875],[50.947338867187504,273.376220703125],[50.88259582519532,273.7195068359375],[50.81797485351563,274.06279296875],[50.75349731445313,274.4062744140625],[50.68959655761719,274.7496826171875],[50.62569274902344,275.09311523437503],[50.562234497070314,275.436669921875],[50.499053955078125,275.780224609375],[50.435855102539065,276.12387695312503],[50.373382568359375,276.4675537109375],[50.310916137695315,276.81123046875],[50.24865417480469,277.155078125],[50.18690795898438,277.4989013671875],[50.12514343261719,277.8427978515625],[50.06383361816407,278.18674316406253],[50.00279846191407,278.5306884765625],[49.941748046875006,278.87473144531253],[49.88136291503906,279.21875],[49.821023559570314,279.5629150390625],[49.80877380371094,279.89206542968753],[50.052929687500004,280.14189453125],[50.29715270996094,280.3917724609375],[50.54130859375,280.6416015625],[50.785534667968754,280.89150390625],[51.02969055175782,281.14130859375],[51.27384643554688,281.3911376953125],[51.51807250976563,281.641015625],[51.76222534179688,281.89084472656253],[52.00645141601563,282.14072265625003],[52.250604248046876,282.3905517578125],[52.494763183593754,282.640380859375],[52.738989257812506,282.8902587890625],[52.98314208984375,283.140087890625],[53.227368164062504,283.3899658203125],[53.47152099609375,283.639794921875],[53.7157470703125,283.8896728515625],[53.95990600585938,284.13950195312503],[54.20405883789063,284.389306640625],[54.463775634765625,284.62060546875],[54.731842041015625,284.84423828125],[54.9783203125,285.0918701171875],[55.20628051757813,285.3564453125],[55.41764526367188,285.63449707031253],[55.613684082031256,285.9237060546875],[55.79539794921875,286.221923828125],[55.963671875,286.52817382812503],[56.119287109375,286.840869140625],[56.2628662109375,287.159326171875],[56.395275878906254,287.4826171875],[56.516937255859375,287.81003417968753],[56.62847900390625,288.1411376953125],[56.7303955078125,288.475244140625],[56.82337036132813,288.81198730468753],[56.9075927734375,289.1510498046875],[56.98372192382813,289.4919921875],[57.052093505859375,289.8345947265625],[57.1130615234375,290.1785888671875],[57.166943359375004,290.523681640625],[57.21416015625,290.869921875],[57.25501098632813,291.216796875],[57.2898193359375,291.564501953125],[57.314910888671875,291.912744140625],[57.321936035156256,292.2619873046875],[57.32896728515625,292.611328125],[57.335986328125,292.960595703125],[57.343017578125,293.3099365234375],[57.35003662109375,293.6591796875],[57.357067871093754,294.00852050781253],[57.364086914062504,294.35776367187503],[57.37111206054688,294.70700683593753],[57.378143310546875,295.05634765625],[57.385162353515625,295.4055908203125],[57.39219360351563,295.754931640625],[57.39921264648438,296.10419921875],[57.40623779296875,296.4534423828125],[57.41326904296875,296.802783203125],[57.4202880859375,297.1520263671875],[57.427319335937504,297.5013671875],[57.434338378906254,297.8506103515625],[57.44136352539063,298.199853515625],[57.448394775390625,298.5491943359375],[57.455413818359375,298.8984375],[57.46244506835938,299.247802734375],[57.46946411132813,299.5970458984375],[57.4764892578125,299.9462890625],[57.4835205078125,300.29562988281253],[57.49053955078125,300.64487304687503],[57.497570800781254,300.9942138671875],[57.504589843750004,301.34345703125],[57.51161499023438,301.6927001953125],[57.518646240234375,302.042041015625],[57.525665283203125,302.39130859375],[57.53269653320313,302.7406494140625],[57.53971557617188,303.089892578125],[57.54674072265625,303.4391357421875],[57.55377197265625,303.7884765625],[57.560791015625,304.1377197265625],[57.567822265625004,304.487060546875],[57.574841308593754,304.8363037109375],[57.58187255859375,305.18564453125003],[57.588897705078125,305.534912109375],[57.595916748046875,305.8841552734375],[57.60294799804688,306.23349609375003],[57.60996704101563,306.58273925781253],[57.616998291015626,306.932080078125],[57.6240234375,307.2813232421875],[57.63104248046875,307.63056640625],[57.638073730468754,307.97990722656255],[57.645092773437504,308.32915039062505],[57.6521240234375,308.67851562500005],[57.65914306640625,309.02775878906255],[57.666168212890625,309.37700195312505],[57.67319946289063,309.7263427734375],[57.68021850585938,310.0755859375],[57.687249755859376,310.4249267578125],[57.694268798828126,310.774169921875],[57.7012939453125,311.1234130859375],[57.708325195312504,311.47275390625003],[57.715344238281254,311.82199707031253],[57.72237548828125,312.171337890625],[57.72939453125,312.52060546875003],[57.736419677734375,312.86984863281253],[57.74345092773438,313.219189453125],[57.75046997070313,313.5684326171875],[57.757501220703126,313.91777343750005],[57.764520263671876,314.26701660156255],[57.77154541015625,314.61625976562505],[57.778576660156254,314.9656005859375],[57.785595703125004,315.31484375],[57.792626953125,315.664208984375],[57.79964599609375,316.0134521484375],[57.806677246093756,316.36279296875],[57.81370239257813,316.7120361328125],[57.82072143554688,317.061279296875],[57.827752685546876,317.41062011718753],[57.834771728515626,317.75986328125003],[57.84180297851563,318.1092041015625],[57.848828125000004,318.458447265625],[57.855847167968754,318.80771484375003],[57.86287841796875,319.1570556640625],[57.8698974609375,319.506298828125],[57.876928710937506,319.85563964843755],[57.88395385742188,320.20488281250005],[57.89097290039063,320.55412597656255],[57.898004150390626,320.903466796875],[57.905023193359376,321.2527099609375],[57.91205444335938,321.60205078125],[57.91907348632813,321.951318359375],[57.926098632812504,322.3005615234375],[57.9331298828125,322.64990234375],[57.94014892578125,322.9991455078125],[57.947180175781256,323.34848632812503],[57.954199218750006,323.69772949218753],[57.96122436523438,324.04697265625003],[57.968255615234376,324.3963134765625],[57.975274658203126,324.745556640625],[57.98230590820313,325.09489746093755],[57.98932495117188,325.4441650390625],[57.996350097656254,325.793408203125],[58.00338134765625,326.14274902343755],[58.010400390625,326.49199218750005],[58.017431640625006,326.8413330078125],[58.024450683593756,327.190576171875],[58.03147583007813,327.5398193359375],[58.038507080078126,327.88916015625],[58.045526123046876,328.2384033203125],[58.05255737304688,328.5877685546875],[58.05957641601563,328.93701171875],[58.06660766601563,329.28635253906253],[58.0736328125,329.63559570312503],[58.08065185546875,329.98483886718753],[58.087683105468756,330.3341796875],[58.094702148437506,330.6834228515625],[58.1017333984375,331.03276367187505],[58.108758544921876,331.38200683593755],[58.115777587890626,331.7312744140625],[58.12280883789063,332.08061523437505],[58.12982788085938,332.42985839843755],[58.13685913085938,332.77919921875],[58.14388427734375,333.1284423828125],[58.1509033203125,333.477685546875],[58.157934570312506,333.8270263671875],[58.164953613281256,334.17626953125],[58.17198486328125,334.52561035156253],[58.179010009765626,334.87485351562503],[58.186029052734376,335.22412109375],[58.19306030273438,335.57346191406253],[58.19895629882813,335.92270507812503],[58.17169799804688,336.270947265625],[58.126739501953125,336.61735839843755],[58.0702392578125,336.9619873046875],[58.00404663085938,337.30517578125],[57.929803466796876,337.646435546875],[57.848388671875,337.98625488281255],[57.7605224609375,338.32431640625003],[57.66675415039063,338.6607666015625],[57.56749267578125,338.99582519531253],[57.463250732421876,339.3291748046875],[57.3541748046875,339.6612060546875],[57.24068603515625,339.99150390625005],[57.12293090820313,340.32048339843755],[57.001293945312504,340.64792480468753],[56.875823974609375,340.97392578125005],[56.746630859375,341.298583984375],[56.61401977539063,341.62180175781253],[56.47808837890625,341.94365234375005],[56.339062500000004,342.264111328125],[56.196923828125,342.58322753906253],[56.05177612304688,342.90104980468755],[55.90387573242188,343.21745605468755],[55.75321655273438,343.5327880859375],[55.60001831054688,343.8467041015625],[55.44417114257813,344.1592529296875],[55.285900878906254,344.470849609375],[55.125238037109376,344.78095703125],[54.962249755859375,345.0900390625],[54.79703979492188,345.3978271484375],[54.62965698242188,345.7044921875],[54.46010131835938,346.010009765625],[54.288623046875,346.31430664062503],[54.11497802734375,346.6174560546875],[53.93956298828125,346.9195068359375],[53.762121582031256,347.22050781250005],[53.58284301757813,347.52036132812503],[53.40189819335938,347.8191162109375],[53.21907348632813,348.1169677734375],[53.0345703125,348.41350097656255],[52.84843139648438,348.7091064453125],[52.660656738281254,349.00380859375],[52.47133178710938,349.29736328125],[52.280328369140626,349.5899169921875],[52.08783569335938,349.881494140625],[51.89390258789063,350.172119140625],[51.698583984375006,350.4616943359375],[51.5018310546875,350.750390625],[51.303662109375004,351.03813476562505],[51.104101562500006,351.32480468750003],[50.903149414062504,351.6106689453125],[50.70094909667969,351.8955322265625],[50.49747924804688,352.17949218750005],[50.29273376464844,352.462646484375],[50.08682556152344,352.74479980468755],[49.879638671875,353.0261474609375],[49.671362304687506,353.30649414062503],[49.461889648437506,353.5860595703125],[49.25118103027344,353.8648681640625],[49.039465332031256,354.1427001953125],[48.826577758789064,354.4197998046875],[48.61570739746094,354.6982666015625],[48.4187255859375,354.9866455078125],[48.231561279296876,355.28173828125],[48.05253295898438,355.5816650390625],[47.88075561523438,355.885888671875],[47.71559143066406,356.19370117187503],[47.55664978027344,356.50480957031255],[47.403637695312504,356.8189208984375],[47.25629272460938,357.1356201171875],[47.11454467773438,357.45500488281255],[46.978067016601564,357.776513671875],[46.846917724609376,358.10031738281253],[46.72087707519532,358.426171875],[46.59981994628907,358.753857421875],[46.4836669921875,359.0833251953125],[46.372354125976564,359.41447753906255],[46.265811157226565,359.7470947265625],[46.16387023925782,360.0813232421875],[46.06652526855469,360.4167724609375],[45.973931884765626,360.75371093750005],[45.88581237792969,361.09169921875],[45.80192565917969,361.43095703125005],[45.72258605957032,361.77109375000003],[45.64762878417969,362.112255859375],[45.576635742187506,362.454345703125],[45.51031494140625,362.797314453125],[45.44776306152344,363.14111328125],[45.38970031738282,363.48552246093755],[45.335330200195315,363.83061523437505],[45.285394287109376,364.17648925781253],[45.239114379882814,364.52265625],[45.19699401855469,364.86955566406255],[45.15870056152344,365.216796875],[45.12400817871094,365.56435546875],[45.093560791015626,365.91245117187503],[45.06665649414063,366.26064453125],[45.043249511718756,366.60935058593753],[45.023867797851565,366.9580810546875],[45.00804138183594,367.30705566406255],[44.99565124511719,367.656201171875],[44.986672973632814,368.00541992187505],[44.98150634765625,368.35483398437503],[44.979766845703125,368.70415039062505],[44.98134765625,369.05341796875],[44.98622436523438,369.402783203125],[44.994363403320314,369.7519775390625],[45.00580444335938,370.101220703125],[45.02072448730469,370.4502685546875],[45.038796997070314,370.79912109375005],[45.05999450683594,371.1478271484375],[45.08427734375,371.49626464843755],[45.11163024902344,371.8446044921875],[45.14201049804688,372.19267578125005],[45.175384521484375,372.540478515625],[45.211499023437504,372.887841796875],[45.25077514648438,373.235009765625],[45.29293518066407,373.58183593750005],[45.337927246093756,373.9282470703125],[45.38575134277344,374.2744140625],[45.436328125,374.62001953125],[45.48963928222656,374.96525878906255],[45.54565124511719,375.31010742187505],[45.60432434082031,375.6544921875],[45.66563110351563,375.998486328125],[45.729486083984376,376.3418701171875],[45.7958984375,376.68486328125005],[45.86488647460938,377.02739257812505],[45.93636169433594,377.3692626953125],[46.01030578613282,377.7107666015625],[46.08662414550781,378.0516357421875],[46.1653076171875,378.392041015625],[46.246337890625,378.73186035156255],[46.32980041503907,379.07114257812503],[46.41551208496094,379.40983886718755],[46.52165222167969,379.742333984375],[46.64104919433594,380.07060546875005],[46.76377868652344,380.3978271484375],[46.88945617675782,380.72368164062505],[47.01748046875,381.048779296875],[47.14771118164063,381.372998046875],[47.28001708984375,381.696240234375],[47.41436767578125,382.01877441406253],[47.5505859375,382.34042968750003],[47.68864440917969,382.6614013671875],[47.82839050292969,382.98161621093755],[47.969705200195314,383.30112304687503],[48.112457275390625,383.6199462890625],[48.25735778808594,383.93784179687503],[48.403662109375006,384.2551513671875],[48.55104675292969,384.57177734375],[48.700320434570315,384.8877685546875],[48.85091247558594,385.2029052734375],[49.00311889648438,385.51728515625],[49.15682678222657,385.8311279296875],[49.31182861328125,386.144189453125],[49.46824645996094,386.45664062500003],[49.626077270507814,386.7681884765625],[49.78538208007813,387.07915039062505],[49.946038818359376,387.3894287109375],[50.10797729492188,387.698876953125],[50.271340942382814,388.0078125],[50.435968017578126,388.31589355468753],[50.60191650390625,388.6232421875],[50.76925964355469,388.9300048828125],[50.937869262695315,389.23593750000003],[51.10785522460938,389.54123535156253],[51.279046630859376,389.84562988281255],[51.45160522460938,390.149365234375],[51.62550659179688,390.4524169921875],[51.80066528320313,390.7546630859375],[51.977185058593754,391.0562744140625],[52.1549072265625,391.35698242187505],[52.33390502929688,391.65690917968755],[52.51422729492188,391.95615234375003],[52.695812988281254,392.25461425781253],[52.878674316406254,392.5523193359375],[53.062780761718756,392.8491943359375],[53.248193359375,393.1453857421875],[53.43479614257813,393.4406982421875],[53.62260131835938,393.73515625000005],[53.81173095703125,394.02897949218755],[54.00205688476563,394.321923828125],[54.193719482421876,394.61406250000005],[54.386694335937506,394.90524902343753],[54.58087158203125,395.1955810546875],[54.7763671875,395.48525390625],[54.972998046875006,395.77397460937505],[55.170892333984376,396.06193847656255],[55.36991577148438,396.3489501953125],[55.57026977539063,396.63510742187503],[55.77205200195313,396.92038574218753],[55.97496337890625,397.2047119140625],[56.17913818359375,397.48828125],[56.38444213867188,397.770947265625],[56.59088745117188,398.052685546875],[56.79884643554688,398.33349609375],[57.00801391601563,398.61325683593753],[57.218395996093754,398.8922119140625],[57.429901123046875,399.1702392578125],[57.64251708984375,399.4473388671875],[57.856689453125,399.7234130859375],[58.072052001953125,399.9984375],[58.28864135742188,400.27265625],[58.506317138671875,400.5459228515625],[58.725189208984375,400.81816406250005],[58.94562377929688,401.08928222656255],[59.167083740234375,401.359326171875],[59.389807128906256,401.628662109375],[59.613476562500004,401.896875],[59.8387939453125,402.16379394531253],[60.06535034179688,402.42985839843755],[60.292883300781256,402.6948486328125],[60.52162475585938,402.95903320312505],[60.751867675781256,403.22172851562505],[60.98331909179688,403.48349609375003],[61.215795898437506,403.74423828125003],[61.44934692382813,404.00400390625003],[61.68463134765625,404.2623291015625],[61.9208984375,404.5196044921875],[62.15831298828125,404.7760009765625],[62.3968994140625,405.0311279296875],[62.636932373046875,405.28483886718755],[62.878088378906256,405.53764648437505],[63.120233154296876,405.78940429687503],[63.36397094726563,406.03977050781253],[63.60890502929688,406.2889404296875],[63.854748535156254,406.5369873046875],[64.10188598632813,406.78398437500005],[64.3503173828125,407.02958984375005],[64.60000610351562,407.27397460937505],[64.85081787109375,407.5171142578125],[65.10293579101562,407.7589111328125],[65.35626220703125,407.99968261718755],[65.6107177734375,408.238916015625],[65.8664306640625,408.47697753906255],[66.12328491210938,408.713818359375],[66.38139038085937,408.949169921875],[66.640673828125,409.18339843750005],[66.90111694335938,409.41618652343755],[67.16283569335938,409.64765625],[67.42559814453125,409.87783203125],[67.68970336914063,410.10654296875003],[67.95492553710938,410.33388671875],[68.22123413085937,410.5599609375],[68.4889404296875,410.784619140625],[68.757568359375,411.0078125],[69.02749633789062,411.229736328125],[69.29857788085938,411.45004882812503],[69.57073974609375,411.66904296875003],[69.844091796875,411.88662109375],[70.11865844726563,412.10263671875003],[70.39439697265625,412.31728515625],[70.67109985351563,412.53037109375003],[70.9490966796875,412.741943359375],[71.21687622070313,412.96586914062505],[71.4768798828125,413.19912109375],[71.73784790039063,413.43144531250005],[71.99945068359375,413.66298828125],[72.2619140625,413.893505859375],[72.52506103515626,414.12338867187503],[72.78847656250001,414.35283203125005],[73.05286865234375,414.58115234375003],[73.3173828125,414.809326171875],[73.582861328125,415.036376953125],[73.84848022460938,415.26347656250005],[74.11509399414062,415.48916015625],[74.38178100585938,415.71489257812505],[74.64929809570313,415.939453125],[74.91708984375,416.16376953125],[75.1853759765625,416.3876953125],[75.45419311523438,416.6107421875],[75.7236328125,416.833251953125],[75.99359130859375,417.054931640625],[76.26397705078125,417.27607421875],[76.53486328125,417.49667968750003],[76.8062744140625,417.71660156250005],[77.07843627929688,417.93583984375005],[77.35084838867188,418.15439453125003],[77.62382202148439,418.372509765625],[77.89750366210939,418.589599609375],[78.17161254882814,418.80615234375],[78.44614868164064,419.022216796875],[78.721435546875,419.237255859375],[78.99732666015626,419.451806640625],[79.27345581054688,419.665673828125],[79.55048217773438,419.87846679687505],[79.82805786132813,420.090771484375],[80.10598754882812,420.30234375000003],[80.38486328125,420.51279296875003],[80.66412963867188,420.72265625],[80.94395751953125,420.93173828125003],[81.22470092773438,421.13974609375003],[81.50579223632813,421.34716796875],[81.78776245117189,421.55351562500005],[82.07033081054688,421.75888671875003],[82.35334472656251,421.96367187500005],[82.63752441406251,422.166943359375],[82.92212524414063,422.36953125],[83.20745239257813,422.571240234375],[83.49365234375,422.771435546875],[83.78034667968751,422.97099609375005],[84.06813354492188,423.169140625],[84.35645141601563,423.366455078125],[84.6457275390625,423.56240234375],[84.93585205078125,423.75693359375003],[85.22683715820312,423.95024414062505],[85.51873168945313,424.142333984375],[85.8114013671875,424.3330078125],[86.10518188476563,424.52207031250003],[86.39984741210938,424.70966796875],[86.69554443359375,424.89580078125005],[86.99217529296875,425.08037109375005],[87.28990478515625,425.26298828125005],[87.58878173828126,425.44404296875],[87.88865356445314,425.6232421875],[88.18984985351562,425.80039062500003],[88.49207153320313,425.97543945312503],[88.79552001953125,426.14848632812505],[89.10033569335938,426.31918945312503],[89.40645141601563,426.4875],[89.71395263671876,426.653466796875],[90.02281494140625,426.8166015625],[90.33320312500001,426.97685546875005],[90.64505615234376,427.134423828125],[90.95864868164062,427.288330078125],[91.27386474609375,427.439208984375],[91.59069213867188,427.5861328125],[91.90934448242189,427.72929687500005],[92.22996215820314,427.868310546875],[92.55239257812501,428.002587890625],[92.87697753906251,428.131982421875],[93.20344238281251,428.25620117187503],[93.52711181640626,428.387451171875],[93.84651489257813,428.529052734375],[94.16254882812501,428.677978515625],[94.47550659179689,428.833203125],[94.78546142578125,428.9943359375],[95.09253540039063,429.16083984375],[95.39646606445314,429.333154296875],[95.6971923828125,429.51083984375003],[95.99483642578126,429.693994140625],[96.28908691406251,429.882275390625],[96.57982177734375,430.07573242187505],[96.86705932617188,430.27470703125005],[97.15048828125,430.47885742187503],[97.43006591796876,430.6884765625],[97.70538940429688,430.90341796875003],[97.97651977539063,431.12382812500005],[98.24315795898438,431.34951171875],[98.504931640625,431.580712890625],[98.76180419921876,431.817626953125],[99.01334838867189,432.05991210937503],[99.25957641601563,432.30791015625005],[99.49995727539063,432.56137695312503],[99.73426513671876,432.82041015625003],[99.9622802734375,433.085107421875],[100.18357543945314,433.35537109375],[100.39805297851564,433.63120117187503],[100.60505371093751,433.9125],[100.80451660156251,434.19931640625003],[100.99608154296875,434.49155273437503],[101.17927246093751,434.78891601562503],[101.35399169921875,435.09150390625],[101.51981811523439,435.39897460937505],[101.67632446289063,435.711181640625],[101.82344970703126,436.02812500000005],[101.96082763671876,436.34931640625],[102.08833007812501,436.67460937500005],[102.20548095703126,437.00361328125],[102.31236572265625,437.33623046875005],[102.4088134765625,437.672021484375],[102.49451904296876,438.010693359375],[102.56971435546876,438.351806640625],[102.63402099609375,438.69521484375],[102.687744140625,439.040283203125],[102.73077392578125,439.38706054687503],[102.76319580078126,439.734814453125],[102.78524169921876,440.08354492187505],[102.79697265625,440.4326171875],[102.79847412109376,440.78208007812503],[102.790087890625,441.13120117187503],[102.77198486328126,441.480126953125],[102.74447021484376,441.8283203125],[102.7077392578125,442.175732421875],[102.66751708984376,442.5224609375],[102.64049072265625,442.87065429687505],[102.59157714843751,443.21660156250005],[102.52454833984376,443.55947265625],[102.4407958984375,443.898681640625],[102.34097900390626,444.233154296875],[102.22520141601564,444.562890625],[102.09384155273438,444.88652343750005],[101.94697265625001,445.20341796875005],[101.78482666015626,445.512841796875],[101.607470703125,445.81376953125005],[101.41536254882813,446.105615234375],[101.20873413085938,446.38720703125],[100.98843994140626,446.658203125],[100.75441284179688,446.917724609375],[100.50794067382813,447.1650390625],[100.24937133789064,447.400048828125],[99.97958984375,447.6220703125],[99.69971923828126,447.83095703125],[99.41035156250001,448.026611328125],[99.11254272460938,448.2091796875],[98.80693969726563,448.37861328125],[98.4947509765625,448.53500976562503],[98.17627563476563,448.67890625],[97.85261840820313,448.810498046875],[97.52462158203126,448.93017578125],[97.1923583984375,449.03828125],[96.85671386718751,449.135400390625],[96.51848754882813,449.221826171875],[96.17747802734375,449.29819335937503],[95.83458862304688,449.364892578125],[95.48984375,449.422314453125],[95.14409790039063,449.4708984375],[94.79701538085938,449.5111328125],[94.44898681640626,449.543359375],[94.10076904296875,449.56796875000003],[93.751806640625,449.585400390625],[93.40241088867188,449.595947265625],[93.05331420898438,449.59990234375005],[92.70384521484375,449.59755859375],[92.3546630859375,449.58935546875],[92.00626831054689,449.56254882812505],[91.65908813476562,449.52490234375],[91.31170654296875,449.48720703125],[90.9643310546875,449.44956054687503],[90.61714477539063,449.41191406250005],[90.26976928710938,449.37421875],[89.92239379882812,449.336572265625],[89.57501220703125,449.29887695312505],[89.22783203125,449.26123046875],[88.88045043945313,449.223583984375],[88.53307495117188,449.18588867187503],[88.185888671875,449.14824218750005],[87.83851318359376,449.110595703125],[87.4911376953125,449.07294921875],[87.14395141601562,449.03525390625003],[86.79657592773438,448.99760742187505],[86.4491943359375,448.9599609375],[86.10181884765626,448.922265625],[85.754638671875,448.88461914062503],[85.40726318359376,448.84697265625005],[85.05988159179688,448.80927734375],[84.7126953125,448.771630859375],[84.36531982421876,448.73398437500003],[84.0179443359375,448.6962890625],[83.67075805664064,448.658642578125],[83.32338256835938,448.62099609375],[82.9760009765625,448.58330078125005],[82.62862548828126,448.545654296875],[82.28144531250001,448.5080078125],[81.93406372070314,448.47031250000003],[81.58668823242188,448.43266601562505],[81.239501953125,448.39501953125],[80.89212646484376,448.35732421875],[80.54475097656251,448.31967773437503],[80.19756469726563,448.28203125000005],[79.85018920898438,448.2443359375],[79.5028076171875,448.206689453125],[79.15543212890626,448.16899414062505],[78.80825195312501,448.13134765625],[78.46087036132813,448.093701171875],[78.11349487304688,448.05600585937503],[77.76630859375001,448.01835937500005],[77.41893310546875,447.980712890625],[77.07155761718751,447.943017578125],[76.72417602539063,447.90537109375003],[76.37698974609376,447.86772460937505],[76.0296142578125,447.830029296875],[75.68223876953125,447.7923828125],[75.33505859375,447.75473632812503],[74.98767700195313,447.71708984375005],[74.64030151367187,447.67939453125],[74.29311523437501,447.641748046875],[73.94573974609375,447.60410156250003],[73.5983642578125,447.56640625],[73.25098266601563,447.528759765625],[72.90379638671875,447.49111328125],[72.55642089843751,447.45341796875005],[72.20904541015625,447.415771484375],[71.861865234375,447.378125],[71.51448364257813,447.34042968750003],[71.16710205078125,447.30278320312505],[70.819921875,447.26513671875],[70.47254638671875,447.22744140625],[70.1251708984375,447.18979492187503],[69.77778930664063,447.152099609375],[69.43060302734375,447.114453125],[69.0832275390625,447.076806640625],[68.73585205078125,447.03911132812505],[68.388671875,447.00146484375],[68.04129028320312,446.963818359375],[67.69390869140625,446.92612304687503],[67.346533203125,446.88847656250005],[66.99935302734376,446.850830078125],[66.6519775390625,446.813134765625],[66.30459594726562,446.77548828125003],[65.95740966796875,446.73784179687505],[65.6100341796875,446.700146484375],[65.26265869140626,446.6625],[64.915478515625,446.62485351562503],[64.56809692382812,446.587158203125],[64.22071533203125,446.54951171875],[63.87333984375,446.511865234375],[63.526159667968756,446.47416992187505],[63.178784179687504,446.4365234375],[62.83140258789063,446.398876953125],[62.48421630859375,446.36123046875],[62.1368408203125,446.32353515625005],[61.789465332031256,446.285888671875],[61.44227905273438,446.2482421875],[61.094903564453126,446.21054687500003],[60.74752197265625,446.17290039062505],[60.400146484375,446.135205078125],[60.05296630859375,446.09755859375],[59.70558471679688,446.05991210937503],[59.358209228515626,446.022216796875],[59.011022949218756,445.9845703125],[58.663647460937504,445.946923828125],[58.31627197265625,445.90922851562505],[57.969085693359375,445.87158203125],[57.62171020507813,445.833935546875],[57.274328613281256,445.79624023437503],[56.926953125000004,445.75859375000005],[56.57977294921875,445.720947265625],[56.232391357421875,445.683251953125],[55.88501586914063,445.64560546875003],[55.53782958984375,445.60795898437505],[55.1904541015625,445.570263671875],[54.84307861328125,445.5326171875],[54.495697021484375,445.49492187500005],[54.14851684570313,445.457275390625],[53.80113525390625,445.41962890625],[53.453759765625,445.38193359375003],[53.106579589843754,445.34428710937505],[52.75919799804688,445.306640625],[52.41182250976563,445.2689453125],[52.06463623046875,445.23129882812503],[51.717260742187506,445.19365234375005],[51.369885253906254,445.156005859375],[51.02250366210938,445.118310546875],[50.675323486328125,445.08066406250003],[50.32794189453125,445.04301757812505],[49.980566406250006,445.005322265625],[49.63338317871094,444.96767578125],[49.286004638671876,444.93002929687503],[48.938629150390625,444.892333984375],[48.591442871093754,444.8546875],[48.2440673828125,444.817041015625],[47.89668884277344,444.77934570312505],[47.549310302734376,444.74169921875],[47.202127075195314,444.704052734375],[46.854748535156254,444.66635742187503],[46.507373046875,444.62871093750005],[46.16018981933594,444.591064453125],[45.81281127929688,444.553369140625],[45.465432739257814,444.51572265625003],[45.118054199218754,444.47802734375],[44.7708740234375,444.440380859375],[44.42349548339844,444.402734375],[44.07611694335938,444.36503906250005],[43.72893371582032,444.327392578125],[43.38155517578125,444.28974609375],[43.0341796875,444.25205078125003],[42.68699340820313,444.21440429687505],[42.33961791992188,444.1767578125],[41.99223937988282,444.1390625],[41.64486083984375,444.10141601562503],[41.29767761230469,444.06376953125005],[40.95030212402344,444.02607421875],[40.60292358398438,443.988427734375],[40.255740356445315,443.95078125000003],[39.908361816406256,443.91313476562505],[39.560986328125004,443.875439453125],[39.213800048828126,443.83779296875],[38.866424560546875,443.80014648437503],[38.519046020507815,443.762451171875],[38.17166748046875,443.7248046875],[37.824484252929686,443.687158203125],[37.47710876464844,443.64946289062505],[37.129730224609375,443.61181640625],[36.78254699707031,443.574169921875],[36.43516845703125,443.53647460937503],[36.087789916992186,443.49882812500005],[35.73904113769532,443.48808593750005],[35.38999633789063,443.46884765625003],[35.041943359375004,443.43828125000005],[34.695010375976565,443.3978515625],[34.349404907226564,443.347119140625],[34.00540466308594,443.286376953125],[33.663247680664064,443.215234375],[33.32374572753906,443.13349609375],[32.98693542480469,443.04062500000003],[32.65355529785156,442.936279296875],[32.32402038574219,442.81992187500003],[31.999603271484375,442.690869140625],[31.68062438964844,442.548486328125],[31.368109130859377,442.39218750000003],[31.06351013183594,442.22148437500005],[30.767608642578125,442.035791015625],[30.4820068359375,441.834619140625],[30.208380126953127,441.617626953125],[29.947976684570314,441.384765625],[29.702508544921876,441.136181640625],[29.473620605468753,440.87236328125005],[29.262872314453126,440.5939453125],[29.07105712890625,440.30185546875003],[28.899539184570315,439.99755859375],[28.748892211914065,439.6826171875],[28.619067382812503,439.35825195312503],[28.510119628906253,439.0263671875],[28.421551513671876,438.688671875],[28.352676391601562,438.34619140625],[28.302539062500003,438.000439453125],[28.270172119140625,437.652587890625],[28.254400634765627,437.30361328125],[28.254150390625,436.95419921875003],[28.268310546875,436.605224609375],[28.295764160156253,436.25703125],[28.335659790039063,435.909912109375],[28.38692321777344,435.56430664062503],[28.44874267578125,435.22075195312505],[28.5203369140625,434.87861328125],[28.600909423828128,434.53876953125],[28.689892578125,434.20087890625],[28.786627197265627,433.865234375],[28.919525146484375,433.54345703125],[29.06545104980469,433.22587890625005],[29.204821777343753,432.90576171875],[29.33858642578125,432.58286132812503],[29.46718444824219,432.25791015625003],[29.591229248046876,431.93144531250005],[29.710357666015625,431.60302734375],[29.82489013671875,431.27299804687505],[29.93497009277344,430.94145507812505],[30.040423583984378,430.608544921875],[30.141461181640626,430.274072265625],[30.238043212890627,429.93818359375],[30.330007934570315,429.60136718750005],[30.417498779296878,429.262939453125],[30.500280761718752,428.923486328125],[30.578335571289063,428.58305664062505],[30.651626586914062,428.2416015625],[30.72010498046875,427.89897460937505],[30.783709716796878,427.555419921875],[30.842333984375003,427.2111328125],[30.89595947265625,426.86591796875],[30.94454345703125,426.51987304687503],[30.987759399414063,426.17333984375],[31.025570678710938,425.825927734375],[31.058062744140628,425.47802734375],[31.085198974609376,425.12973632812503],[31.10634765625,424.78115234375],[31.121902465820312,424.43198242187503],[31.131863403320313,424.08286132812503],[31.135467529296875,423.73359375],[31.133401489257814,423.3841796875],[31.1250244140625,423.03486328125],[31.110394287109376,422.68583984375005],[31.089337158203126,422.33725585937503],[31.061822509765626,421.98896484375],[31.027752685546876,421.641064453125],[30.987075805664062,421.29428710937503],[30.9396484375,420.94809570312503],[30.885421752929688,420.60302734375],[30.824307250976563,420.25913085937503],[30.756204223632814,419.91640625],[30.68110046386719,419.57529296875003],[30.59888610839844,419.23564453125005],[30.509588623046877,418.89794921875],[30.413125610351564,418.56210937500003],[30.309503173828126,418.228466796875],[30.19875183105469,417.897216796875],[30.08084411621094,417.568505859375],[29.95569763183594,417.242138671875],[29.82357177734375,416.91884765625],[29.684310913085938,416.59843750000005],[29.537951660156253,416.28115234375],[29.38459167480469,415.96728515625],[29.22445983886719,415.656884765625],[29.057586669921875,415.350048828125],[28.883834838867188,415.04677734375],[28.703588867187502,414.74760742187505],[28.516885375976564,414.45224609375003],[28.323858642578127,414.16118164062505],[28.124676513671876,413.87436523437503],[27.919390869140628,413.591552734375],[27.708035278320313,413.31328125000005],[27.49112243652344,413.039306640625],[27.26864929199219,412.770166015625]], bounds=3000, full_zoom=0.22, max_episode_steps=1500 ) Germany = RaceTrack( name='Germany', xy=[[623.4514343261719,317.4417663574219],[623.069989013672,317.18388977050785],[622.6885437011719,316.92601318359374],[622.3070983886719,316.6681365966797],[621.9256530761719,316.41026000976564],[621.5442077636719,316.15235595703126],[621.162762451172,315.8944793701172],[620.7813171386719,315.63660278320316],[620.3998718261719,315.37872619628905],[620.0184265136719,315.120849609375],[619.6369812011719,314.86297302246095],[619.255535888672,314.6050964355469],[618.8740905761719,314.34721984863285],[618.4926452636719,314.08934326171874],[618.1111999511719,313.83143920898436],[617.7297546386719,313.57359008789064],[617.3482543945313,313.31568603515626],[616.9668090820313,313.0578094482422],[616.5853637695312,312.79993286132816],[616.2039184570312,312.54205627441405],[615.8224731445313,312.2841796875],[615.4410278320313,312.02630310058595],[615.0595825195313,311.7684265136719],[614.6781372070312,311.5105224609375],[614.2966918945312,311.25267333984374],[613.9152465820313,310.99476928710936],[613.5338012695313,310.7368927001953],[613.1523559570313,310.47901611328126],[612.7709106445312,310.2211395263672],[612.3894653320312,309.96326293945316],[612.0080200195313,309.70538635253905],[611.6265747070313,309.447509765625],[611.2451293945313,309.1896057128906],[610.8636840820312,308.9317565917969],[610.4822387695312,308.6738525390625],[610.1007934570313,308.4159759521485],[609.7193481445313,308.15809936523436],[609.3379028320313,307.9002227783203],[608.9564575195312,307.64234619140626],[608.5750122070312,307.3844696044922],[608.1935668945313,307.12659301757816],[607.8121215820313,306.8686889648438],[607.4306762695313,306.61083984375],[607.0492309570312,306.3529357910156],[606.6677856445312,306.0950592041016],[606.2863403320313,305.8371826171875],[605.9048950195313,305.5793060302735],[605.5234497070313,305.32142944335936],[605.1420043945312,305.0635528564453],[604.7605590820312,304.80567626953126],[604.3791137695313,304.5477722167969],[603.9976684570313,304.28992309570316],[603.6162231445313,304.0320190429688],[603.2347778320312,303.7741424560547],[602.8533325195312,303.5162658691406],[602.4718872070313,303.2583892822266],[602.0904418945313,303.0005126953125],[601.7089965820313,302.7426361083985],[601.3274963378907,302.48475952148436],[600.9460510253906,302.22685546875],[600.5646057128906,301.96900634765626],[600.1831604003906,301.7111022949219],[599.8017150878907,301.45325317382816],[599.4202697753907,301.1953491210938],[599.0388244628906,300.9374725341797],[598.6573791503906,300.6795959472656],[598.2759338378906,300.4217193603516],[597.8944885253907,300.1638427734375],[597.5130432128907,299.9059661865235],[597.1315979003906,299.64808959960936],[596.7501525878906,299.390185546875],[596.3687072753906,299.13233642578126],[595.9872619628907,298.8744323730469],[595.6058166503907,298.61655578613284],[595.2243713378906,298.3586791992188],[594.8429260253906,298.1008026123047],[594.4614807128906,297.8429260253906],[594.0800354003907,297.5850494384766],[593.6985900878907,297.3271728515625],[593.3171447753906,297.0692962646485],[592.9356994628906,296.81141967773436],[592.5542541503906,296.553515625],[592.1728088378907,296.29563903808594],[591.7913635253907,296.0377624511719],[591.4099182128906,295.77988586425784],[591.0284729003906,295.5220092773438],[590.6470275878906,295.2641326904297],[590.2655822753907,295.0062561035156],[589.88408203125,294.74835205078125],[589.5026367187501,294.4905029296875],[589.12119140625,294.23259887695315],[588.73974609375,293.9747222900391],[588.35830078125,293.716845703125],[587.97685546875,293.45896911621094],[587.5954101562501,293.2010925292969],[587.21396484375,292.94321594238284],[586.83251953125,292.6853393554688],[586.45107421875,292.4274627685547],[586.06962890625,292.1695861816406],[585.6881835937501,291.9117095947266],[585.30673828125,291.6538330078125],[584.92529296875,291.39592895507815],[584.54384765625,291.1380523681641],[584.16240234375,290.88017578125],[583.7809570312501,290.62229919433594],[583.39951171875,290.3644226074219],[583.01806640625,290.10654602050784],[582.63662109375,289.8486694335938],[582.25517578125,289.5907928466797],[581.8737304687501,289.3329162597656],[581.49228515625,289.07501220703125],[581.11083984375,288.8171356201172],[580.72939453125,288.55925903320315],[580.34794921875,288.3013824462891],[579.9665039062501,288.043505859375],[579.58505859375,287.78562927246094],[579.20361328125,287.5277526855469],[578.82216796875,287.26987609863284],[578.44072265625,287.0119995117188],[578.0592773437501,286.7540954589844],[577.67783203125,286.4962188720703],[577.29638671875,286.23834228515625],[576.91494140625,285.9804656982422],[576.53349609375,285.72258911132815],[576.1520507812501,285.4647125244141],[575.77060546875,285.2068359375],[575.38916015625,284.94895935058594],[575.00771484375,284.6910827636719],[574.62626953125,284.4331787109375],[574.2448242187501,284.17530212402346],[573.86337890625,283.9174255371094],[573.48193359375,283.6595489501953],[573.10048828125,283.40167236328125],[572.7189880371094,283.1437957763672],[572.3375427246094,282.88591918945315],[571.9560974121094,282.6280426025391],[571.5746520996094,282.370166015625],[571.1932067871094,282.11228942871094],[570.8117614746094,281.8544128417969],[570.4303161621094,281.5965087890625],[570.0488708496094,281.33863220214846],[569.6674255371094,281.0807556152344],[569.2859802246094,280.8228790283203],[568.9045349121094,280.56500244140625],[568.5230895996094,280.3071258544922],[568.1416442871094,280.04924926757815],[567.7601989746094,279.7913726806641],[567.3787536621094,279.53349609375],[566.9973083496094,279.2755920410156],[566.6158630371094,279.01771545410156],[566.2344177246094,278.7598388671875],[565.8529724121094,278.50196228027346],[565.4715270996094,278.2440856933594],[565.0900817871094,277.9862091064453],[564.7086364746094,277.72833251953125],[564.3271911621094,277.4704559326172],[563.9457458496094,277.21257934570315],[563.5643005371094,276.9546752929688],[563.1828552246094,276.6967987060547],[562.8014099121094,276.4389221191406],[562.4199645996094,276.18104553222656],[562.0385192871094,275.9231689453125],[561.6570739746094,275.66529235839846],[561.2756286621094,275.4074157714844],[560.8941833496094,275.1495391845703],[560.5126831054688,274.89166259765625],[560.1312377929688,274.6337585449219],[559.7497924804687,274.3758819580078],[559.3683471679688,274.1180053710938],[558.9869018554688,273.8601287841797],[558.6054565429688,273.6022521972656],[558.2240112304688,273.34437561035156],[557.8425659179687,273.0864990234375],[557.4611206054688,272.82862243652346],[557.0796752929688,272.5707458496094],[556.6982299804688,272.31284179687503],[556.3167846679688,272.0549652099609],[555.9353393554687,271.7970886230469],[555.5538940429688,271.5392120361328],[555.1724487304688,271.2813354492188],[554.7910034179688,271.0234588623047],[554.4095581054688,270.7655822753906],[554.0281127929687,270.50770568847656],[553.6466674804688,270.2498291015625],[553.2652221679688,269.99195251464846],[552.8837768554688,269.7340484619141],[552.5023315429688,269.47617187500003],[552.1208862304687,269.2182952880859],[551.7394409179688,268.9604187011719],[551.3579956054688,268.7025421142578],[550.9765502929688,268.4446655273438],[550.5951049804688,268.1867889404297],[550.2136596679687,267.9289123535156],[549.8322143554688,267.67103576660156],[549.4507690429688,267.4131591796875],[549.0693237304688,267.15525512695314],[548.6878784179688,266.8973785400391],[548.3064331054687,266.63950195312503],[547.9249877929688,266.3816253662109],[547.5435424804688,266.1237487792969],[547.1620971679688,265.8658721923828],[546.7806518554688,265.6079956054688],[546.3992065429687,265.3501190185547],[546.0177612304688,265.0922424316406],[545.6363159179688,264.83433837890624],[545.2548706054688,264.5764892578125],[544.8733703613282,264.31858520507814],[544.4919250488282,264.0607086181641],[544.1104797363281,263.80283203125003],[543.7290344238281,263.5449554443359],[543.3475891113281,263.2870788574219],[542.9661437988282,263.0292022705078],[542.5846984863282,262.7713256835938],[542.2032531738281,262.5134216308594],[541.8218078613281,262.2555725097656],[541.4403625488281,261.99766845703124],[541.0589172363282,261.7397918701172],[540.6774719238282,261.48191528320314],[540.2960266113281,261.2240386962891],[539.9145812988281,260.96616210937503],[539.5331359863281,260.7082855224609],[539.1516906738282,260.4504089355469],[538.7702453613282,260.1925048828125],[538.3888000488281,259.9346557617188],[538.0073547363281,259.6767517089844],[537.6259094238281,259.41887512207035],[537.2444641113282,259.16099853515624],[536.8630187988282,258.9031219482422],[536.4815734863281,258.64524536132814],[536.1001281738281,258.3873687744141],[535.7186828613281,258.12949218750003],[535.3372375488282,257.8716156005859],[534.9557922363282,257.6137390136719],[534.5743469238281,257.3558349609375],[534.1929016113281,257.09795837402345],[533.8114562988281,256.8400817871094],[533.4300109863282,256.58220520019535],[533.0485656738282,256.32432861328124],[532.6671203613281,256.0664520263672],[532.2856750488281,255.80857543945314],[531.9042297363281,255.55069885253906],[531.5227844238282,255.292822265625],[531.1413391113282,255.03494567871095],[530.7598388671876,254.77704162597658],[530.3783935546875,254.5191650390625],[529.9969482421875,254.26128845214845],[529.6155029296875,254.00341186523437],[529.2340576171875,253.74553527832032],[528.8526123046876,253.48765869140627],[528.4711669921875,253.2297821044922],[528.0897216796875,252.97190551757814],[527.7082763671875,252.71402893066406],[527.3268310546875,252.45615234375],[526.9453857421876,252.19824829101563],[526.5639404296875,251.94037170410158],[526.1824951171875,251.6824951171875],[525.8010498046875,251.42461853027345],[525.4196044921875,251.16674194335937],[525.0381591796876,250.90886535644532],[524.6567138671875,250.65098876953127],[524.2752685546875,250.3931121826172],[523.8938232421875,250.13523559570314],[523.5123779296875,249.87733154296876],[523.1309326171876,249.61945495605468],[522.7494873046875,249.36157836914063],[522.3680419921875,249.10370178222658],[521.9865966796875,248.8458251953125],[521.6051513671875,248.58794860839845],[521.2237060546876,248.33007202148437],[520.8422607421875,248.07219543457032],[520.4608154296875,247.81431884765627],[520.0793701171875,247.5564147949219],[519.6979248046875,247.2985382080078],[519.3164794921876,247.04066162109376],[518.9350341796875,246.78278503417968],[518.5535888671875,246.52490844726563],[518.1721435546875,246.26703186035158],[517.7906982421875,246.0091552734375],[517.4092529296876,245.75127868652345],[517.0278076171875,245.49340209960937],[516.6463623046875,245.235498046875],[516.2649169921875,244.97762145996094],[515.8834167480469,244.7197448730469],[515.5019714355469,244.4618682861328],[515.120526123047,244.20399169921876],[514.7390808105469,243.94611511230468],[514.3576354980469,243.68823852539063],[513.9761901855469,243.43036193847658],[513.5947448730469,243.1724853515625],[513.213299560547,242.91458129882812],[512.8318542480469,242.65670471191407],[512.4504089355469,242.398828125],[512.0689636230469,242.14095153808594],[511.68751831054686,241.8830749511719],[511.3060729980469,241.6251983642578],[510.9246276855469,241.36732177734376],[510.5431823730469,241.10944519042968],[510.1617370605469,240.85156860351563],[509.78029174804686,240.59366455078126],[509.3988464355469,240.3357879638672],[509.0174011230469,240.07791137695312],[508.6359558105469,239.82003479003907],[508.2545104980469,239.562158203125],[507.87306518554686,239.30428161621094],[507.4916198730469,239.0464050292969],[507.1101745605469,238.7885284423828],[506.7287292480469,238.53065185546876],[506.3472839355469,238.27277526855468],[505.96583862304686,238.0148712158203],[505.5843933105469,237.75699462890626],[505.2029479980469,237.4991180419922],[504.8215026855469,237.24124145507812],[504.4400573730469,236.98336486816407],[504.05861206054686,236.72548828125],[503.6771667480469,236.46761169433594],[503.2957214355469,236.2097351074219],[502.9142761230469,235.9518585205078],[502.5328308105469,235.69398193359376],[502.1513305664063,235.4360778808594],[501.76988525390624,235.1782012939453],[501.38843994140626,234.92032470703126],[501.0069946289063,234.6624481201172],[500.62554931640625,234.40457153320312],[500.2441040039063,234.14669494628907],[499.86265869140624,233.888818359375],[499.48121337890626,233.63094177246094],[499.0997680664063,233.3730651855469],[498.71832275390625,233.1151885986328],[498.3368774414063,232.85731201171876],[497.95543212890624,232.5994079589844],[497.57398681640626,232.3415313720703],[497.1925415039063,232.08365478515626],[496.81109619140625,231.8257781982422],[496.4296508789063,231.56790161132812],[496.04820556640624,231.31002502441407],[495.66676025390626,231.0521484375],[495.2853149414063,230.79427185058594],[494.90386962890625,230.5363952636719],[494.5224243164063,230.27850494384765],[494.14097900390624,230.02061462402344],[493.75953369140626,229.7627380371094],[493.3780883789063,229.5048614501953],[492.99664306640625,229.24698486328126],[492.6151977539063,228.9891082763672],[492.23375244140624,228.73123168945312],[491.85230712890626,228.4733413696289],[491.4708618164063,228.21546478271486],[491.08941650390625,227.95758819580078],[490.7079711914063,227.69971160888673],[490.32652587890624,227.44182128906252],[489.94508056640626,227.18394470214844],[489.5636352539063,226.9260681152344],[489.18218994140625,226.6681915283203],[488.8007446289063,226.41031494140626],[488.41929931640624,226.15242462158204],[488.03785400390626,225.89454803466796],[487.6818420410156,225.60420684814454],[487.34038696289065,225.2952850341797],[486.9989868164063,224.98637695312502],[486.65753173828125,224.6774688720703],[486.3160766601563,224.36854705810546],[485.9746765136719,224.05962524414062],[485.6332214355469,223.75071716308594],[485.2918212890625,223.4417953491211],[484.9503662109375,223.1328872680664],[484.6089660644531,222.82396545410157],[484.26751098632815,222.5150573730469],[483.9261108398438,222.2061492919922],[483.58465576171875,221.89722747802736],[483.2432556152344,221.58831939697265],[482.9018005371094,221.2793975830078],[482.5603454589844,220.97047576904296],[482.2189453125,220.66156768798828],[481.877490234375,220.3526596069336],[481.5360900878906,220.04373779296876],[481.1956787109375,219.7337173461914],[480.87053833007815,219.4077117919922],[480.54539794921874,219.08171997070312],[480.2202575683594,218.75572814941407],[479.8950622558594,218.42972259521486],[479.56992187500003,218.10373077392578],[479.24472656250003,217.7777114868164],[478.91986083984375,217.45144500732422],[478.5949951171875,217.1251235961914],[478.2701843261719,216.79881591796877],[477.94531860351566,216.4725082397461],[477.6205078125,216.14620056152344],[477.29564208984374,215.81989288330078],[476.9707763671875,215.493571472168],[476.6459655761719,215.16726379394532],[476.32109985351565,214.84095611572266],[475.99623413085936,214.51463470458984],[475.6714233398438,214.1883270263672],[475.3465576171875,213.86201934814454],[475.02174682617186,213.53571166992188],[474.69688110351564,213.20939025878906],[474.3720153808594,212.88308258056642],[474.0472045898438,212.55677490234376],[473.7225036621094,212.2303024291992],[473.39796752929686,211.90367889404297],[473.0734313964844,211.57705535888672],[472.7489501953125,211.25043182373048],[472.4243591308594,210.92379455566407],[472.0998779296875,210.59717102050783],[471.775341796875,210.27054748535156],[471.4508056640625,209.9439239501953],[471.12626953125,209.61730041503907],[470.80173339843753,209.29067687988282],[470.477197265625,208.96405334472658],[470.1528259277344,208.6372787475586],[469.828564453125,208.3103805541992],[469.5043029785156,207.98348236083984],[469.18004150390624,207.65658416748047],[468.8558349609375,207.3296859741211],[468.5315734863281,207.00278778076174],[468.2073120117188,206.6759033203125],[467.8830505371094,206.34900512695313],[467.5587890625,206.02210693359376],[467.2345275878906,205.6952087402344],[466.91026611328124,205.368310546875],[466.5860046386719,205.0414260864258],[466.26185302734376,204.7144317626953],[465.93792114257815,204.3872039794922],[465.61398925781253,204.05997619628906],[465.29005737304686,203.7327621459961],[464.96612548828125,203.40553436279296],[464.6422485351563,203.07830657958985],[464.3183166503906,202.75109252929687],[463.994384765625,202.42386474609376],[463.6704528808594,202.09663696289064],[463.3465209960938,201.76942291259766],[463.02258911132816,201.44219512939455],[462.6986572265625,201.11498107910157],[462.3747253417969,200.7877395629883],[462.0508483886719,200.4604705810547],[461.72735595703125,200.13284454345703],[461.40380859375,199.8052185058594],[461.0803161621094,199.47759246826172],[460.7567962646485,199.1499801635742],[460.4332763671875,198.82235412597657],[460.10975646972656,198.4947280883789],[459.78623657226564,198.16710205078127],[459.4627166748047,197.8394760131836],[459.13916931152346,197.51184997558593],[458.81564941406253,197.1842239379883],[458.49212951660155,196.85659790039062],[458.1686096191406,196.528971862793],[457.8450897216797,196.20135955810548],[457.5218170166016,195.87347259521485],[457.1988189697266,195.54535217285158],[456.87579345703125,195.21723175048828],[456.55279541015625,194.889111328125],[456.2297698974609,194.56097717285158],[455.9067718505859,194.23285675048828],[455.58374633789066,193.90472259521485],[455.26072082519534,193.57660217285158],[454.93772277832034,193.24846801757812],[454.614697265625,192.92034759521485],[454.29169921875,192.59222717285158],[453.9686737060547,192.26410675048828],[453.6456756591797,191.93597259521485],[453.32265014648436,191.60785217285158],[453.00000915527346,191.27936096191408],[452.67747802734374,190.95077362060547],[452.3549468994141,190.62217254638674],[452.0323883056641,190.29358520507813],[451.70985717773436,189.96499786376953],[451.3873260498047,189.63641052246095],[451.06479492187503,189.30779571533205],[450.7426208496094,188.9788375854492],[450.42047424316405,188.6498794555664],[450.0983001708984,188.3209213256836],[449.7761535644531,187.9919631958008],[449.4539794921875,187.663005065918],[449.1318054199219,187.33403320312502],[448.8098510742188,187.00491027832032],[448.4881164550781,186.6755126953125],[448.1664093017578,186.34612884521485],[447.8446746826172,186.0167449951172],[447.52296752929686,185.68734741210938],[447.20123291015625,185.35796356201172],[446.87952575683596,185.0285659790039],[446.5583129882813,184.69867401123048],[446.2371002197266,184.36876831054687],[445.9159149169922,184.03887634277345],[445.59470214843753,183.70897064208984],[445.27348937988285,183.37906494140626],[444.9523040771484,183.0491729736328],[444.6315856933594,182.7187728881836],[444.3110321044922,182.38827667236328],[443.9904510498047,182.05776672363282],[443.6698699951172,181.72725677490234],[443.3492889404297,181.39676055908203],[443.0287353515625,181.06625061035157],[442.70884094238284,180.73506774902344],[442.3890289306641,180.40381622314453],[442.0692169189453,180.07257843017578],[441.74940490722656,179.74134063720703],[441.4295654296875,179.41010284423828],[441.1101104736328,179.0785354614258],[440.791259765625,178.74636383056642],[440.4724090576172,178.4142059326172],[440.1535308837891,178.08204803466796],[439.8346801757813,177.74989013671876],[439.5159942626953,177.41753997802735],[439.1980224609375,177.08453063964845],[438.8800506591797,176.75152130126955],[438.56262817382816,176.41801757812502],[438.2453155517578,176.08436279296876],[437.92844238281253,175.75030975341798],[437.6119812011719,175.4158721923828],[437.29579467773436,175.0811325073242],[436.9802673339844,174.7458023071289],[436.6650421142578,174.41016998291016],[436.35064086914065,174.07379608154298],[436.03676147460936,173.73694152832033],[435.7237060546875,173.39930419921876],[435.4116943359375,173.06067810058593],[435.1003692626953,172.72147521972656],[434.79082946777345,172.38059692382814],[434.4829376220703,172.03823547363282],[434.17760009765624,171.6936218261719],[433.87566833496095,171.34602813720704],[433.5793670654297,170.99360046386718],[433.2961120605469,170.63070831298828],[433.0666900634766,170.23248138427735],[432.87083129882814,169.81582489013672],[432.6955993652344,169.39011840820314],[432.547201538086,168.95435943603516],[432.4339874267578,168.50821838378906],[432.36639404296875,168.05302734375002],[432.3552154541016,167.59309844970704],[432.40764770507815,167.13601226806642],[432.5221252441406,166.69036560058595],[432.6874694824219,166.2608825683594],[432.88860168457035,165.84680786132813],[433.1110748291016,165.44371948242187],[433.35096130371096,165.05086212158204],[433.62685546875,164.68254547119142],[433.94614562988284,164.35126647949218],[434.3072937011719,164.06626739501954],[434.7010986328125,163.8282211303711],[435.1160522460938,163.62891540527343],[435.5432830810547,163.45744628906252],[435.9774627685547,163.30431060791017],[436.4154876708985,163.1623947143555],[436.85559997558596,163.02708435058594],[437.2965911865235,162.8947265625],[437.7381866455078,162.76438751220704],[438.18365478515625,162.64808349609376],[438.63299560546875,162.5477508544922],[439.0851104736328,162.46080780029297],[439.53931274414066,162.38530426025392],[439.9950805664063,162.31971588134766],[440.45200195312503,162.26282043457033],[440.90977478027344,162.21365661621095],[441.36826171875003,162.1715515136719],[441.82732543945315,162.13587341308593],[442.2867736816406,162.10596313476563],[442.7465789794922,162.08165588378907],[443.20660400390625,162.06267700195312],[443.6667938232422,162.04813385009766],[444.1271484375,162.0379852294922],[444.58753051757816,162.0326156616211],[445.0479675292969,162.03137969970703],[445.5083770751953,162.03407135009766],[445.96875915527346,162.04056701660156],[446.42908630371096,162.05081176757812],[446.8893035888672,162.06512145996095],[447.34938354492186,162.08319396972658],[447.809326171875,162.10486450195313],[448.26904907226566,162.1301467895508],[448.7285522460938,162.15904083251954],[449.187890625,162.19156036376953],[449.6469268798828,162.22748565673828],[450.1056610107422,162.26695404052734],[450.5640380859375,162.31033630371095],[451.0219207763672,162.35873107910157],[451.4792816162109,162.41183624267578],[451.9360656738281,162.4697479248047],[452.3920532226563,162.53335876464845],[452.84729919433596,162.6021743774414],[453.3018035888672,162.67596130371095],[453.7553741455078,162.75509033203124],[454.20806579589845,162.83917694091798],[454.6599060058594,162.9276306152344],[455.11094970703124,163.02017669677736],[455.5611968994141,163.11658172607423],[456.0105926513672,163.2167495727539],[456.4593017578125,163.32000732421875],[456.9073516845703,163.42605285644532],[457.3548248291016,163.5345428466797],[457.8017486572266,163.64524383544924],[458.24817810058596,163.75789489746094],[458.69422302246096,163.8722900390625],[459.1398559570313,163.9881820678711],[459.5851043701172,164.1053649902344],[460.0300231933594,164.22393493652345],[460.47466735839845,164.34346618652344],[460.9189819335938,164.46416473388672],[461.3631591796875,164.58550872802735],[461.8073364257813,164.70685272216798],[462.25046997070314,164.8319320678711],[462.6923400878906,164.9611999511719],[463.133056640625,165.0945602416992],[463.5726745605469,165.2313674926758],[464.01141357421875,165.37097625732423],[464.4493835449219,165.51312561035158],[464.886474609375,165.65784301757813],[465.3229064941406,165.8045379638672],[465.7587341308594,165.95303192138672],[466.19390258789065,166.10357208251955],[466.6287414550781,166.25489501953126],[467.06292114257815,166.40823669433595],[467.49688110351565,166.56200408935547],[467.93018188476566,166.71783142089845],[468.3633728027344,166.87393341064453],[468.7960144042969,167.03154602050782],[469.2284362792969,167.1895294189453],[469.66052856445316,167.34866638183595],[470.0924560546875,167.5082015991211],[470.52405395507816,167.66862945556642],[470.9554870605469,167.82942810058594],[471.3866455078125,167.99092712402344],[471.8176940917969,168.1527557373047],[472.2485778808594,168.31513366699218],[472.67929687500003,168.47786865234374],[473.10979614257815,168.6412078857422],[473.54029541015626,168.80453338623047],[473.9707946777344,168.9678726196289],[474.40118408203125,169.1314453125],[474.83140869140624,169.2954574584961],[475.2616333007813,169.4594696044922],[475.6918579101563,169.62348175048828],[476.12208251953126,169.7874938964844],[476.5523620605469,169.95150604248047],[476.9825866699219,170.11553192138672],[477.4128112792969,170.27954406738283],[477.84314575195316,170.4433090209961],[478.2736450195313,170.60663452148438],[478.7041442871094,170.76994628906252],[479.1346435546875,170.93325805664062],[479.56536254882815,171.09610290527345],[479.9962463378906,171.2583984375],[480.427294921875,171.42017211914063],[480.8585632324219,171.58153381347657],[481.2901062011719,171.74207153320313],[481.72181396484376,171.90222473144533],[482.1539611816406,172.06112823486328],[482.5862182617188,172.21967468261718],[483.0190795898438,172.37661437988282],[483.4522155761719,172.53278503417968],[483.88584594726564,172.6876235961914],[484.32008056640626,172.84069061279297],[484.75464477539066,172.9927963256836],[485.190087890625,173.14240264892578],[485.6263000488281,173.28988037109374],[486.0633911132813,173.4347351074219],[486.50147094726566,173.57636260986328],[486.9401550292969,173.7162322998047],[487.37889404296874,173.85596466064453],[487.81752319335936,173.9958480834961],[488.2558227539063,174.1369125366211],[488.6941223144531,174.27796325683593],[489.13225708007815,174.41965942382814],[489.5702270507813,174.56163024902344],[490.008251953125,174.7035873413086],[490.44627685546874,174.84554443359374],[490.8843017578125,174.98733673095703],[491.32249145507814,175.12877197265627],[491.76084594726564,175.26964416503907],[492.1995300292969,175.40952758789064],[492.63848876953125,175.5484634399414],[493.07810668945314,175.68547668457032],[493.5182739257813,175.8204299926758],[493.9593200683594,175.9526779174805],[494.4014099121094,176.08145141601562],[494.84448852539066,176.206462097168],[495.2888854980469,176.32718811035156],[495.73460083007814,176.44255828857422],[496.1817993164063,176.55210571289064],[496.63059082031253,176.65499267578124],[497.0809753417969,176.75088958740236],[497.5327880859375,176.8393981933594],[497.9860290527344,176.92032623291016],[498.4406433105469,176.99323425292968],[498.8964111328125,177.05847930908203],[499.35322265625,177.11630859375],[499.810693359375,177.1683563232422],[500.268603515625,177.21683349609376],[500.7268432617188,177.26125946044922],[501.1856323242188,177.30035705566408],[501.6448059082031,177.33448333740236],[502.1044189453125,177.3618942260742],[502.5643615722656,177.3831802368164],[503.0245788574219,177.3966522216797],[503.4850158691406,177.40210418701173],[503.9453979492188,177.39904174804687],[504.4057250976563,177.38705291748047],[504.86561279296876,177.36575317382812],[505.32506103515624,177.33504638671874],[505.783740234375,177.29506988525392],[506.2415405273438,177.24597473144533],[506.6982421875,177.187939453125],[507.1539001464844,177.12158203125],[507.60829467773436,177.0474380493164],[508.0614807128906,176.9659194946289],[508.5134582519531,176.87805633544923],[508.9642272949219,176.7843978881836],[509.41411743164065,176.68638610839844],[509.8632385253906,176.58496856689453],[510.3113159179688,176.4790466308594],[510.75840454101564,176.36892242431642],[511.2041748046875,176.25368957519532],[511.6484619140625,176.1329772949219],[512.0913757324219,176.00695037841797],[512.5322570800781,175.8743865966797],[512.9712158203125,175.73535461425783],[513.4078674316406,175.58941497802735],[513.8421020507812,175.43607330322266],[514.2734802246094,175.27520599365235],[514.7018371582031,175.1063461303711],[515.1267883300782,174.92906799316407],[515.5480590820313,174.7433303833008],[515.9652099609375,174.54848785400392],[516.3779663085937,174.34451293945312],[516.7859985351563,174.13117218017578],[517.1887023925782,173.90794372558594],[517.5859130859375,173.67510223388672],[517.976806640625,173.43186492919924],[518.3613830566406,173.1786849975586],[518.7388732910157,172.9150817871094],[519.1090026855469,172.64128875732422],[519.4719909667969,172.35799255371094],[519.8284423828126,172.06660766601564],[520.1783569335938,171.7673126220703],[520.5220642089844,171.46098632812502],[520.8592895507812,171.1475326538086],[521.1905822753906,170.827734375],[521.51572265625,170.50177001953125],[521.8347106933594,170.16966705322267],[522.1477111816406,169.83205718994142],[522.454833984375,169.4889678955078],[522.7556396484375,169.1403991699219],[523.050457763672,168.78674926757813],[523.3393432617188,168.4281967163086],[523.6219665527344,168.06472778320312],[523.8982727050782,167.69642486572266],[524.16826171875,167.32345275878907],[524.4318786621094,166.94597625732422],[524.6886840820313,166.56383056640627],[524.9387329101563,166.17719421386718],[525.1819152832031,165.7862319946289],[525.4177917480469,165.39083404541017],[525.6460327148437,164.9909454345703],[525.8666931152344,164.58685455322265],[526.0792236328125,164.17842407226564],[526.2831298828125,163.7655990600586],[526.4783569335938,163.34862670898437],[526.6640808105469,162.92731475830078],[526.8416198730469,162.50250091552735],[527.0153686523438,162.07603912353517],[527.1845031738281,161.64781951904297],[527.3489135742187,161.2177459716797],[527.5075012207031,160.78550262451174],[527.6590576171875,160.350732421875],[527.8027587890625,159.91329803466797],[527.9376708984375,159.47306213378906],[528.0629150390625,159.03001098632814],[528.1777221679688,158.58414459228516],[528.28154296875,158.13555908203125],[528.3739929199219,157.68451538085938],[528.4551818847657,157.23131561279297],[528.5252197265626,156.77624816894533],[528.5846008300781,156.31967010498047],[528.6337646484375,155.86186981201172],[528.6735351562501,155.4031768798828],[528.7047912597657,154.9437973022461],[528.7285217285156,154.4839645385742],[528.7451110839844,154.02384338378906],[528.7558776855469,153.56354370117188],[528.7608764648438,153.10313415527344],[528.7614257812501,152.64268341064454],[528.7581298828126,152.1822463989258],[528.7518127441407,151.72185058593752],[528.7424743652344,151.26153717041015],[528.7297302246094,150.80127868652343],[528.7131408691406,150.34113006591798],[528.6921569824219,149.88118743896484],[528.66650390625,149.42147827148438],[528.6360168457031,148.9620574951172],[528.6005310058594,148.50296630859376],[528.5599365234375,148.04434204101562],[528.514013671875,147.58621215820312],[528.4628723144532,147.1286178588867],[528.4066223144531,146.67164154052736],[528.3450988769531,146.21532440185547],[528.2787414550781,145.75969390869142],[528.2075500488281,145.3048049926758],[528.131689453125,144.85067138671874],[528.0515441894531,144.39726562500002],[527.9671691894531,143.94462890625002],[527.8786743164063,143.49276123046874],[527.7863891601563,143.04166259765626],[527.6906433105469,142.59127807617188],[527.5915466308594,142.1416213989258],[527.4892089843751,141.69273376464844],[527.3840148925782,141.24446411132814],[527.2757446289063,140.79693603515625],[527.1651123046876,140.34998474121093],[527.0517883300781,139.90372009277345],[526.9358276367187,139.45814208984376],[526.8183288574219,139.0129348754883],[526.6985778808594,138.568359375],[526.5765197753907,138.1243881225586],[526.4531433105469,137.68080139160156],[526.3278442382813,137.23775024414064],[526.2007873535157,136.79519348144532],[526.0727416992188,136.3529251098633],[525.9404663085937,135.9119064331055],[525.8033569335938,135.47234344482422],[525.6615783691407,135.03430480957033],[525.5163391113282,134.5973648071289],[525.3676940917969,134.16155090332032],[525.2160278320313,133.72682189941406],[525.061669921875,133.29302673339845],[524.9047302246094,132.8601791381836],[524.7454833984375,132.42815551757812],[524.584149169922,131.99691467285157],[524.4208374023438,131.56641540527343],[524.255712890625,131.13658905029297],[524.0888854980469,130.70743560791016],[523.920574951172,130.27887268066408],[523.7506164550781,129.85095520019533],[523.5791198730469,129.4236557006836],[523.4063049316406,128.99687805175782],[523.2322814941407,128.57059478759766],[523.0571044921875,128.14479217529296],[522.8808288574219,127.71941528320313],[522.7033996582031,127.29454650878907],[522.5247619628907,126.87018585205078],[522.3451904296875,126.44620971679687],[522.1647399902344,126.0226043701172],[521.9834106445313,125.59936981201172],[521.8011474609375,125.17651977539063],[521.6174011230469,124.7543426513672],[521.4334899902344,124.33222045898438],[521.2488647460938,123.91042785644531],[521.0629211425781,123.48921203613281],[520.8769775390625,123.06799621582032],[520.6894958496094,122.64743957519532],[520.501629638672,122.22706146240235],[520.3134338378907,121.8068618774414],[520.1238098144531,121.38730773925782],[519.9341857910157,120.96773986816406],[519.7435180664063,120.54862518310547],[519.5521362304688,120.12984008789063],[519.3608093261719,119.71105499267578],[519.1678344726563,119.29299774169922],[518.9748046875001,118.87495422363281],[518.7812255859375,118.45719909667969],[518.5867126464844,118.03988342285156],[518.3921447753906,117.62256774902345],[518.1964233398438,117.20580139160157],[518.0003723144531,116.78919982910156],[517.8039367675782,116.37270812988281],[517.6064025878907,115.95679321289063],[517.4088684082031,115.54087829589844],[517.2103454589844,115.12544403076173],[517.0113830566406,114.71022949218751],[516.8121459960938,114.29515228271485],[516.6117004394531,113.88061752319337],[516.4113098144531,113.4660758972168],[516.2098754882812,113.05201492309571],[516.008056640625,112.63816680908204],[515.8057983398438,112.22453155517579],[515.6025512695313,111.81138381958009],[515.3993041992188,111.39823608398437],[515.1946838378907,110.9857681274414],[514.9900085449219,110.57333450317383],[514.7842895507813,110.16139526367188],[514.5780761718751,109.7497169494629],[514.3712036132813,109.33839569091798],[514.1634521484375,108.92749328613282],[513.9552062988281,108.51684494018555],[513.7458618164063,108.10677337646484],[513.5360229492188,107.69690093994141],[513.3248657226562,107.28772888183595],[513.1132141113281,106.87881088256836],[512.9001892089844,106.47061386108399],[512.6862854003906,106.06289749145508],[512.4711181640625,105.65581970214843],[512.2557861328125,105.2488380432129],[512.0403991699219,104.8418701171875],[511.82671508789065,104.43402328491212],[511.61363525390624,104.02588119506837],[511.4014343261719,103.61725845336915],[511.19033203125,103.20803833007812],[510.97999877929686,102.79848861694336],[510.77048950195314,102.38847198486329],[510.5609802246094,101.97844848632813],[510.3520202636719,101.56817779541016],[510.1433898925781,101.15772171020508],[509.9347595214844,100.747265625],[509.72552490234375,100.33710479736328],[509.5162353515625,99.92697830200196],[509.3061218261719,99.5172706604004],[509.0946350097656,99.10825653076172],[508.8815002441406,98.70012130737305],[508.66611328125003,98.29315338134766],[508.4480895996094,97.88762741088867],[508.2264404296875,97.48405151367187],[508.00067138671875,97.08278274536133],[507.76990356445316,96.6843360900879],[507.53342285156253,96.28927459716797],[507.2904052734375,95.89820251464845],[507.04013671875003,95.51177215576172],[506.78179321289065,95.13062896728516],[506.51482543945315,94.75550079345703],[506.23829956054686,94.38739700317383],[505.95249023437503,94.02641372680664],[505.6566833496094,93.67362213134766],[505.3510986328125,93.3292007446289],[505.0360107421875,92.99348602294923],[504.71180419921876,92.66658782958984],[504.3787536621094,92.34871215820313],[504.03784790039066,92.0392204284668],[503.68958129882816,91.738037109375],[503.33472290039066,91.44462661743164],[502.9736022949219,91.1590576171875],[502.6061645507813,90.88152923583985],[502.23268432617186,90.6123161315918],[501.85316162109376,90.35164489746094],[501.4679260253906,90.09948806762695],[501.07708740234375,89.85605850219727],[500.6810302734375,89.62136306762696],[500.2798095703125,89.39550476074218],[499.87353515625,89.17876510620117],[499.4625915527344,88.97116470336914],[499.04725341796876,88.77245635986328],[498.62779541015624,88.58264694213868],[498.2042724609375,88.40201797485352],[497.7770690917969,88.23028793334962],[497.3464599609375,88.06727828979493],[496.9126647949219,87.9130027770996],[496.47584838867186,87.76748886108399],[496.0363403320313,87.63022842407227],[495.5943603515625,87.50126266479492],[495.1500183105469,87.38050231933595],[494.7036987304688,87.26743927001954],[494.2554565429688,87.16215591430664],[493.8055114746094,87.06428146362305],[493.35413818359376,86.97343139648437],[492.9013916015625,86.88976364135742],[492.44749145507814,86.81256408691407],[491.99249267578125,86.74189453125],[491.5363403320313,86.6793685913086],[491.07903442382815,86.62602310180664],[490.6206848144531,86.5821533203125],[490.16162109375,86.5470588684082],[489.7018981933594,86.52095260620118],[489.2417907714844,86.5036491394043],[488.7814636230469,86.49483947753906],[488.32102661132814,86.49506607055665],[487.86069946289064,86.50373840332031],[487.40064697265626,86.5211654663086],[486.94092407226566,86.54741592407227],[486.4818054199219,86.58232498168945],[486.0235107421875,86.62652435302735],[485.56614990234374,86.6795883178711],[485.10999755859376,86.74232025146485],[484.6552734375,86.81439743041993],[484.20225219726564,86.89671936035157],[483.75120849609374,86.98904571533204],[483.3025268554688,87.09242706298828],[482.8565368652344,87.2068977355957],[482.4137878417969,87.3330551147461],[481.97482910156253,87.47203216552735],[481.54026489257814,87.62417907714844],[481.11097412109376,87.79045715332032],[480.6878356933594,87.9719856262207],[480.2716735839844,88.16888809204102],[479.8621032714844,88.37922134399415],[479.4598388671875,88.60311584472656],[479.06553955078124,88.84083938598633],[478.67991943359374,89.09239196777344],[478.3039123535156,89.35804138183595],[477.9380676269531,89.63757476806641],[477.5828796386719,89.93057327270508],[477.2393371582031,90.2370231628418],[476.90733032226564,90.55609359741212],[476.5876831054688,90.88744125366212],[476.28028564453126,91.2301872253418],[475.98524780273436,91.58363113403321],[475.7026794433594,91.94711380004883],[475.4319213867188,92.31950225830079],[475.1728088378906,92.70006866455078],[474.92490234375003,93.08808517456055],[474.68748779296874,93.48259048461914],[474.4597412109375,93.88273315429687],[474.23919067382815,94.28689270019531],[474.02869262695316,94.6963737487793],[473.83412475585936,95.11364822387695],[473.6619140625,95.54052200317383],[473.51738891601565,95.97762680053711],[473.4019775390625,96.42328033447266],[473.3129333496094,96.87497634887696],[473.2439392089844,97.33016052246094],[473.18939208984375,97.78734283447265],[473.1446228027344,98.24556198120118],[473.1059509277344,98.70441284179688],[473.071728515625,99.16353149414063],[473.039208984375,99.62284240722657],[473.0088317871094,100.08227691650391],[472.97845458984375,100.54171142578126],[472.9480773925781,101.0011459350586],[472.92451171875,101.46093063354492],[472.91456909179686,101.92124404907227],[472.9143493652344,102.38170852661133],[472.92083129882815,102.84209060668945],[472.93324584960936,103.30236968994141],[472.94983520507816,103.76255264282227],[472.97026977539065,104.22248840332031],[472.99383544921875,104.68236923217773],[473.02003784179686,105.14203720092773],[473.04876708984375,105.60158843994141],[473.07952880859375,106.0609748840332],[473.11215820312503,106.52025146484375],[473.1469299316406,106.97939758300781],[473.1824157714844,107.43846817016602],[473.2202087402344,107.89733963012695],[473.25855102539066,108.3561492919922],[473.298486328125,108.81484909057617],[473.33941040039065,109.2735076904297],[473.3812683105469,109.73203582763672],[473.42433471679686,110.19041290283204],[473.4678405761719,110.64878997802735],[473.5128845214844,111.10704345703125],[473.5582580566406,111.56522827148437],[473.6047302246094,112.02331008911133],[473.651806640625,112.48134384155274],[473.6994873046875,112.93930206298829],[473.74810180664065,113.39715728759766],[473.7970458984375,113.8549919128418],[473.84747314453125,114.31266174316407],[473.897900390625,114.77033157348633],[473.9482727050781,115.22800140380859],[474.0002380371094,115.68549957275391],[474.0523681640625,116.14297027587891],[474.10455322265625,116.6004409790039],[474.15822143554686,117.05774688720703],[474.2119445800781,117.51503906250001],[474.2661071777344,117.97224884033203],[474.32114868164064,118.42938995361328],[474.37646484375,118.88651733398437],[474.43271484375003,119.34350738525391],[474.48967895507815,119.80038757324219],[474.53724975585936,120.2579818725586],[474.5423034667969,120.71836395263672],[474.5387878417969,121.17877349853516],[474.52719726562503,121.63904571533203],[474.507861328125,122.0990982055664],[474.4803955078125,122.55871124267578],[474.4437561035156,123.01772003173828],[474.397119140625,123.47575378417969],[474.3392761230469,123.93255157470703],[474.2681396484375,124.38744049072265],[474.1815673828125,124.83963775634766],[474.0763732910156,125.28781127929688],[473.94744873046875,125.72977752685547],[473.7882019042969,126.16165008544922],[473.5882507324219,126.57609558105469],[473.3346313476563,126.95991668701173],[473.0525573730469,127.32374267578125],[472.75164184570315,127.67217407226563],[472.4313903808594,128.002848815918],[472.09202270507814,128.3139404296875],[471.73474731445316,128.60421295166017],[471.361376953125,128.87357025146486],[470.9744384765625,129.12302856445314],[470.57618408203126,129.35402984619142],[470.16908569335936,129.56915588378908],[469.75501098632816,129.7705078125],[469.3356628417969,129.96047515869142],[468.9123046875,130.14146118164064],[468.4858703613281,130.31512756347658],[468.05701904296876,130.4828338623047],[467.6211364746094,130.63046264648438],[467.17531127929686,130.74544830322267],[466.7244323730469,130.83874969482423],[466.2705871582031,130.91618957519532],[465.81487426757815,130.98172302246095],[465.35789794921874,131.0376434326172],[464.8999877929688,131.085791015625],[464.4413635253906,131.12734680175782],[463.98235473632815,131.1632034301758],[463.52296142578126,131.1941162109375],[463.06329345703125,131.22064819335938],[462.6034606933594,131.24317016601563],[462.14340820312503,131.26221771240236],[461.68324584960936,131.27796936035156],[461.22291870117186,131.29063110351564],[460.762646484375,131.30050506591797],[460.3022369384766,131.30775604248046],[459.8418273925781,131.31253509521486],[459.38133544921874,131.3149658203125],[458.9208984375,131.31503448486328],[458.4605163574219,131.31231536865235],[458.00010681152344,131.3076187133789],[457.53972473144535,131.30001068115234],[457.0794250488281,131.28951873779297],[456.61912536621094,131.27876586914064],[456.15882568359376,131.26802673339844],[455.69849853515626,131.2572738647461],[455.2381988525391,131.2465347290039],[454.7778717041016,131.23578186035158],[454.3175720214844,131.22504272460938],[453.8572448730469,131.21428985595705],[453.3969451904297,131.20355072021485],[452.9366455078125,131.19279785156252],[452.476318359375,131.18205871582032],[452.0160186767578,131.171305847168],[451.5556915283203,131.1605667114258],[451.09539184570315,131.14981384277345],[450.63506469726565,131.1390609741211],[450.1747650146485,131.12832183837892],[449.71446533203124,131.11756896972656],[449.25413818359374,131.1068298339844],[448.79383850097656,131.09607696533203],[448.33351135253906,131.08533782958986],[447.8732116699219,131.0745849609375],[447.4128845214844,131.06384582519533],[446.9525848388672,131.05309295654297],[446.49228515625003,131.0423538208008],[446.03195800781253,131.03160095214844],[445.57163085937503,131.02086181640627],[445.1113311767578,131.0101089477539],[444.6510314941406,130.99936981201174],[444.1907043457031,130.98861694335938],[443.73040466308595,130.97786407470704],[443.2701049804688,130.96712493896484],[442.8097778320313,130.9563720703125],[442.3494506835938,130.9456329345703],[441.8891510009766,130.93488006591798],[441.42885131835936,130.92414093017578],[440.96852416992186,130.91338806152345],[440.5081695556641,130.90264892578125],[440.04786987304686,130.89189605712892],[439.58754272460936,130.88115692138672],[439.12721557617186,130.8704040527344],[438.6669158935547,130.8596649169922],[438.2066162109375,130.84891204833986],[437.7462890625,130.8381591796875],[437.28598937988284,130.82742004394532],[436.82568969726566,130.81666717529296],[436.36536254882816,130.8059280395508],[435.90503540039066,130.79517517089843],[435.4447357177734,130.78443603515626],[434.98443603515625,130.7736831665039],[434.52410888671875,130.76294403076173],[434.0638092041016,130.75219116210937],[433.6034820556641,130.7414520263672],[433.1431823730469,130.73069915771484],[432.6828552246094,130.71996002197267],[432.2225555419922,130.7092071533203],[431.762255859375,130.69846801757814],[431.3019287109375,130.68771514892578],[430.8416290283203,130.67696228027344],[430.3813018798828,130.66622314453124],[429.92100219726564,130.6554702758789],[429.46067504882814,130.6447311401367],[429.00037536621096,130.63397827148438],[428.5400756835938,130.62323913574218],[428.0797485351563,130.61248626708985],[427.61944885253905,130.60174713134765],[427.15912170410155,130.59099426269532],[426.6988220214844,130.58025512695312],[426.2384948730469,130.5695022583008],[425.7781951904297,130.5587631225586],[425.3178955078125,130.54801025390626],[424.857568359375,130.53727111816406],[424.39726867675785,130.52651824951172],[423.93694152832035,130.5157653808594],[423.4766418457031,130.5050262451172],[423.0163146972656,130.49427337646486],[422.55601501464844,130.48353424072266],[422.09571533203126,130.47278137207033],[421.63538818359376,130.46204223632813],[421.17503356933594,130.4512893676758],[420.71470642089844,130.4405502319336],[420.25440673828126,130.42979736328127],[419.79407958984376,130.41905822753907],[419.3337799072266,130.40830535888674],[418.8734802246094,130.39755249023438],[418.4131530761719,130.3868133544922],[417.9528533935547,130.37606048583984],[417.4925262451172,130.36532135009767],[417.0322265625,130.3545684814453],[416.5718994140625,130.34382934570314],[416.1115997314453,130.33307647705078],[415.6512725830078,130.3223373413086],[415.19097290039065,130.31158447265625],[414.7306732177735,130.30084533691408],[414.270346069336,130.29009246826172],[413.81004638671874,130.27935333251955],[413.34971923828124,130.2686004638672],[412.88941955566406,130.25786132812502],[412.42909240722656,130.24710845947266],[411.9687927246094,130.23635559082032],[411.5084655761719,130.22561645507812],[411.0481658935547,130.2148635864258],[410.58786621093753,130.2041244506836],[410.12753906250003,130.19337158203126],[409.6672393798828,130.18263244628906],[409.2069122314453,130.17187957763673],[408.7466125488281,130.16114044189453],[408.2862854003906,130.1503875732422],[407.82598571777345,130.1396484375],[407.3656860351563,130.12889556884767],[406.9053588867188,130.11815643310547],[406.4450592041016,130.10740356445314],[405.9847320556641,130.09666442871094],[405.52443237304686,130.0859115600586],[405.06410522460936,130.07515869140624],[404.6038055419922,130.06441955566407],[404.143505859375,130.0536666870117],[403.6831787109375,130.04292755126954],[403.22287902832034,130.03217468261718],[402.76255187988284,130.021435546875],[402.30225219726566,130.01068267822265],[401.8418701171875,129.99994354248048],[401.38157043457034,129.98919067382812],[400.92127075195316,129.97845153808595],[400.46094360351566,129.9676986694336],[400.0006439208984,129.95695953369142],[399.5403167724609,129.94620666503906],[399.08001708984375,129.93545379638672],[398.61968994140625,129.92471466064453],[398.1593902587891,129.9139617919922],[397.6990905761719,129.90322265625],[397.2387634277344,129.89246978759766],[396.7784637451172,129.88173065185546],[396.3181365966797,129.87097778320313],[395.8578369140625,129.86023864746093],[395.397509765625,129.8494857788086],[394.9372100830078,129.8387466430664],[394.47691040039064,129.82799377441407],[394.01658325195314,129.81725463867187],[393.55628356933596,129.80650177001954],[393.09595642089846,129.79576263427734],[392.6356567382813,129.785009765625],[392.1753295898438,129.77425689697267],[391.71502990722655,129.76351776123047],[391.25470275878905,129.75276489257814],[390.7944030761719,129.74202575683594],[390.3341033935547,129.7312728881836],[389.8737762451172,129.7205337524414],[389.4134765625,129.70978088378908],[388.9531494140625,129.69904174804688],[388.49284973144535,129.68828887939455],[388.03252258300785,129.67754974365235],[387.5722229003906,129.66679687500002],[387.11192321777344,129.65605773925782],[386.65159606933594,129.6453048706055],[386.19129638671876,129.6345657348633],[385.73096923828126,129.62381286621095],[385.2706695556641,129.6130599975586],[384.8103424072266,129.60232086181642],[384.3500427246094,129.59156799316406],[383.8897430419922,129.5808288574219],[383.4294158935547,129.57007598876953],[382.9690612792969,129.55933685302736],[382.5087341308594,129.548583984375],[382.0484344482422,129.53784484863283],[381.5881072998047,129.52709197998047],[381.1278076171875,129.5163528442383],[380.66748046875,129.50559997558594],[380.2071807861328,129.49486083984377],[379.74688110351565,129.4841079711914],[379.28655395507815,129.47335510253907],[378.826254272461,129.46261596679688],[378.3659271240235,129.45186309814454],[377.90562744140624,129.44112396240234],[377.44530029296874,129.43037109375],[376.98500061035156,129.4196319580078],[376.5247009277344,129.40887908935548],[376.0643737792969,129.39813995361328],[375.6040740966797,129.38738708496095],[375.1437469482422,129.39472045898438],[374.6833099365235,129.3980712890625],[374.2228454589844,129.39793395996094],[373.76243591308594,129.39480285644532],[373.30205383300785,129.38922729492188],[372.8416717529297,129.38167419433594],[372.3813171386719,129.37273406982422],[371.9209899902344,129.36162414550782],[371.4607177734375,129.34898986816407],[371.0005279541016,129.3348861694336],[370.540365600586,129.3193817138672],[370.0802307128906,129.30255889892578],[369.62012329101566,129.28448638916015],[369.1601257324219,129.26521911621094],[368.7001007080078,129.24483947753907],[368.240185546875,129.223388671875],[367.7802703857422,129.20093536376953],[367.3204376220703,129.17739715576172],[366.86065979003905,129.15277404785158],[366.40093688964845,129.12729949951174],[365.94126892089844,129.1010284423828],[365.48162841796875,129.07376861572266],[365.0220977783203,129.04534149169922],[364.5626220703125,129.01485443115234],[364.1033660888672,128.98240356445314],[363.6441925048828,128.94756317138672],[363.1852661132813,128.91058044433595],[362.72650451660155,128.8714553833008],[362.2679351806641,128.83000946044922],[361.80958557128906,128.78607788085938],[361.3514831542969,128.7395233154297],[360.89373779296875,128.6901397705078],[360.43629455566406,128.63777618408204],[359.97918090820315,128.5822540283203],[359.52256164550784,128.52342224121094],[359.06638183593753,128.4610610961914],[358.61069641113284,128.39503326416016],[358.1555877685547,128.32510528564453],[357.70127563476564,128.25015106201172],[357.24781494140626,128.1704864501953],[356.79539794921874,128.08487548828126],[356.3444366455078,127.99206848144532],[355.89539794921876,127.89034881591797],[355.4481994628906,127.78187255859375],[354.99443664550785,127.70380096435547],[354.540673828125,127.62572937011718],[354.0868835449219,127.54767150878907],[353.63312072753905,127.46959991455078],[353.1793579101563,127.3915283203125],[352.72556762695314,127.31345672607422],[352.2718048095703,127.2353988647461],[351.8180419921875,127.15732727050782],[351.3642517089844,127.07925567626954],[350.9104888916016,127.00118408203126],[350.45672607421875,126.92312622070312],[350.0029632568359,126.84505462646484],[349.54920043945316,126.76698303222656],[349.09541015625,126.68892517089844],[348.6416473388672,126.61085357666016],[348.18788452148436,126.53278198242188],[347.7340942382813,126.4547103881836],[347.28033142089845,126.37665252685547],[346.8265686035156,126.29858093261718],[346.37277832031253,126.2205093383789],[345.9190155029297,126.14243774414062],[345.4652526855469,126.0643798828125],[345.01148986816406,125.98630828857422],[344.55767211914065,125.90822296142578],[344.1038818359375,125.83016510009766],[343.6501190185547,125.75209350585938],[343.1963562011719,125.6740219116211],[342.74256591796876,125.59595031738282],[342.28880310058594,125.5178924560547],[341.8350402832031,125.43982086181641],[341.38125,125.36174926757813],[340.9274871826172,125.28369140625],[340.4737243652344,125.20561981201172],[340.01996154785155,125.12754821777344],[339.5661987304688,125.04947662353516],[339.11240844726564,124.97141876220704],[338.6586456298828,124.89334716796876],[338.2048828125,124.81527557373047],[337.7510925292969,124.7372039794922],[337.2973297119141,124.65914611816406],[336.84356689453125,124.58107452392578],[336.38977661132816,124.5030029296875],[335.93601379394534,124.42493133544922],[335.4822509765625,124.3468734741211],[335.02846069335936,124.26880187988282],[334.5746978759766,124.19073028564453],[334.1209350585938,124.11265869140625],[333.66717224121095,124.03460083007813],[333.2134094238281,123.95652923583985],[332.75961914062503,123.87845764160157],[332.3058563232422,123.80039978027344],[331.8520935058594,123.72232818603516],[331.39830322265624,123.64425659179688],[330.9445404052735,123.5661849975586],[330.49077758789065,123.48812713623047],[330.0369873046875,123.4100555419922],[329.5832244873047,123.33198394775391],[329.1294616699219,123.25391235351563],[328.6756988525391,123.1758544921875],[328.22193603515626,123.09778289794922],[327.7681457519531,123.01971130371093],[327.31438293457035,122.94163970947265],[326.8606201171875,122.86358184814453],[326.4068298339844,122.78551025390625],[325.95301208496096,122.70742492675781],[325.49924926757814,122.62936706542969],[325.045458984375,122.55129547119141],[324.5916961669922,122.47322387695313],[324.1379333496094,122.39516601562501],[323.6841705322266,122.31709442138673],[323.2303802490234,122.23902282714845],[322.77661743164066,122.16095123291016],[322.32285461425784,122.08289337158203],[321.869091796875,122.00482177734375],[321.41530151367186,121.92675018310547],[320.9615386962891,121.84867858886719],[320.5077758789063,121.77062072753907],[320.0539855957031,121.69254913330079],[319.6002227783203,121.6144775390625],[319.14645996093753,121.53640594482422],[318.6926971435547,121.45834808349609],[318.23890686035156,121.38027648925781],[317.78514404296874,121.30220489501953],[317.331381225586,121.22413330078125],[316.87761840820315,121.14607543945313],[316.423828125,121.06800384521485],[315.9700653076172,120.98993225097657],[315.5163024902344,120.91187438964845],[315.06251220703126,120.83380279541016],[314.60874938964844,120.75573120117188],[314.1549865722656,120.6776596069336],[313.7011962890625,120.59960174560547],[313.2474334716797,120.52153015136719],[312.7936706542969,120.4434585571289],[312.33990783691405,120.36538696289062],[311.8861450195313,120.2873291015625],[311.43235473632814,120.20925750732422],[310.9785919189453,120.13118591308594],[310.5248291015625,120.05311431884766],[310.0710388183594,119.97505645751953],[309.6172760009766,119.89698486328125],[309.16351318359375,119.81891326904297],[308.70972290039066,119.74084167480468],[308.25596008300784,119.66278381347657],[307.802197265625,119.58471221923828],[307.3484344482422,119.506640625],[306.89458923339845,119.42856903076172],[306.4408264160156,119.35049743652344],[305.9870635986328,119.27242584228516],[305.53330078125003,119.19436798095704],[305.0795104980469,119.11629638671876],[304.62574768066406,119.03822479248048],[304.17198486328124,118.9601531982422],[303.71819458007815,118.88209533691406],[303.2644317626953,118.80402374267578],[302.8106689453125,118.7259521484375],[302.3569061279297,118.64788055419922],[301.9031158447266,118.5698226928711],[301.44935302734376,118.49175109863282],[300.99559020996094,118.41367950439454],[300.5418273925781,118.33560791015626],[300.088037109375,118.25755004882812],[299.6342742919922,118.17947845458984],[299.1805114746094,118.10140686035156],[298.7267211914063,118.02334899902344],[298.27295837402346,117.94527740478516],[297.81919555664064,117.86720581054688],[297.3654327392578,117.7891342163086],[296.9116424560547,117.71107635498048],[296.4578796386719,117.6330047607422],[296.0041168212891,117.55493316650391],[295.5503265380859,117.47686157226563],[295.09656372070316,117.3988037109375],[294.64280090332034,117.32073211669922],[294.1890380859375,117.24266052246094],[293.73524780273436,117.16458892822266],[293.2814849853516,117.08653106689454],[292.8277221679688,117.00845947265626],[292.3739318847656,116.93038787841797],[291.9201690673828,116.8523162841797],[291.46640625000003,116.77425842285156],[291.0126434326172,116.69618682861328],[290.55885314941406,116.618115234375],[290.10509033203124,116.54005737304688],[289.6513275146485,116.4619857788086],[289.19756469726565,116.38391418457032],[288.7437744140625,116.30584259033203],[288.2900115966797,116.22778472900391],[287.83619384765626,116.14969940185547],[287.3824035644531,116.07162780761719],[286.92864074707035,115.99356994628907],[286.4748779296875,115.91549835205079],[286.0211151123047,115.83742675781251],[285.56732482910155,115.75935516357423],[285.1135620117188,115.6812973022461],[284.65979919433596,115.60322570800781],[284.20603637695314,115.52515411376953],[283.75224609375,115.44709625244141],[283.2984832763672,115.36902465820313],[282.8447204589844,115.29095306396485],[282.39093017578125,115.21288146972657],[281.9371673583984,115.13481674194337],[281.48340454101566,115.05675201416015],[281.02964172363284,114.97868041992187],[280.5758514404297,114.90061569213867],[280.12208862304686,114.82254409790039],[279.6683258056641,114.74447937011719],[279.21453552246095,114.66640777587891],[278.7607727050781,114.58834304809571],[278.3070098876953,114.51027145385743],[277.85324707031253,114.43220672607423],[277.3994567871094,114.35413513183595],[276.94569396972656,114.27607040405273],[276.49193115234374,114.19799880981445],[276.038168334961,114.11993408203125],[275.5843780517578,114.04186248779297],[275.130615234375,113.96379776000977],[274.6768524169922,113.88573303222657],[274.2230621337891,113.80766143798829],[273.76929931640626,113.72959671020509],[273.31553649902344,113.6515251159668],[272.8617736816406,113.57346038818359],[272.4079833984375,113.49538879394531],[271.9542205810547,113.41732406616211],[271.5004577636719,113.33925247192383],[271.0466674804688,113.26118774414063],[270.59290466308596,113.18311614990235],[270.13914184570314,113.10505142211915],[269.6853790283203,113.02697982788087],[269.2315338134766,112.9489013671875],[268.77777099609375,112.8708366394043],[268.3240081787109,112.7927719116211],[267.87024536132816,112.71470031738282],[267.416455078125,112.6366355895996],[266.9626922607422,112.55856399536133],[266.5054412841797,112.52905883789063],[266.0452514648438,112.54379425048829],[265.58514404296875,112.5601089477539],[265.1250366210938,112.57829818725587],[264.6650115966797,112.59805297851562],[264.20509643554686,112.61935272216797],[263.7452087402344,112.64222488403321],[263.2854034423828,112.66665573120117],[262.8257080078125,112.69267272949219],[262.3661224365234,112.72028274536133],[261.90659179687503,112.74948577880859],[261.4472259521485,112.78029556274414],[260.9879425048828,112.81281509399415],[260.52879638671874,112.8474494934082],[260.0698150634766,112.88392410278321],[259.6109985351563,112.9226921081543],[259.1523468017578,112.96352005004883],[258.6939697265625,113.00692291259766],[258.23583984375,113.05270843505859],[257.7779846191406,113.10149459838867],[257.32048645019535,113.15313720703125],[256.8633728027344,113.20829544067384],[256.40667114257815,113.26701049804687],[255.95051879882814,113.3298728942871],[255.49510803222657,113.39743194580079],[255.04041137695313,113.46995544433594],[254.58678588867187,113.54880294799806],[254.134423828125,113.63464736938477],[253.68376464843752,113.72913665771485],[253.23546752929687,113.83395309448242],[252.79041137695313,113.9519256591797],[252.35035400390626,114.08716049194337],[251.91576232910157,114.23918380737305],[251.48375244140627,114.39843063354492],[251.05421447753906,114.56438598632813],[250.62761535644532,114.73751678466797],[250.20379028320312,114.9176513671875],[249.78328857421874,115.10518112182618],[249.36602783203125,115.29981079101563],[248.95231018066406,115.50182189941407],[248.5421356201172,115.71108398437501],[248.13575134277343,115.92743225097657],[247.73318481445312,116.1509490966797],[247.3345733642578,116.38137359619141],[246.93988952636718,116.6184585571289],[246.54916076660157,116.86201171875],[246.16246948242187,117.11195068359375],[245.77962341308594,117.36780853271485],[245.40062255859377,117.62921447753907],[245.02530212402345,117.89588012695313],[244.65357971191406,118.16764068603516],[244.28526306152344,118.44390563964843],[243.92007751464845,118.72435913085938],[243.55796813964844,119.00868530273438],[243.19868774414064,119.29665069580078],[242.84187927246094,119.58765106201172],[242.49144287109377,119.88617706298828],[242.15847473144532,120.20416259765625],[241.84064025878908,120.53722686767578],[241.53557739257812,120.88206024169922],[241.2412536621094,121.23609466552735],[240.9561309814453,121.59762725830079],[240.67916564941407,121.96544952392578],[240.40934143066406,122.33855895996093],[240.14599914550783,122.71620025634766],[239.88839721679688,123.09782409667969],[239.635986328125,123.48292236328125],[239.38843688964843,123.87115173339843],[239.1452819824219,124.26212768554687],[238.9062744140625,124.65569915771485],[238.67105712890626,125.05150909423828],[238.43946533203126,125.4494613647461],[238.21136169433595,125.84941864013672],[237.98660888671876,126.25128479003907],[237.76495971679688,126.65486755371094],[237.5463592529297,127.0600570678711],[237.33099975585938,127.46703186035157],[237.11849670410157,127.87548980712891],[236.9091796875,128.2856643676758],[236.70329589843752,128.69751434326173],[236.50554199218752,129.11308593750002],[236.34132385253906,129.54322814941406],[236.1770782470703,129.9733840942383],[236.01283264160156,130.40352630615234],[235.8485870361328,130.83368225097658],[235.6843688964844,131.26382446289062],[235.52012329101564,131.69398040771486],[235.3558776855469,132.1241226196289],[235.19163208007814,132.55427856445314],[235.02741394042968,132.9844207763672],[234.86316833496093,133.41456298828126],[234.69892272949218,133.84471893310547],[234.53470458984376,134.2748748779297],[234.370458984375,134.70501708984375],[234.20621337890626,135.13515930175782],[234.0419677734375,135.56531524658203],[233.87774963378908,135.99547119140627],[233.71350402832033,136.4256134033203],[233.54925842285158,136.8557556152344],[233.38501281738283,137.2859115600586],[233.22079467773438,137.71605377197267],[233.05654907226562,138.14620971679688],[232.89230346679688,138.57635192871095],[232.72805786132812,139.00650787353516],[232.5638397216797,139.43665008544923],[232.39959411621095,139.86680603027344],[232.2353485107422,140.2969482421875],[232.07110290527345,140.72710418701172],[231.906884765625,141.1572463989258],[231.74263916015624,141.58740234375],[231.5783935546875,142.01754455566407],[231.41414794921874,142.44770050048828],[231.24992980957032,142.87784271240236],[231.08568420410157,143.30799865722656],[230.92143859863282,143.73814086914064],[230.75719299316407,144.16828308105468],[230.59297485351564,144.59843902587892],[230.4287292480469,145.02859497070312],[230.26448364257814,145.4587371826172],[230.1002380371094,145.8889343261719],[229.93599243164064,146.3190902709961],[229.77176055908203,146.74923248291017],[229.60751495361328,147.17938842773438],[229.4432830810547,147.60953063964845],[229.27903747558594,148.0396728515625],[229.11480560302735,148.46982879638674],[228.9505599975586,148.89998474121094],[228.786328125,149.33012695312502],[228.62208251953126,149.76026916503906],[228.45785064697267,150.1904251098633],[228.29360504150392,150.62056732177734],[228.1293731689453,151.05072326660158],[227.96512756347656,151.48086547851562],[227.80089569091797,151.91102142333986],[227.63665008544922,152.3411636352539],[227.47241821289063,152.77131958007814],[227.30817260742188,153.2014617919922],[227.1439407348633,153.63161773681642],[226.97969512939454,154.06175994873047],[226.81546325683595,154.4919158935547],[226.6512176513672,154.92205810546875],[226.4869857788086,155.352214050293],[226.32275390625,155.78235626220703],[226.15850830078125,156.21251220703127],[225.99427642822266,156.6426544189453],[225.8300308227539,157.07281036376955],[225.66579895019532,157.5029525756836],[225.50155334472657,157.93310852050783],[225.337321472168,158.36325073242188],[225.17307586669924,158.79339294433595],[225.00884399414062,159.22354888916016],[224.84459838867187,159.65369110107423],[224.68036651611328,160.08384704589844],[224.51612091064453,160.5139892578125],[224.35188903808594,160.94414520263672],[224.1876434326172,161.3742874145508],[224.0234115600586,161.804443359375],[223.85916595458986,162.23458557128907],[223.69493408203127,162.66474151611328],[223.53068847656252,163.09488372802736],[223.3664566040039,163.52503967285156],[223.20219726562502,163.95523681640626],[223.02857208251953,164.38162994384766],[222.84838256835937,164.8053451538086],[222.665185546875,165.227783203125],[222.4793655395508,165.6490676879883],[222.29078521728516,166.0690887451172],[222.09971923828127,166.48799743652344],[221.90552215576173,166.90547790527344],[221.70845489501954,167.32159881591798],[221.50847625732422,167.7363739013672],[221.3049270629883,168.14932250976562],[221.0976287841797,168.5604721069336],[220.8860870361328,168.96942443847658],[220.67001342773438,169.37601470947266],[220.44861145019533,169.77974853515624],[220.2211120605469,170.1800079345703],[219.9865676879883,170.5762435913086],[219.74334411621095,170.9671646118164],[219.4894226074219,171.3512741088867],[219.22183685302736,171.72589416503908],[218.93572540283205,172.0865203857422],[218.62386474609374,172.42507781982422],[218.3021438598633,172.75447540283204],[217.9785140991211,173.08196411132812],[217.651286315918,173.40593719482422],[217.31796112060547,173.72353820800782],[216.9753387451172,174.03108673095704],[216.62037048339843,174.32425689697266],[216.25091400146485,174.5989013671875],[215.86705169677734,174.85311126708984],[215.47093963623047,175.0877243041992],[215.06536560058595,175.30562438964844],[214.65303497314454,175.51054687500002],[214.2360076904297,175.70570526123046],[213.81590423583984,175.89407958984376],[213.39152984619142,176.07274475097657],[212.96321411132814,176.24160461425782],[212.53135528564454,176.4013870239258],[212.09651641845704,176.55266876220705],[211.65884857177736,176.6956970214844],[211.21864013671876,176.83065032958984],[210.77608337402344,176.9576385498047],[210.33124694824218,177.07668914794922],[209.88439178466797,177.18763732910156],[209.43555908203126,177.2903045654297],[208.98487243652343,177.3844711303711],[208.53241424560548,177.46976623535156],[208.0783218383789,177.54576416015627],[207.6226364135742,177.61190185546874],[207.16559143066408,177.6676025390625],[206.70737915039064,177.71220703125002],[206.24808197021486,177.7448501586914],[205.7880844116211,177.76452941894533],[205.32770233154298,177.77021484375],[204.8674301147461,177.76034088134767],[204.4077621459961,177.7339050292969],[203.9492202758789,177.6923080444336],[203.49225769042968,177.6360580444336],[203.03721771240234,177.56578674316407],[202.58453979492188,177.4819061279297],[202.13440246582033,177.38502044677736],[201.68720397949218,177.27552795410156],[201.24310913085938,177.1539505004883],[200.80237884521486,177.0207275390625],[200.36520538330078,176.8762985229492],[199.93175354003907,176.72106170654297],[199.50218811035157,176.55533294677736],[199.07664642333984,176.37957916259765],[198.65526580810547,176.19397888183593],[198.2381561279297,175.99898529052734],[197.82552337646484,175.79470825195312],[197.41740875244142,175.58160095214845],[197.01400451660157,175.35970458984374],[196.61575012207032,175.128662109375],[196.2272186279297,174.88166198730468],[195.8480667114258,174.62042083740235],[195.4767288208008,174.34819335937502],[195.11205139160157,174.06710815429688],[194.7531967163086,173.77867584228517],[194.39929962158203,173.4841323852539],[194.0498245239258,173.18434295654296],[193.70433197021484,172.88000793457033],[193.362451171875,172.57163543701174],[193.02374267578125,172.25960998535157],[192.68809661865234,171.94442596435547],[192.35525207519532,171.62630310058594],[192.0249755859375,171.3054611206055],[191.6971435546875,170.9821334838867],[191.37163238525392,170.65655364990235],[191.0483184814453,170.32869415283204],[190.72706451416016,169.99882965087892],[190.40784301757813,169.6670700073242],[190.09050292968752,169.33345642089844],[189.77501678466797,168.99808502197266],[189.46153564453127,168.66081848144532],[189.14999084472657,168.3218215942383],[188.84058837890626,167.98080596923828],[188.53374023437502,167.6374969482422],[188.24864501953127,167.2761703491211],[187.96819152832032,166.91099853515627],[187.68773803710937,166.54582672119142],[187.40728454589845,166.18065490722657],[187.12684478759766,165.81549682617188],[186.8463912963867,165.45031127929687],[186.5659378051758,165.08515319824218],[186.28548431396484,164.71998138427736],[186.00504455566406,164.3548095703125],[185.72459106445314,163.98963775634766],[185.4441375732422,163.6244659423828],[185.16368408203127,163.25929412841796],[184.88323059082032,162.89412231445314],[184.60277709960937,162.5289505004883],[184.3223373413086,162.16377868652344],[184.04188385009766,161.79862060546876],[183.7614303588867,161.43343505859374],[183.4809768676758,161.06827697753906],[183.20052337646484,160.70310516357424],[182.92008361816406,160.3379333496094],[182.63963012695314,159.97276153564454],[182.3591766357422,159.6075897216797],[182.07872314453127,159.24241790771484],[181.79826965332032,158.87724609375002],[181.51781616210937,158.51207427978517],[181.2373764038086,158.14690246582032],[180.95692291259766,157.78174438476563],[180.67644195556642,157.41653137207032],[180.39598846435547,157.0513458251953],[180.11553497314455,156.68618774414062],[179.8350814819336,156.32101593017578],[179.55462799072265,155.95584411621095],[179.2741882324219,155.5906723022461],[178.99373474121094,155.22550048828126],[178.71328125,154.8603286743164],[178.43282775878907,154.49515686035156],[178.15237426757812,154.12998504638674],[177.8719207763672,153.7648132324219],[177.59148101806642,153.3996551513672],[177.31102752685547,153.03448333740235],[177.03057403564455,152.6693115234375],[176.7501205444336,152.30413970947265],[176.46966705322265,151.93896789550783],[176.1892272949219,151.57379608154298],[175.90877380371094,151.20862426757813],[175.6283203125,150.84345245361328],[175.34786682128907,150.47828063964843],[175.06741333007812,150.1131088256836],[174.7869598388672,149.74793701171876],[174.50652008056642,149.38277893066407],[174.22606658935547,149.01760711669922],[173.94561309814455,148.65243530273438],[173.6651596069336,148.28726348876953],[173.3847198486328,147.9220916748047],[173.1042663574219,147.55691986083986],[172.82381286621094,147.191748046875],[172.543359375,146.82657623291016],[172.26290588378907,146.4614044189453],[171.98245239257812,146.0962326049805],[171.70201263427734,145.73106079101564],[171.42155914306642,145.36590270996095],[171.14110565185547,145.0007308959961],[170.86065216064455,144.63555908203125],[170.5801986694336,144.2703872680664],[170.2997589111328,143.90521545410158],[170.0193054199219,143.54004364013673],[169.73885192871094,143.17487182617188],[169.4583984375,142.80970001220703],[169.17794494628907,142.44452819824218],[168.89746398925783,142.07931518554688],[168.61701049804688,141.71414337158203],[168.33655700683593,141.3489715576172],[168.05611724853517,140.98381347656252],[167.77566375732422,140.61864166259767],[167.49521026611328,140.25346984863282],[167.21475677490236,139.88829803466797],[166.9343032836914,139.52312622070312],[166.65386352539062,139.1579544067383],[166.3734100341797,138.79278259277345],[166.09295654296875,138.4276107788086],[165.81250305175783,138.06243896484375],[165.53204956054688,137.6972671508789],[165.25159606933593,137.33209533691408],[164.97115631103517,136.9669372558594],[164.69070281982422,136.60176544189454],[164.41024932861328,136.2365936279297],[164.12979583740236,135.87142181396484],[163.8493423461914,135.50625],[163.56890258789062,135.14107818603517],[163.2884490966797,134.77590637207032],[163.00799560546875,134.41073455810547],[162.72754211425783,134.04556274414062],[162.44708862304688,133.68039093017578],[162.16663513183593,133.3152328491211],[161.88619537353517,132.95006103515627],[161.60574188232422,132.58488922119142],[161.32528839111328,132.21971740722657],[161.04483489990236,131.85454559326172],[160.7643814086914,131.48937377929687],[160.48394165039062,131.12420196533205],[160.2034881591797,130.7590301513672],[159.92303466796875,130.39385833740235],[159.64258117675783,130.0286865234375],[159.36212768554688,129.6635284423828],[159.08167419433593,129.29835662841796],[158.80123443603517,128.93318481445314],[158.52078094482422,128.5680130004883],[158.24032745361328,128.20284118652344],[157.95987396240236,127.8376693725586],[157.6457061767578,127.50143280029297],[157.32713012695314,127.16891784667969],[157.00823822021485,126.8368423461914],[156.6891815185547,126.50486297607422],[156.37005615234375,126.17297973632813],[156.05051879882814,125.84146728515626],[155.7309814453125,125.50995483398438],[155.41144409179688,125.1784423828125],[155.09146728515626,124.84732818603516],[154.77139434814453,124.51633758544922],[154.45130767822266,124.18534698486329],[154.13123474121093,123.85435638427735],[153.81074981689454,123.52377777099609],[153.49007263183594,123.19337768554688],[153.16939544677734,122.86297760009766],[152.8487045288086,122.53256378173829],[152.52802734375,122.20216369628906],[152.20686950683594,121.87223052978516],[151.88568420410158,121.54231109619141],[151.56436157226562,121.21255645751954],[151.24280548095703,120.8830078125],[150.9212631225586,120.55344543457032],[150.59940490722656,120.2241714477539],[150.2774642944336,119.89499359130859],[149.95552368164064,119.56581573486328],[149.63318481445313,119.23704986572265],[149.31081848144532,118.90829772949219],[148.98839721679687,118.57955932617188],[148.66557769775392,118.25124664306641],[148.3427719116211,117.92293395996094],[148.01985626220704,117.5946762084961],[147.6965560913086,117.2668441772461],[147.3732421875,116.9390121459961],[147.04987335205078,116.61128997802734],[146.72603759765624,116.28397979736329],[146.40221557617187,115.95665588378907],[146.07831115722658,115.62942810058594],[145.75391235351563,115.30266723632813],[145.42951354980468,114.9759132385254],[145.10504608154298,114.6491798400879],[144.780029296875,114.32305068969727],[144.45501251220705,113.99691467285156],[144.12999572753907,113.67077865600587],[143.80427856445314,113.34527435302735],[143.47857513427735,113.01981811523437],[143.15287170410156,112.69436187744141],[142.82650909423828,112.36955108642579],[142.50006408691408,112.04483642578126],[142.17361907958986,111.72012176513672],[141.84654235839844,111.39608688354492],[141.519287109375,111.07219619750977],[141.19203186035156,110.74830551147461],[140.8642547607422,110.42489547729492],[140.53623046875,110.10178070068359],[140.20782165527345,109.77905044555665],[139.879069519043,109.45667724609375],[139.5500701904297,109.13457870483398],[139.22063140869142,108.81290588378907],[138.8908218383789,108.49166564941406],[138.5606414794922,108.17070007324219],[138.23004913330078,107.8502082824707],[137.89897613525392,107.53026580810547],[137.56751861572266,107.21070098876953],[137.23563537597656,106.89156188964844],[136.90302429199218,106.57311630249023],[136.56996002197266,106.25517883300782],[136.2364288330078,105.93779067993164],[135.90222473144533,105.62107543945312],[135.56725158691407,105.30513610839844],[135.23166046142578,104.98991775512695],[134.8953826904297,104.67544097900391],[134.55829467773438,104.3617332458496],[134.2201354980469,104.04924087524414],[133.88104248046875,103.73777847290039],[133.54122161865234,103.42709197998047],[133.20108489990236,103.11675567626953],[132.86086578369142,102.80649490356446],[132.52041320800782,102.4965087890625],[132.17994689941406,102.18652267456055],[131.83917846679688,101.8769416809082],[131.49835510253908,101.56736068725586],[131.1572708129883,101.25805435180665],[130.81600799560547,100.94895401000977],[130.47459411621094,100.63997039794923],[130.13285064697266,100.33141250610352],[129.79105224609376,100.02282028198242],[129.44880065917968,99.7148323059082],[129.10649414062502,99.40689239501954],[128.76384429931642,99.09935073852539],[128.42093353271486,98.79208374023438],[128.0778579711914,98.48500213623048],[127.7342742919922,98.17848358154298],[127.39069061279297,97.87196502685548],[127.04644775390625,97.56617431640625],[126.70214996337891,97.2604591369629],[126.35741271972657,96.9552589416504],[126.01233215332032,96.65042266845704],[125.66704559326172,96.34579925537109],[125.32112731933594,96.04190368652344],[124.97522277832032,95.73801498413086],[124.62852172851562,95.43503952026367],[124.28172454833985,95.13216018676758],[123.93455657958985,94.82974090576172],[123.58685302734375,94.52786407470704],[123.23877868652345,94.22647476196289],[122.89029235839844,93.92554550170898],[122.54131164550782,93.62517929077148],[122.19191894531251,93.3253761291504],[121.84203186035157,93.0260398864746],[121.49171905517578,92.72723922729493],[121.14095306396484,92.42896728515625],[120.78970642089844,92.1312240600586],[120.43803405761719,91.83407821655274],[120.08577117919923,91.53757781982422],[119.73298645019531,91.24165420532226],[119.37972106933594,90.94633483886719],[119.02597503662109,90.65162658691406],[118.67170715332031,90.35751571655274],[118.31697235107423,90.0640640258789],[117.9616470336914,89.77123718261718],[117.60570373535157,89.47917251586914],[117.24915618896485,89.1877052307129],[116.89216918945313,88.89697952270508],[116.53463287353516,88.60691986083985],[116.17650604248047,88.31751937866211],[115.81778869628907,88.0287712097168],[115.45843963623047,87.7408950805664],[115.09846572875976,87.45373992919922],[114.73801116943359,87.16738815307617],[114.37687683105469,86.88168869018556],[114.01521377563476,86.5967788696289],[113.65291900634766,86.3125831604004],[113.28996505737305,86.0292594909668],[112.92635879516602,85.74680099487306],[112.56213455200195,85.46511154174804],[112.19728546142578,85.18420486450195],[111.83188705444336,84.9041358947754],[111.46582260131837,84.62482223510743],[111.09907836914063,84.346435546875],[110.73162689208985,84.06897583007813],[110.3635368347168,83.79234008789062],[109.99489746093751,83.51659698486328],[109.62548904418945,83.24159545898438],[109.2555519104004,82.9675277709961],[108.88483200073243,82.69445571899415],[108.51337051391602,82.42229690551758],[108.1413459777832,82.15106506347657],[107.76855239868165,81.88062286376953],[107.39523010253906,81.61116256713868],[107.02124176025391,81.3425880432129],[106.6464225769043,81.07517395019532],[106.27093734741212,80.80864562988282],[105.89485473632813,80.54304428100586],[105.51814727783203,80.27831497192383],[105.14078750610352,80.01441650390625],[104.7627342224121,79.75158920288087],[104.38404235839845,79.48964767456054],[104.00486297607422,79.22857818603516],[103.62506561279297,78.96827087402345],[103.24473266601562,78.70875320434571],[102.86373367309571,78.45021057128906],[102.48213043212891,78.19247131347656],[102.10012893676758,77.9355697631836],[101.71752319335938,77.67933425903321],[101.33446426391602,77.42386093139649],[100.95077362060547,77.16934204101562],[100.56659545898438,76.9155647277832],[100.18193664550782,76.66246719360352],[99.79684524536133,76.4100700378418],[99.41127319335938,76.15840759277344],[99.02512435913086,75.90761032104493],[98.6386116027832,75.6575065612793],[98.25159072875977,75.40800704956055],[97.86413726806641,75.15914611816406],[97.47622375488281,74.9110954284668],[97.087939453125,74.66382751464845],[96.69916763305665,74.41711578369141],[96.3099838256836,74.17099456787109],[95.92043609619141,73.9255256652832],[95.53037338256836,73.68086700439453],[95.13992614746094,73.43678512573243],[94.74917678833008,73.19332122802734],[94.35800170898438,72.95039291381836],[93.9664077758789,72.70820617675781],[93.57445678710938,72.46669235229493],[93.18212127685547,72.22570724487305],[92.78945617675781,71.98527145385742],[92.39642715454102,71.74542617797852],[92.00294494628906,71.50629501342773],[91.60907821655273,71.2676513671875],[91.21498489379883,71.0295913696289],[90.8205551147461,70.79204635620117],[90.4257064819336,70.55520172119141],[90.03055572509766,70.31892013549805],[89.63508224487305,70.0831398010254],[89.2392791748047,69.84784698486328],[88.84315338134766,69.61314468383789],[88.44665679931641,69.3790672302246],[88.04985809326172,69.14548416137696],[87.65282592773438,68.91241607666016],[87.25542297363282,68.67978057861329],[86.85768356323243,68.44782485961915],[86.45969009399414,68.21639099121094],[86.06136016845703,67.98540344238282],[85.66277618408203,67.75489654541016],[85.26389007568359,67.52491836547851],[84.86463317871095,67.29551010131836],[84.46515655517578,67.06658935546875],[84.06541900634765,66.83812866210938],[83.66538619995117,66.61011428833008],[83.26504440307617,66.38266983032227],[82.86443481445313,66.15574722290039],[82.46357803344726,65.92927780151368],[82.06242599487305,65.7032341003418],[81.66105422973634,65.47765731811523],[81.25933227539063,65.25265731811524],[80.85726699829102,65.02806243896485],[80.45511932373047,64.80400314331055],[80.05265579223634,64.58033523559571],[79.64994506835937,64.35710678100587],[79.24691848754883,64.13445510864258],[78.84358978271484,63.91222229003906],[78.44015121459961,63.690483856201176],[78.03635559082032,63.4691162109375],[77.63238143920898,63.248208618164064],[77.22811889648438,63.02781600952149],[76.82362289428711,62.80790405273438],[76.41887283325195,62.58841094970703],[76.01383438110352,62.3693229675293],[75.60868606567384,62.150715637207036],[75.2032356262207,61.93252029418945],[74.79733200073242,61.71503219604492],[74.39103698730469,61.49829254150391],[73.98435745239259,61.282308197021486],[73.57739639282227,61.0671272277832],[73.16987915039063,60.85259170532227],[72.76205978393556,60.63885955810547],[72.35381469726563,60.42604064941406],[71.94513702392578,60.21390151977539],[71.53614349365235,60.00250396728516],[71.1267448425293,59.79179306030274],[70.7169548034668,59.58176193237305],[70.30687637329102,59.37246551513672],[69.896337890625,59.16399307250977],[69.48546981811523,58.956214141845706],[69.07425155639649,58.74910125732422],[68.66268997192383,58.54266128540039],[68.25081253051758,58.33689422607422],[67.83850936889648,58.13173828125],[67.4259246826172,57.927344512939456],[67.01304473876954,57.72368545532227],[66.5997802734375,57.52062721252442],[66.1862548828125,57.31821784973145],[65.77237243652344,57.11640586853027],[65.35824966430664,56.915242767333986],[64.9437973022461,56.714670181274414],[64.52899475097657,56.51480827331543],[64.11388320922852,56.315547180175784],[63.69848327636719,56.11686630249024],[63.28279495239258,55.91876564025879],[62.86693496704102,55.721289825439456],[62.450731658935545,55.524339294433595],[62.034281158447264,55.32795867919922],[61.61752853393555,55.13221321105957],[61.20044631958008,54.93700332641602],[60.783267974853516,54.742397689819335],[60.365691375732425,54.54825210571289],[59.947943115234374,54.3546558380127],[59.529927062988286,54.16156425476074],[59.11175308227539,53.96901512145996],[58.693283843994145,53.776963806152345],[58.274505615234375,53.585444641113284],[57.85562438964844,53.3944507598877],[57.43643760681152,53.20389289855957],[57.0170654296875,53.01381225585938],[56.59751815795899,52.82420196533203],[56.1777099609375,52.63501739501953],[55.75775413513184,52.44629974365235],[55.337575149536136,52.258007812500004],[54.917183303833006,52.070196533203124],[54.496575164794926,51.882790374755864],[54.07577133178711,51.69578247070313],[53.654788970947266,51.5093376159668],[53.233683013916014,51.323133087158205],[52.81241569519043,51.13725128173828],[52.39093551635742,50.951894760131836],[51.9694450378418,50.76668586730957],[51.54761810302735,50.58212242126465],[51.12578773498535,50.397562408447264],[50.70364151000977,50.2136890411377],[50.2814884185791,50.02987403869629],[49.85913619995117,49.846567153930664],[49.43668098449707,49.66344223022461],[49.01402320861816,49.48062286376953],[48.59129676818848,49.29813652038575],[48.16853256225586,49.11586303710938],[47.74555206298828,48.93395690917969],[47.32248229980469,48.752109146118165],[46.89927864074707,48.570731735229494],[46.47607154846192,48.38935089111328],[46.052699661254884,48.20845413208008],[45.62929344177246,48.02754364013672],[45.20574645996094,47.84698333740234],[44.782161712646484,47.66648826599121],[44.358319473266604,47.486549377441406],[43.933859252929686,47.30813827514648],[43.50877075195313,47.131272125244145],[43.08300247192383,46.95590286254883],[42.65674667358399,46.781961822509764],[42.229879760742186,46.60932540893555],[41.802477264404295,46.4379524230957],[41.37462158203125,46.267808532714845],[40.946326446533206,46.098838806152344],[40.51761932373047,45.931046676635745],[40.08829765319825,45.76422271728516],[39.65870475769043,45.598545455932616],[39.228768539428714,45.433750534057616],[38.79858512878418,45.26974868774414],[38.367866134643556,45.10682144165039],[37.936941146850586,44.94459800720215],[37.505731201171876,44.78314361572266],[37.07429466247559,44.62243423461914],[36.64261436462402,44.46241149902344],[36.210625076293944,44.30306854248047],[35.778416061401366,44.14433326721191],[35.34591522216797,43.98611297607422],[34.9133903503418,43.82846260070801],[34.480604553222655,43.67124481201172],[34.04767112731934,43.514569473266604],[33.614590072631835,43.35822372436524],[33.18146095275879,43.20208740234375],[32.748129272460936,43.04643859863281],[32.31472549438477,42.89082412719727],[31.881218719482423,42.735666275024414],[31.447711944580078,42.580508422851565],[31.014105606079102,42.42564582824707],[30.58048896789551,42.27079696655274],[30.146872329711915,42.1159481048584],[29.71325569152832,41.96109580993652],[29.279693984985354,41.80616798400879],[28.846125411987305,41.65118865966797],[28.412613487243654,41.49597587585449],[27.979183959960938,41.340601730346684],[27.545835113525392,41.18490142822266],[27.112633895874023,41.02889213562012],[26.679590606689455,40.872611618041994],[26.24663314819336,40.71571311950684],[25.814015579223632,40.55831680297852],[25.381509590148926,40.400264739990234],[24.94930400848389,40.24152603149414],[24.517378234863283,40.081990814208986],[24.085826683044434,39.921590423583986],[23.654536056518555,39.76017036437988],[23.22380847930908,39.597720336914065],[22.79340534210205,39.434085845947266],[22.36359272003174,39.26905746459961],[21.934253883361816,39.102521896362305],[21.505649757385253,38.93429718017578],[21.07772197723389,38.7642562866211],[20.650702285766602,38.592275619506836],[20.22455291748047,38.4179328918457],[19.799404335021972,38.241135406494145],[19.375397300720216,38.061471176147464],[18.952760124206545,37.8787582397461],[18.53170223236084,37.692433547973636],[18.11242961883545,37.50218467712403],[17.695249557495117,37.30746231079102],[17.280500221252442,37.10749053955078],[16.867361068725586,36.904095840454104],[16.454827880859376,36.69963684082031],[16.04297790527344,36.493759918212895],[15.631951904296875,36.28626251220703],[15.221852874755859,36.076883697509764],[14.812964057922363,35.865369415283205],[14.405429649353028,35.65101928710938],[13.999703693389893,35.433411026000975],[13.596068572998048,35.21169662475586],[13.195345687866212,34.98500061035156],[12.798230266571045,34.751977157592776],[12.4058913230896,34.51096801757813],[12.01990041732788,34.260047149658206],[11.642104625701904,33.996879959106444],[11.274487495422363,33.71970176696777],[10.918121051788331,33.42817611694336],[10.572014808654785,33.124503707885744],[10.232909774780273,32.81305847167969],[9.89637966156006,32.498835754394534],[9.559216976165771,32.18535804748535],[9.219281959533692,31.87470932006836],[8.879236221313477,31.564242553710937],[8.54161262512207,31.251245498657227],[8.207515811920166,30.934331130981445],[7.878602313995361,30.612177658081055],[7.556621360778808,30.28304786682129],[7.243825149536133,29.945135879516602],[6.942774868011475,29.59679718017578],[6.6560282707214355,29.236692810058596],[6.385822105407715,28.863748168945314],[6.134131336212159,28.478234481811523],[5.901873064041138,28.08068561553955],[5.688982057571411,27.672516059875488],[5.494513750076294,27.25525016784668],[5.316907739639283,26.830470657348634],[5.1540161132812505,26.399751663208008],[5.00226788520813,25.965077590942382],[4.860036134719849,25.52706985473633],[4.726677131652832,25.086401367187502],[4.601725673675538,24.64328670501709],[4.484951305389404,24.197955894470216],[4.376264333724976,23.75046043395996],[4.275886201858521,23.301100730895996],[4.183956813812256,22.84991970062256],[4.100965833663941,22.397116470336915],[4.027352714538575,21.942615509033203],[3.963908386230469,21.486519813537598],[3.9115538120269777,21.029140090942384],[3.871451997756958,20.570424842834473],[3.845182228088379,20.110748291015625],[3.834756374359131,19.650431442260743],[3.842759656906128,19.19010944366455],[3.8726901054382323,18.73078136444092],[3.9290216445922854,18.273861694335938],[4.001480340957642,17.819159889221194],[4.0832503795623785,17.36605281829834],[4.17652645111084,16.915197944641115],[4.283651733398438,16.46736431121826],[4.406894731521606,16.023830795288088],[4.548322677612305,15.585613632202149],[4.709168100357056,15.154335021972656],[4.889970445632935,14.730856704711915],[5.090117311477662,14.31621208190918],[5.308208370208741,13.910752201080323],[5.542233896255493,13.514326858520509],[5.790096616744996,13.12629747390747],[6.049524593353271,12.745870113372803],[6.3155169010162355,12.370082759857178],[6.577466154098511,11.99148187637329],[6.836735343933106,11.610942935943603],[7.095604991912842,11.23020315170288],[7.3564015388488775,10.85068817138672],[7.621268177032471,10.474015045166016],[7.892193603515625,10.101801681518555],[8.171163940429688,9.735492610931397],[8.459797954559326,9.376785564422608],[8.759629440307618,9.02730188369751],[9.07171926498413,8.688840579986573],[9.39697551727295,8.362984371185304],[9.73588399887085,8.05133228302002],[10.08845500946045,7.755424976348877],[10.454662799835205,7.476327610015869],[10.833825874328614,7.2151491165161135],[11.224804401397705,6.9721032142639165],[11.623802089691162,6.742373943328857],[12.028653430938721,6.523121166229248],[12.438310432434083,6.312818813323974],[12.851899337768556,6.110501718521118],[13.268947219848632,5.915301704406739],[13.688902187347413,5.726641988754273],[14.111594295501709,5.543961238861084],[14.536618423461915,5.366991233825684],[14.963838958740235,5.195438861846924],[15.393212127685548,5.0290436267852785],[15.824492454528809,4.867792654037475],[16.25764560699463,4.7115520477294925],[16.692570304870607,4.56043381690979],[17.129172134399415,4.414477014541626],[17.567669105529784,4.273790216445923],[18.00777111053467,4.138769960403443],[18.449759674072265,4.009678459167481],[18.893621063232423,3.8870723247528076],[19.339356994628908,3.771751928329468],[19.787170028686525,3.6646965980529784],[20.237228393554688,3.5674688816070557],[20.690242767333984,3.485057258605957],[21.146111869812014,3.4212786197662353],[21.604312133789062,3.3759711742401124],[22.06398696899414,3.3487195014953612],[22.524290084838867,3.3388232231140136],[22.984653282165528,3.3452296257019043],[23.44453239440918,3.366699957847595],[23.90369739532471,3.4018094301223756],[24.361686515808106,3.44895601272583],[24.818592453002932,3.506477379798889],[25.274173164367678,3.572604775428772],[25.72884922027588,3.645678234100342],[26.18250560760498,3.7238043308258058],[26.635708808898926,3.80539927482605],[27.088546371459962,3.888765335083008],[27.541361618041993,3.9722700119018555],[27.994106483459472,4.056107711791992],[28.444841194152833,4.150265264511108],[28.89286880493164,4.256023263931275],[29.338385009765627,4.372505378723145],[29.78112373352051,4.498943424224854],[30.221023178100587,4.634617280960083],[30.658279037475587,4.778958749771118],[31.092723083496093,4.93135929107666],[31.524489212036134,5.0913622856140135],[31.953580856323242,5.258520555496216],[32.37991905212402,5.432393789291382],[32.803544998168945,5.612611198425293],[33.224585723876956,5.798896837234497],[33.643123626708984,5.99099407196045],[34.05897331237793,6.188450145721435],[34.472371673583986,6.39123501777649],[34.883232879638676,6.59901909828186],[35.291629028320315,6.811648750305176],[35.69718933105469,7.029629945755005],[36.098543930053715,7.255231189727783],[36.495273971557616,7.488896656036377],[36.88708419799805,7.730778694152832],[37.27374114990234,7.980662727355957],[37.65545425415039,8.238199424743653],[38.03244667053223,8.502574253082276],[38.405178451538085,8.772848224639892],[38.774319076538085,9.048004245758056],[39.1405689239502,9.327022647857666],[39.5047176361084,9.608913803100586],[39.86728706359863,9.89271297454834],[40.22895698547364,10.177615928649903],[40.59022178649902,10.46308193206787],[40.951490020751955,10.748553943634034],[41.31291961669922,11.03375473022461],[41.6750186920166,11.31830234527588],[42.03767395019531,11.601974487304688],[42.399549865722655,11.88658561706543],[42.757961654663085,12.175750064849854],[43.11252479553223,12.469418048858643],[43.46353797912598,12.767407608032228],[43.81130676269532,13.069193458557129],[44.156298065185545,13.374082946777344],[44.49919166564941,13.681322479248047],[44.84074287414551,13.990197086334229],[45.18161087036133,14.299717140197755],[45.52240333557129,14.609354782104493],[45.8636043548584,14.918463706970215],[46.20564651489258,15.226782989501954],[46.54862594604492,15.533931541442872],[46.892868804931645,15.839631271362306],[47.23850898742676,16.143798065185546],[47.585611724853514,16.446483421325684],[47.93397445678711,16.74748306274414],[48.28369331359863,17.046917152404784],[48.63476829528809,17.344835472106933],[48.98716163635254,17.6411865234375],[49.340722274780276,17.936111068725587],[49.69543991088867,18.22972755432129],[50.05131797790528,18.5218900680542],[50.40814361572266,18.812893867492676],[50.76602325439453,19.102538108825684],[51.124795532226564,19.39112663269043],[51.48445014953614,19.678607940673828],[51.845024871826176,19.964999198913574],[52.206337738037114,20.250422286987305],[52.56833038330078,20.534892654418947],[52.93319320678711,20.815643119812012],[53.30187721252442,21.091461753845216],[53.67238082885742,21.3648530960083],[54.04427146911621,21.63632698059082],[54.41707534790039,21.906619834899903],[54.79052810668946,22.175954818725586],[55.16451301574707,22.444525909423827],[55.53895454406739,22.712480735778808],[55.91371536254883,22.97987937927246],[56.2889705657959,23.246896934509277],[56.6645004272461,23.51331195831299],[57.04003372192383,23.77972869873047],[57.41604423522949,24.0455961227417],[57.79211654663086,24.311252403259278],[58.168171691894536,24.57678508758545],[58.54468002319336,24.84181652069092],[58.92119522094727,25.106847953796386],[59.29787521362305,25.37179698944092],[59.67476119995117,25.636301422119143],[60.05164031982422,25.900804138183595],[60.42852630615234,26.165179824829103],[60.805721282958984,26.429236221313477],[61.182916259765626,26.69329261779785],[61.56011123657227,26.95734729766846],[61.937546539306645,27.221029472351074],[62.315016174316405,27.484701347351074],[62.6924789428711,27.748371505737307],[63.0700927734375,28.01188545227051],[63.44778900146485,28.27521915435791],[63.82549209594727,28.538554573059084],[64.20318832397462,28.801888275146485],[64.58105621337891,29.064931869506836],[64.95895843505859,29.32797203063965],[65.33686752319336,29.59101219177246],[65.71485900878906,29.854014587402343],[66.0930290222168,30.11667709350586],[66.47119216918945,30.379336166381837],[66.84936218261718,30.641995239257813],[67.22753219604492,30.90465774536133],[67.60570220947265,31.167316818237307],[67.98387222290039,31.42997932434082],[68.36204223632812,31.692638397216797],[68.7402328491211,31.95517387390137],[69.1186912536621,32.21741409301758],[69.49714965820313,32.47965774536133],[69.87560806274415,32.74189796447754],[70.25407333374024,33.00413818359375],[70.63253173828126,33.2663818359375],[71.01099014282227,33.52862205505371],[71.38944854736329,33.790862274169925],[71.7679069519043,34.05310592651367],[72.1465576171875,34.31509895324707],[72.52525634765625,34.576995849609375],[72.90394821166993,34.83889617919922],[73.28264694213867,35.10079650878907],[73.66134567260742,35.36269683837891],[74.0400375366211,35.62459373474121],[74.41873626708984,35.88649406433105],[74.7974349975586,36.1483943939209],[75.17612686157227,36.410294723510745],[75.55501785278321,36.67198219299316],[75.93391571044923,36.933597564697266],[76.31280670166016,37.19521293640137],[76.6916976928711,37.45682830810547],[77.0705955505371,37.718440246582034],[77.44948654174804,37.98005561828614],[77.82837753295898,38.24167098999023],[78.207275390625,38.503282928466795],[78.58616638183594,38.7648983001709],[78.96515350341797,39.026400375366215],[79.34421615600586,39.28777542114258],[79.72327194213868,39.549150466918945],[80.10233459472657,39.81052207946777],[80.48139038085938,40.07189712524414],[80.86045303344727,40.33326873779297],[81.23950881958008,40.59464378356934],[81.61857147216797,40.85601882934571],[81.99762725830078,41.117390441894536],[82.37668991088867,41.3787654876709],[82.75582809448242,41.63992767333985],[83.13503494262696,41.90109329223633],[83.51423492431641,42.16226234436035],[83.89343490600587,42.423427963256835],[84.2726417541504,42.68459358215332],[84.65184173583985,42.945762634277344],[85.0310417175293,43.20692825317383],[85.41024856567383,43.46809387207031],[85.78944854736328,43.7292594909668],[86.16869659423828,43.99045944213867],[86.54802017211914,44.25144653320313],[86.92734375,44.51243362426758],[87.30667419433594,44.77342071533203],[87.68608703613282,45.03446960449219],[88.06541061401367,45.295456695556645],[88.4447410583496,45.556443786621095],[88.82406463623047,45.817430877685545],[89.20338821411133,46.07842140197754],[89.58271865844726,46.339408493041994],[89.96204223632813,46.600395584106444],[90.34146194458008,46.86122817993164],[90.7208953857422,47.122057342529295],[91.1003288269043,47.382889938354495],[91.47976226806641,47.64371910095215],[91.85919570922852,47.90455169677735],[92.23862915039062,48.165380859375],[92.61806259155274,48.4262134552002],[92.99749603271485,48.68704605102539],[93.37692947387696,48.94787521362305],[93.75636291503906,49.20870780944824],[94.13587188720703,49.469420242309575],[94.51540145874024,49.730112075805664],[94.89493103027344,49.9908073425293],[95.27446060180664,50.25149917602539],[95.65398330688477,50.51219100952149],[96.03351287841797,50.77288627624512],[96.41304244995118,51.033578109741214],[96.79257202148438,51.2942699432373],[97.1720947265625,51.5549617767334],[97.5516242980957,51.81565704345703],[97.93126373291015,52.076242446899414],[98.31091003417968,52.33675918579102],[98.6905632019043,52.59727249145508],[99.07020950317383,52.85778923034668],[99.44986267089844,53.118305969238286],[99.82950897216797,53.37882270812988],[100.20916213989258,53.639336013793944],[100.58880844116212,53.89985275268555],[100.96846160888673,54.16036949157715],[101.34810791015626,54.42088623046875],[101.72775421142579,54.681399536132815],[102.10740737915039,54.94191627502442],[102.48705368041992,55.202433013916014],[102.86670684814453,55.46294975280762],[103.24635314941406,55.72346305847168],[103.62600631713867,55.98397979736328],[104.0056526184082,56.244496536254886],[104.38530578613282,56.50501327514649],[104.76495208740235,56.76552658081055],[105.14460525512696,57.02604331970215],[105.5242515563965,57.28637466430664],[105.90404205322265,57.546692276000975],[106.28382568359375,57.807009887695315],[106.66360931396484,58.06732406616211],[107.04339294433593,58.32764511108399],[107.42318344116211,58.58795928955078],[107.8029670715332,58.848280334472655],[108.1827507019043,59.108594512939455],[108.56254119873047,59.36891555786133],[108.94232482910157,59.62922973632813],[109.32210845947266,59.88955078125],[109.70189208984375,60.1498649597168],[110.08168258666993,60.410186004638675],[110.46146621704102,60.67050018310547],[110.84124984741212,60.93081436157227],[111.22104034423829,61.19113540649414],[111.60082397460938,61.45144958496094],[111.98060760498048,61.711770629882814],[112.36039810180664,61.972084808349614],[112.74031219482423,62.2323715209961],[113.12025375366211,62.49246597290039],[113.5001953125,62.75255355834961],[113.8801368713379,63.012648010253905],[114.26007843017578,63.272735595703125],[114.6400131225586,63.532830047607426],[115.01995468139648,63.79291763305664],[115.39989624023438,64.05301208496094],[115.77984466552735,64.31309967041015],[116.15977935791015,64.57319412231446],[116.53971405029297,64.83328170776367],[116.91966247558594,65.09337615966797],[117.29959716796876,65.3534637451172],[117.67954559326172,65.61355819702149],[118.05948028564454,65.8736457824707],[118.4394287109375,66.133740234375],[118.81936340332031,66.39382781982422],[119.19929809570313,66.65392227172852],[119.57934265136718,66.91407165527345],[119.95927734375,67.17416610717774],[120.33921203613282,67.43425369262695],[120.71916046142579,67.69434814453125],[121.09909515380859,67.95443572998047],[121.47904357910157,68.21453018188477],[121.85897827148438,68.47461776733398],[122.23892669677734,68.73471221923829],[122.61886138916016,68.9947998046875],[122.99880981445312,69.2548942565918],[123.37874450683594,69.51498184204102],[123.75867919921875,69.77507629394532],[124.13862762451173,70.03516387939453],[124.51856231689453,70.29525833129883],[124.8985107421875,70.55534591674805],[125.27844543457032,70.81544036865235],[125.65840759277344,71.07537002563477],[126.03850708007813,71.33523101806641],[126.41860656738281,71.59509201049805],[126.7987060546875,71.85495300292969],[127.17880554199219,72.11481399536133],[127.55890502929688,72.37467498779297],[127.93899078369141,72.63453598022461],[128.3190902709961,72.89439697265625],[128.69918975830078,73.1542579650879],[129.07928924560548,73.41411895751953],[129.45938873291016,73.67397994995117],[129.83948822021486,73.93384094238282],[130.21958770751954,74.19370193481446],[130.5996871948242,74.4535629272461],[130.97978668212892,74.71342391967774],[131.3598861694336,74.97328491210938],[131.73997192382814,75.23314590454102],[132.1200714111328,75.49300689697266],[132.50017089843752,75.7528678894043],[132.8802703857422,76.01272888183594],[133.26036987304687,76.27258987426758],[133.64046936035157,76.53245086669922],[134.02056884765625,76.79231185913086],[134.40066833496095,77.0521728515625],[134.7808364868164,77.31190338134766],[135.16104583740236,77.5716064453125],[135.5412551879883,77.83130950927735],[135.9214645385742,78.0910125732422],[136.30167388916016,78.35071563720703],[136.68186950683594,78.61041870117188],[137.06207885742188,78.87011489868165],[137.44228820800782,79.12981796264648],[137.82249755859377,79.38952102661133],[138.21345977783204,79.63264846801758],[138.60767669677736,79.87059173583985],[139.0029510498047,80.10655746459962],[139.39937896728517,80.34084091186524],[139.7966720581055,80.57344207763673],[140.19511871337892,80.80427169799805],[140.59444427490234,81.03339157104493],[140.99488220214843,81.26082916259766],[141.39625396728516,81.4863510131836],[141.79871063232423,81.71008071899415],[142.2023483276367,81.9315788269043],[142.6072494506836,82.15088653564453],[143.0134002685547,82.36775665283203],[143.42088317871094,82.58198318481446],[143.8300003051758,82.793408203125],[144.24061431884766,83.00159225463868],[144.65306854248047,83.20626754760742],[145.06748657226564,83.40693283081055],[145.48404693603516,83.60298385620118],[145.9031753540039,83.7937614440918],[146.32495422363283,83.97822875976563],[146.75011138916017,84.15490951538087],[147.1791961669922,84.32210769653321],[147.6128402709961,84.4768569946289],[148.0510711669922,84.61796264648437],[148.49169158935547,84.7514877319336],[148.9343994140625,84.87800216674805],[149.3790298461914,84.9973960876465],[149.82565155029297,85.1097038269043],[150.27386627197265,85.21471252441407],[150.72378387451172,85.31268997192383],[151.1751708984375,85.40374603271485],[151.62782135009766,85.48798370361328],[152.08157043457032,85.56561584472657],[152.53661041259767,85.6368896484375],[152.99239196777344,85.70194931030274],[153.44903869628908,85.76111755371095],[153.90630340576172,85.8147445678711],[154.3642135620117,85.8631805419922],[154.82256317138672,85.9067481994629],[155.28133850097657,85.94574966430665],[155.7404983520508,85.98052139282227],[156.1999053955078,86.01150283813477],[156.65946350097656,86.03882446289063],[157.1192825317383,86.06327590942384],[157.5792663574219,86.08484344482422],[158.03925018310548,86.10379486083984],[158.4994125366211,86.12076873779297],[158.9595199584961,86.13709716796875],[159.4197784423828,86.15171585083009],[159.87999572753907,86.16450805664063],[160.3403091430664,86.17502746582032],[160.80065002441407,86.18240203857422],[161.26114196777345,86.1863021850586],[161.7215103149414,86.18619232177734],[162.18189239501953,86.18156433105469],[162.6422332763672,86.17219848632813],[163.10245056152345,86.1576416015625],[163.56243438720705,86.13773574829102],[164.02226715087892,86.11235733032227],[164.48164672851564,86.08129348754883],[164.94054565429687,86.04466781616212],[165.39906005859376,86.00243911743165],[165.85697021484376,85.95460739135743],[166.31434478759766,85.90149536132813],[166.771142578125,85.84318542480469],[167.22710266113282,85.77970504760742],[167.6825134277344,85.71137008666993],[168.1370590209961,85.63844833374024],[168.59093170166017,85.56107711791992],[169.04413146972658,85.47949676513672],[169.49656219482424,85.39392013549805],[169.9481964111328,85.30458755493164],[170.39913024902344,85.2116569519043],[170.84933624267578,85.11468887329102],[171.29786682128906,85.01068267822266],[171.74459838867188,84.8993911743164],[172.18977813720704,84.78179626464843],[172.63335113525392,84.65858459472656],[173.07559204101562,84.53018188476562],[173.51630859375,84.39708938598633],[173.95591278076174,84.26006927490235],[174.3942398071289,84.1192108154297],[174.83160552978515,83.97501525878907],[175.2677764892578,83.82771606445313],[175.7031234741211,83.67767715454102],[176.13750915527345,83.5249740600586],[176.57109832763672,83.37016983032227],[177.00384979248048,83.21301040649415],[177.43599700927734,83.0541000366211],[177.86749877929688,82.89339752197266],[178.29845123291017,82.73112258911134],[178.7288543701172,82.56757736206055],[179.15858459472656,82.40243911743164],[179.58809509277344,82.23643569946289],[180.01730346679688,82.06962890625],[180.44598999023438,81.90162734985351],[180.87444305419922,81.73304901123048],[181.30264892578126,81.5639762878418],[181.73052520751955,81.39392166137695],[182.15841522216797,81.22386703491212],[182.5862777709961,81.05376434326172],[183.0139343261719,80.88315353393556],[183.44159088134765,80.7125358581543],[183.8692611694336,80.54195938110352],[184.29708251953124,80.3717399597168],[184.72489013671876,80.201513671875],[185.15282135009767,80.03136291503907],[185.58099975585938,79.86204986572265],[186.0093978881836,79.6933204650879],[186.43797454833984,79.5251335144043],[186.8669906616211,79.35795593261719],[187.29641876220703,79.19177398681641],[187.7261215209961,79.02636795043945],[188.15633239746094,78.86245193481446],[188.58710632324218,78.69989547729493],[189.01856689453126,78.53898010253907],[189.45071411132812,78.37962341308594],[189.88343811035156,78.2224708557129],[190.3166290283203,78.06645126342774],[190.7493392944336,77.90906524658203],[191.18143157958986,77.74998321533204],[191.61294708251953,77.58938369750977],[192.04381713867187,77.42716369628907],[192.4744125366211,77.26407852172852],[192.90444488525392,77.09948959350587],[193.3342025756836,76.93413162231445],[193.76360321044922,76.76810073852539],[194.1926742553711,76.60106735229492],[194.62153930664064,76.43352584838867],[195.05030822753906,76.26551742553711],[195.4787612915039,76.09691162109375],[195.9072280883789,75.92831268310547],[196.33565368652344,75.75964508056641],[196.7640106201172,75.59080581665039],[197.1923812866211,75.4219596862793],[197.62080688476564,75.2533676147461],[198.0494384765625,75.08522872924804],[198.47808380126955,74.91708984375],[198.90689392089845,74.7494384765625],[199.33596496582032,74.58241195678711],[199.76551666259766,74.4164291381836],[200.19520568847656,74.25124969482422],[200.62537536621093,74.08683242797852],[201.0559844970703,73.92381591796875],[201.48695068359376,73.76184310913087],[201.9185760498047,73.60160751342774],[202.35077819824218,73.44283447265626],[202.7836669921875,73.28606643676758],[203.21736602783204,73.13113861083984],[203.65172424316407,72.97865524291993],[204.0870574951172,72.82845153808594],[204.52324218750002,72.68124847412109],[204.96044311523437,72.53681945800781],[205.39885253906252,72.39611206054688],[205.8384567260742,72.25894088745117],[206.27924194335938,72.1260612487793],[206.7214553833008,71.99774780273438],[207.165234375,71.87487945556641],[207.61048278808593,71.75786819458008],[208.05754394531252,71.64764785766602],[208.50641784667968,71.54498748779297],[208.9570495605469,71.4509994506836],[209.40887603759765,71.3620994567871],[209.8614028930664,71.27713394165039],[210.3146987915039,71.1965217590332],[210.76885986328125,71.12068176269531],[211.2238723754883,71.05035552978516],[211.67979125976564,70.98585891723633],[212.1365753173828,70.92787857055664],[212.59415588378906,70.87682647705078],[213.05247802734377,70.83354034423829],[213.51161041259766,70.79815063476563],[213.97125091552735,70.77093887329102],[214.43126220703127,70.75187759399414],[214.89146575927734,70.7406234741211],[215.35194396972656,70.73654479980469],[215.8124221801758,70.73879013061524],[216.2727493286133,70.74606170654297],[216.73306274414062,70.75684204101563],[217.19329376220705,70.77023162841797],[217.65345611572266,70.78440399169922],[218.11365966796876,70.79883728027345],[218.5739730834961,70.8126319885254],[219.03419036865236,70.8247444152832],[219.49453125,70.83497543334961],[219.95484466552736,70.84552230834962],[220.41495208740236,70.8621597290039],[220.87493591308595,70.88418731689454],[221.33456268310547,70.91044464111329],[221.79403839111328,70.94012832641602],[222.25336303710938,70.97263412475586],[222.7123992919922,71.00751571655273],[223.1714080810547,71.04477996826172],[223.63015594482422,71.08356170654297],[224.08884887695314,71.12392959594727],[224.54739074707032,71.16572570800781],[225.0057815551758,71.20912170410156],[225.46402130126953,71.25364379882812],[225.9221649169922,71.29920959472656],[226.38043212890625,71.34579162597656],[226.83838348388673,71.3932731628418],[227.2962661743164,71.44168853759766],[227.7540252685547,71.4910514831543],[228.2116882324219,71.54149932861328],[228.66932373046876,71.59224929809571],[229.1269317626953,71.64380950927735],[229.58438873291016,71.69612503051758],[230.04173583984377,71.74897613525391],[230.4990417480469,71.8026512145996],[230.95629272460937,71.8568962097168],[231.41343383789064,71.91175918579101],[231.87046508789064,71.96743927001954],[232.3274688720703,72.02373046875],[232.78436279296875,72.08092803955078],[233.23963623046876,72.14861755371093],[233.69337158203126,72.22705993652345],[234.14705200195314,72.30549545288086],[234.60078735351564,72.38393783569336],[235.0544677734375,72.46238021850586],[235.5081756591797,72.54081573486329],[235.96188354492188,72.61925811767578],[236.41559143066408,72.69770050048828],[236.86929931640626,72.77614288330078],[237.32300720214843,72.85457839965821],[237.77671508789064,72.9330207824707],[238.2304229736328,73.01145629882812],[238.68413085937502,73.08989868164063],[239.13781127929687,73.16834106445313],[239.59154663085937,73.24678344726563],[240.04522705078125,73.32522583007812],[240.49896240234375,73.40366134643556],[240.95264282226563,73.48210372924805],[241.40637817382813,73.56053924560547],[241.86005859375,73.63898162841797],[242.3137664794922,73.71742401123048],[242.7674743652344,73.79586639404297],[243.22118225097657,73.87430191040039],[243.67489013671874,73.95274429321289],[244.12859802246095,74.0311866760254],[244.58230590820312,74.10962219238282],[245.03601379394533,74.18806457519531],[245.4897216796875,74.26650695800781],[245.94342956542968,74.34494934082032],[246.3971374511719,74.42338485717774],[246.85081787109377,74.50182723999023],[247.30455322265627,74.58026962280273],[247.75823364257812,74.65870513916016],[248.21196899414062,74.73714752197266],[248.6656494140625,74.81558990478516],[249.119384765625,74.89403228759765],[249.57306518554688,74.97246780395508],[250.02677307128906,75.05091018676758],[250.48048095703126,75.12935256958008],[250.93418884277344,75.20778808593751],[251.38789672851564,75.28623046875],[251.84160461425782,75.3646728515625],[252.2953125,75.443115234375],[252.7490203857422,75.52155075073243],[253.20272827148438,75.59999313354493],[253.65640869140626,75.67843551635742],[254.11014404296876,75.75687103271484],[254.56382446289064,75.83531341552735],[255.01755981445314,75.91375579833985],[255.47124023437502,75.99219818115235],[255.92497558593752,76.07063369750976],[256.3786560058594,76.14907608032227],[256.8323913574219,76.22751159667969],[257.28607177734375,76.30595397949219],[257.7397796630859,76.38439636230468],[258.19348754882816,76.4628387451172],[258.64719543457034,76.5412811279297],[259.1009033203125,76.61971664428711],[259.5546112060547,76.6981590270996],[260.00831909179686,76.77659454345704],[260.4620269775391,76.85503692626953],[260.9157348632813,76.93347930908203],[261.3694152832031,77.01192169189453],[261.8231506347656,77.09036407470704],[262.27683105468753,77.16879959106446],[262.73056640625003,77.24724197387695],[263.1842468261719,77.32567749023438],[263.6379821777344,77.40411987304688],[264.09166259765624,77.48256225585938],[264.54550781250003,77.56101837158204],[264.9991882324219,77.63946075439453],[265.45289611816406,77.71790313720703],[265.90660400390624,77.79634552001953],[266.3603118896485,77.87478103637696],[266.81401977539065,77.95322341918946],[267.2677276611328,78.03166580200195],[267.721435546875,78.11010131835938],[268.1751434326172,78.18854370117188],[268.6288513183594,78.26698608398438],[269.08253173828126,78.34542846679688],[269.53626708984376,78.4238639831543],[269.9899475097656,78.5023063659668],[270.4436828613281,78.58074188232422],[270.89736328125,78.65918426513672],[271.3510986328125,78.73762664794923],[271.8047790527344,78.81606903076172],[272.25848693847655,78.89451141357422],[272.7121948242188,78.97294692993164],[273.16590270996096,79.05138931274415],[273.61961059570314,79.12982482910157],[274.0733184814453,79.20826721191406],[274.5270263671875,79.28670959472656],[274.9807342529297,79.36515197753907],[275.4344421386719,79.44358749389649],[275.8881500244141,79.52202987670898],[276.34185791015625,79.60047225952148],[276.79553833007816,79.67890777587891],[277.24927368164066,79.75735015869141],[277.7029541015625,79.8357925415039],[278.156689453125,79.9142349243164],[278.61036987304686,79.99267044067383],[279.06410522460936,80.07111282348633],[279.5177856445313,80.14955520629883],[279.97149353027345,80.22799072265626],[280.4252014160156,80.30643310546876],[280.8789093017578,80.38487548828125],[281.33261718750003,80.46331787109375],[281.7863250732422,80.54175338745118],[282.2400329589844,80.62019577026368],[282.69374084472656,80.69863815307617],[283.14744873046874,80.77707366943359],[283.601156616211,80.8555160522461],[284.05486450195315,80.9339584350586],[284.508544921875,81.0124008178711],[284.9622802734375,81.09083633422851],[285.4159606933594,81.16927871704102],[285.8696960449219,81.24772109985352],[286.32337646484376,81.32615661621094],[286.77708435058594,81.40459899902343],[287.2307922363281,81.48304138183595],[287.68450012207035,81.56148376464844],[288.1382080078125,81.63991928100586],[288.5919158935547,81.71836166381836],[289.0456237792969,81.79679718017579],[289.49933166503905,81.87523956298828],[289.9530395507813,81.95368194580078],[290.40674743652346,82.03212432861328],[290.86045532226564,82.11056671142579],[291.3141632080078,82.1890022277832],[291.76787109375,82.2674446105957],[292.2215515136719,82.34588012695313],[292.6752868652344,82.42432250976563],[293.12896728515625,82.50276489257813],[293.58270263671875,82.58120727539062],[294.03638305664066,82.65964965820312],[294.49009094238284,82.73808517456055],[294.943798828125,82.81652755737305],[295.3975067138672,82.89496307373047],[295.85121459960936,82.97340545654298],[296.3049224853516,83.05184783935547],[296.7586303710938,83.13029022216797],[297.21233825683595,83.20872573852539],[297.6660461425781,83.2871681213379],[298.1197540283203,83.3656105041504],[298.57346191406253,83.44404602050781],[299.0271697998047,83.52248840332031],[299.4808776855469,83.60093078613282],[299.93455810546874,83.67937316894532],[300.38829345703124,83.75780868530273],[300.84197387695315,83.83625106811523],[301.29570922851565,83.91469345092774],[301.7493896484375,83.99312896728516],[302.203207397461,84.0715919494629],[302.65691528320315,84.15002746582032],[303.1106231689453,84.22846984863281],[303.5643310546875,84.30691223144531],[304.0180389404297,84.38535461425782],[304.4717468261719,84.46379699707032],[304.9254547119141,84.54223251342773],[305.37916259765626,84.62067489624023],[305.83287048339844,84.69911041259766],[306.2865783691406,84.77755279541016],[306.74028625488285,84.85599517822266],[307.193994140625,84.93443756103515],[307.6476745605469,85.01287307739258],[308.1014099121094,85.09131546020508],[308.5550903320313,85.16975784301758],[309.00879821777346,85.24819335937501],[309.46250610351564,85.3266357421875],[309.9162139892578,85.405078125],[310.369921875,85.4835205078125],[310.8236297607422,85.56195602416993],[311.2773376464844,85.64039840698243],[311.7310455322266,85.71884078979492],[312.18475341796875,85.79727630615234],[312.6384613037109,85.87571868896485],[313.09216918945316,85.95416107177735],[313.54587707519534,86.03260345458985],[313.9995849609375,86.11103897094726],[314.45326538085936,86.18948135375977],[314.90700073242186,86.26792373657227],[315.3606811523438,86.34635925292969],[315.8144165039063,86.42480163574218],[316.2680969238281,86.5032440185547],[316.7218048095703,86.5816864013672],[317.17551269531253,86.66012191772461],[317.6292205810547,86.7385643005371],[318.0829284667969,86.81700668334962],[318.53663635253906,86.89544219970703],[318.99034423828124,86.97388458251953],[319.4440521240235,87.05232696533203],[319.89776000976565,87.13076934814454],[320.3514678955078,87.20920486450196],[320.80517578125,87.28764724731445],[321.2588836669922,87.36608963012695],[321.7125915527344,87.44452514648438],[322.16627197265626,87.52296752929688],[322.62000732421876,87.60140991210938],[323.0736877441406,87.67985229492187],[323.5274230957031,87.7582878112793],[323.981103515625,87.8367301940918],[324.4348114013672,87.9151725769043],[324.8885192871094,87.99360809326173],[325.34222717285155,88.07205047607422],[325.7959350585938,88.15049285888672],[326.24964294433596,88.22892837524414],[326.70335083007814,88.30737075805665],[327.1570587158203,88.38581314086915],[327.6107666015625,88.46424865722656],[328.0644744873047,88.54269104003906],[328.5181823730469,88.62113342285157],[328.9718902587891,88.69957580566407],[329.42559814453125,88.77801132202148],[329.87927856445316,88.85645370483398],[330.33301391601566,88.9348960876465],[330.7866943359375,89.01333160400391],[331.2404296875,89.0917739868164],[331.69411010742186,89.1702163696289],[332.1478179931641,89.24865875244141],[332.6015258789063,89.32709426879883],[333.05523376464845,89.40553665161133],[333.5089416503906,89.48397903442383],[333.9626495361328,89.56241455078126],[334.41635742187503,89.64085693359375],[334.8700653076172,89.71929931640625],[335.3237731933594,89.79774169921875],[335.77748107910156,89.87617721557618],[336.23118896484374,89.95461959838867],[336.684896850586,90.03306198120117],[337.13860473632815,90.1114974975586],[337.5923126220703,90.1899398803711],[338.0460205078125,90.2683822631836],[338.4997009277344,90.3468246459961],[338.9534088134766,90.42526016235352],[339.40711669921876,90.50370254516602],[339.86082458496094,90.58214492797852],[340.3146423339844,90.66060104370118],[340.7683502197266,90.73904342651367],[341.22205810546876,90.81747894287109],[341.67576599121094,90.8959213256836],[342.1294738769531,90.9743637084961],[342.58318176269535,91.0528060913086],[343.0368896484375,91.13124160766601],[343.4905975341797,91.20968399047852],[343.9443054199219,91.28812637329102],[344.39801330566405,91.36656188964844],[344.8517211914063,91.44500427246093],[345.30540161132814,91.52344665527345],[345.7591094970703,91.60188903808594],[346.2128173828125,91.68032455444336],[346.6665252685547,91.75876693725586],[347.1202331542969,91.83720932006837],[347.5739410400391,91.91564483642578],[348.02764892578125,91.99408721923828],[348.4813568115234,92.07252960205078],[348.93506469726566,92.15097198486329],[349.38877258300784,92.2294075012207],[349.84248046875,92.3078498840332],[350.2961883544922,92.3862922668457],[350.74989624023436,92.46472778320313],[351.2036041259766,92.54317016601563],[351.6573120117188,92.62161254882812],[352.11101989746095,92.70005493164062],[352.5647277832031,92.77849044799805],[353.01840820312503,92.85693283081055],[353.4721160888672,92.93537521362305],[353.9258239746094,93.01381072998048],[354.37953186035156,93.09225311279297],[354.83323974609374,93.17069549560547],[355.286947631836,93.24913101196289],[355.74065551757815,93.3275733947754],[356.1943634033203,93.4060157775879],[356.6480712890625,93.4844581604004],[357.1017791748047,93.56289367675781],[357.5554870605469,93.64133605957032],[358.0091949462891,93.71977844238282],[358.46290283203126,93.79821395874023],[358.91661071777344,93.87665634155273],[359.3703186035156,93.95509872436524],[359.82402648925785,94.03353424072266],[360.277734375,94.11197662353516],[360.7314147949219,94.19041900634765],[361.18512268066405,94.26886138916016],[361.6388305664063,94.34729690551758],[362.09253845214846,94.42573928833008],[362.54624633789064,94.50418167114258],[362.9999542236328,94.5826171875],[363.453662109375,94.6610595703125],[363.9073699951172,94.739501953125],[364.3610778808594,94.8179443359375],[364.8147857666016,94.89637985229493],[365.26849365234375,94.97482223510742],[365.7222015380859,95.05326461791992],[366.17590942382816,95.13170013427735],[366.62961730957034,95.21014251708985],[367.0833251953125,95.28858489990235],[367.5370330810547,95.36702728271484],[367.99074096679686,95.44546279907227],[368.4444213867188,95.52390518188477],[368.89812927246095,95.60234756469727],[369.3518371582031,95.68078308105468],[369.8055450439453,95.7592254638672],[370.25925292968753,95.8376678466797],[370.7129608154297,95.91611022949219],[371.1666687011719,95.9945457458496],[371.62037658691406,96.07298812866212],[372.07408447265624,96.15143051147462],[372.5277923583985,96.22986602783203],[372.98150024414065,96.30830841064453],[373.4352081298828,96.38675079345704],[373.888916015625,96.46519317626954],[374.3426239013672,96.54362869262695],[374.7963317871094,96.62207107543945],[375.2500396728516,96.70051345825196],[375.70374755859376,96.77894897460938],[376.1574279785156,96.85739135742188],[376.61113586425785,96.93583374023437],[377.06484375,97.0142692565918],[377.5185516357422,97.0927116394043],[377.9723693847656,97.17117462158204],[378.42607727050785,97.24961013793946],[378.87978515625,97.32805252075195],[379.3334930419922,97.40649490356445],[379.7872009277344,97.48493041992188],[380.24090881347655,97.56337280273438],[380.6946166992188,97.64181518554688],[381.14832458496096,97.72025756835937],[381.60203247070314,97.7986930847168],[382.0557403564453,97.8771354675293],[382.5094482421875,97.9555778503418],[382.9631286621094,98.03401336669923],[383.4168365478516,98.11245574951172],[383.87054443359375,98.19089813232422],[384.3242523193359,98.26933364868164],[384.77796020507816,98.34777603149415],[385.23166809082034,98.42621841430665],[385.6853759765625,98.50466079711914],[386.1390838623047,98.58309631347656],[386.59279174804686,98.66153869628907],[387.0464996337891,98.73998107910157],[387.5002075195313,98.81841659545898],[387.95391540527345,98.89685897827148],[388.4076232910156,98.975301361084],[388.8613311767578,99.05374374389649],[389.31503906250003,99.1321792602539],[389.7687469482422,99.2106216430664],[390.2224548339844,99.28906402587891],[390.67613525390624,99.36749954223633],[391.1298431396485,99.44594192504883],[391.58355102539065,99.52438430786133],[392.0372589111328,99.60282669067384],[392.490966796875,99.68126220703125],[392.9446746826172,99.75970458984375],[393.3983825683594,99.83814697265625],[393.8520904541016,99.91658248901368],[394.30579833984376,99.99502487182617],[394.75950622558594,100.07346725463867],[395.21359863281253,100.1497673034668],[395.66843261718753,100.22113723754883],[396.12384338378905,100.28914260864258],[396.579638671875,100.35438766479493],[397.0357360839844,100.41706466674805],[397.4923004150391,100.47685089111329],[397.94919433593753,100.53384246826172],[398.4064178466797,100.58801193237305],[398.86402587890626,100.63918075561524],[399.3219909667969,100.68712921142578],[399.78020324707035,100.73159637451172],[400.23882751464845,100.77206039428711],[400.697836303711,100.80832901000977],[401.15720214843753,100.83997650146485],[401.61692504882814,100.86641921997071],[402.0768951416016,100.8869842529297],[402.5371124267578,100.90064163208008],[402.9975219726563,100.90610046386719],[403.4578765869141,100.90208358764649],[403.9180114746094,100.88624267578125],[404.3774047851563,100.85515823364258],[404.8348754882813,100.80383834838868],[405.2884460449219,100.72483978271485],[405.73833618164065,100.62706832885742],[406.18523254394535,100.51600341796875],[406.6285308837891,100.39183731079102],[407.0679565429688,100.25428161621095],[407.5029327392578,100.10341186523438],[407.9331848144531,99.93955078125],[408.35821838378905,99.76257476806641],[408.77789611816405,99.5731086730957],[409.19166870117186,99.37131729125977],[409.59959106445314,99.1577362060547],[410.00136108398436,98.93285293579102],[410.3968139648438,98.69717559814454],[410.7862243652344,98.45141830444337],[411.1692626953125,98.19594497680664],[411.5462585449219,97.93171005249023],[411.9174041748047,97.65907058715821],[412.28264465332035,97.37890548706055],[412.64263916015625,97.09168167114258],[412.98955993652345,96.78902893066406],[413.3191223144531,96.46756896972657],[413.63506164550785,96.13265075683594],[413.94028930664064,95.78792724609376],[414.2365631103516,95.43547897338867],[414.525228881836,95.07675476074219],[414.80719299316405,94.7127571105957],[415.0834991455078,94.34437866210938],[415.3546966552735,93.97228546142578],[415.6208953857422,93.59669036865235],[415.88327636718753,93.21831436157227],[416.1415649414063,92.837109375],[416.3962829589844,92.45351486206054],[416.6472930908203,92.06763381958008],[416.89500732421874,91.6795280456543],[417.1391510009766,91.28912887573243],[417.3797241210938,90.89645690917969],[417.6016479492188,90.4947280883789],[417.7495513916016,90.05868759155274],[417.8974548339844,89.62264709472656],[418.0453308105469,89.18661346435547],[418.1932342529297,88.75057983398438],[418.3411376953125,88.31453247070313],[418.489013671875,87.87849884033203],[418.6369171142578,87.44246520996094],[418.7848205566406,87.00642471313476],[418.93272399902344,86.5703842163086],[419.0805999755859,86.1343505859375],[419.22850341796874,85.69831008911133],[419.37640686035155,85.26226959228516],[419.5242828369141,84.82623596191407],[419.6721862792969,84.3901954650879],[419.8200897216797,83.95415496826172],[419.96799316406253,83.51812133789063],[420.115869140625,83.08208084106445],[420.26377258300784,82.64604034423829],[420.41167602539065,82.21000671386719],[420.55955200195314,81.77396621704102],[420.70745544433595,81.33792572021484],[420.85535888671876,80.90189208984376],[421.0032623291016,80.46585845947266],[421.15113830566406,80.02981109619141],[421.2990417480469,79.59377746582031],[421.4469451904297,79.15774383544922],[421.5948486328125,78.72170333862304],[421.742724609375,78.28566284179688],[421.8906280517578,77.84962921142578],[422.0385314941406,77.41358871459961],[422.18640747070316,76.97754821777345],[422.334310913086,76.54151458740235],[422.4822143554688,76.10547409057618],[422.6300903320313,75.66943359375],[422.7779937744141,75.23339996337891],[422.9258972167969,74.79735946655273],[423.0738006591797,74.36131896972657],[423.2216766357422,73.92528533935547],[423.369580078125,73.48925170898438],[423.5174835205078,73.05320434570312],[423.66538696289064,72.61717071533204],[423.8132629394531,72.18113708496094],[423.96116638183594,71.74509658813477],[424.10906982421875,71.30905609130859],[424.25694580078124,70.8730224609375],[424.40484924316405,70.43698196411133],[424.55275268554686,70.00094146728516],[424.7006561279297,69.56490783691406],[424.8485321044922,69.1288673400879],[424.99643554687503,68.69282684326173],[425.14433898925785,68.25679321289063],[425.29221496582034,67.82075271606446],[425.44011840820315,67.38471221923828],[425.58802185058596,66.9486785888672],[425.7359252929688,66.51263809204102],[425.88380126953126,66.07659759521485],[426.0317047119141,65.64056396484375],[426.1796081542969,65.20453033447266],[426.3274841308594,64.76848983764648],[426.4753875732422,64.33244934082032],[426.623291015625,63.89641571044922],[426.7711944580078,63.460375213623045],[426.9190704345703,63.02433471679688],[427.0669738769531,62.58830108642578],[427.2148773193359,62.152260589599614],[427.36278076171874,61.71622009277344],[427.5106567382813,61.28018646240235],[427.6585601806641,60.844145965576175],[427.8064636230469,60.40810546875],[427.95439453125,59.971961975097656],[428.10227050781253,59.535928344726564],[428.25017395019535,59.09988784790039],[428.39807739257816,58.6638542175293],[428.545980834961,58.227813720703125],[428.69385681152346,57.79178009033203],[428.8417602539063,57.35573959350586],[428.9896636962891,56.919699096679686],[429.1375396728516,56.48366203308105],[429.2854431152344,56.04762496948242],[429.4333465576172,55.611584472656254],[429.58125,55.175550842285155],[429.7291259765625,54.73951034545899],[429.8770294189453,54.303473281860356],[430.0249328613281,53.86743621826172],[430.1728088378906,53.43139572143555],[430.3207122802734,52.99535865783692],[430.46861572265624,52.559321594238284],[430.61651916503905,52.12328109741211],[430.7643951416016,51.68724746704102],[430.9122985839844,51.251206970214845],[431.0602020263672,50.81516990661621],[431.2080780029297,50.37913284301758],[431.3559814453125,49.943092346191406],[431.50388488769534,49.50705528259277],[431.65178833007815,49.07101821899414],[431.79966430664064,48.63497772216797],[431.94756774902345,48.198940658569335],[432.09547119140626,47.7629035949707],[432.24334716796875,47.32686653137207],[432.39125061035156,46.890829467773436],[432.5391540527344,46.45478897094727],[432.6870574951172,46.01875190734864],[432.8349334716797,45.582714843750004],[432.9828369140625,45.14667434692383],[433.1307403564453,44.7106372833252],[433.2786437988281,44.274600219726565],[433.42651977539066,43.83856315612793],[433.5744232177735,43.4025260925293],[433.7223266601563,42.966485595703126],[433.8702026367188,42.530448532104494],[434.0181060791016,42.09441146850586],[434.1660095214844,41.65837097167969],[434.3139129638672,41.222333908081055],[434.4617889404297,40.78629684448242],[434.6096923828125,40.35025978088379],[434.7575958251953,39.914219284057616],[434.9054718017578,39.47818222045898],[435.0533752441406,39.04214515686035],[435.20127868652344,38.60610809326172],[435.34918212890625,38.17006759643555],[435.49705810546874,37.73403053283692],[435.64496154785155,37.297993469238286],[435.79286499023436,36.86195640563965],[435.9407409667969,36.42591590881348],[436.11138610839845,35.99949188232422],[436.32207641601565,35.59004516601563],[436.53570556640625,35.18217086791992],[436.7521087646484,34.77571105957031],[436.97092895507814,34.37066917419434],[437.1921112060547,33.96682205200195],[437.4160400390625,33.564547348022465],[437.6424957275391,33.16364936828614],[437.87158813476566,32.76416244506836],[438.1034271240234,32.3663818359375],[438.33823242187503,31.970304107666017],[438.5760040283203,31.57601852416992],[438.8173461914063,31.183981704711915],[439.062451171875,30.794159317016604],[439.31162109375003,30.406918716430663],[439.565185546875,30.022627258300783],[439.82374877929686,29.641679763793945],[440.0880798339844,29.264711380004883],[440.35886535644534,28.892312622070314],[440.63709411621096,28.52538299560547],[440.9238647460938,28.165196228027344],[441.2215118408203,27.81397361755371],[441.53228759765625,27.47431926727295],[441.85918579101565,27.150208854675295],[442.191357421875,26.831346130371095],[442.52501220703124,26.514072990417482],[442.86047973632816,26.198670959472658],[443.1982818603516,25.885759735107424],[443.53874816894535,25.575759887695312],[443.88251037597655,25.26929454803467],[444.2297607421875,24.966933631896975],[444.58099365234375,24.669307136535647],[444.93689575195316,24.377101707458497],[445.2976043701172,24.090986824035646],[445.66355895996094,23.81158905029297],[446.03508911132815,23.539536666870116],[446.4123046875,23.275653648376466],[446.7954803466797,23.02042407989502],[447.18475341796875,22.774450492858886],[447.5800415039063,22.538333702087403],[447.9812896728516,22.312590408325196],[448.38841552734374,22.097601699829102],[448.80128173828126,21.893757247924807],[449.21953125,21.70134201049805],[449.6429168701172,21.52034568786621],[450.06970825195316,21.34764747619629],[450.4991363525391,21.18167495727539],[450.9313934326172,21.022951698303224],[451.36639709472655,20.87216091156006],[451.8042022705078,20.729656219482422],[452.24464416503906,20.595439338684084],[452.6875305175781,20.469560050964358],[453.1325317382813,20.351354026794436],[453.579345703125,20.239871978759766],[454.0274230957031,20.13413715362549],[454.4766540527344,20.03313331604004],[454.92673645019534,19.935957527160646],[455.37717590332034,19.840676879882814],[455.82802734375,19.747147178649904],[456.2789611816406,19.654019165039063],[456.7298950195313,19.560994148254395],[457.1808288574219,19.467970848083496],[457.63148803710936,19.37350730895996],[458.0818725585938,19.27818031311035],[458.53209228515624,19.18168087005615],[458.9841522216797,19.094852828979494],[459.44104614257816,19.038187408447268],[459.9003021240234,19.006670379638674],[460.360546875,18.995493507385255],[460.8210388183594,19.001031303405764],[461.28098144531253,19.02052173614502],[461.7403198242188,19.052229309082033],[462.198779296875,19.0941370010376],[462.65635986328124,19.145336723327638],[463.1129516601563,19.204757308959962],[463.56866455078125,19.27089500427246],[464.0232238769531,19.344091415405273],[464.4768493652344,19.42287368774414],[464.92954101562503,19.507020378112795],[465.38124389648436,19.59639415740967],[465.83201293945314,19.690152168273926],[466.28184814453124,19.788302993774415],[466.73069458007814,19.890542793273926],[467.1788818359375,19.996468162536623],[467.6261352539063,20.1060001373291],[468.0723449707031,20.219046020507815],[468.5178955078125,20.33558177947998],[468.96251220703124,20.45494136810303],[469.40635986328124,20.577421760559083],[469.84938354492186,20.70297145843506],[470.2915283203125,20.83151321411133],[470.73279418945316,20.96301612854004],[471.1730163574219,21.097660446166994],[471.6122497558594,21.235863304138185],[472.04412231445315,21.39154815673828],[472.4386413574219,21.628907775878908],[472.8332153320313,21.866260528564453],[473.227734375,22.10362014770508],[473.62225341796875,22.340972900390625],[474.01682739257814,22.57833251953125],[474.4114013671875,22.815685272216797],[474.80592041015626,23.053044891357423],[475.200439453125,23.29039764404297],[475.5950134277344,23.527757263183595],[475.9895324707031,23.76511001586914],[476.3841064453125,24.002469635009767],[476.77862548828125,24.239822387695312],[477.17314453125,24.47718200683594],[477.5677185058594,24.714534759521484],[477.9622375488281,24.95189437866211],[478.3568115234375,25.189247131347656],[478.75133056640624,25.426606750488283],[479.1459594726563,25.664021301269532],[479.54053344726566,25.901374053955077],[479.9350524902344,26.138733673095704],[480.3296264648438,26.37608642578125],[480.7241455078125,26.613446044921876],[481.11866455078126,26.85079879760742],[481.51323852539065,27.088158416748048],[481.90781250000003,27.325511169433593],[482.3023315429688,27.56287078857422],[482.6968505859375,27.800223541259765],[483.0914245605469,28.03758316040039],[483.48594360351564,28.274935913085937],[483.880517578125,28.512295532226563],[484.27503662109376,28.74964828491211],[484.6695556640625,28.987007904052735],[485.0641296386719,29.22436752319336],[485.4586486816406,29.461720275878907],[485.85322265625,29.699079895019533],[486.24774169921875,29.93643264770508],[486.64231567382814,30.173792266845705],[487.0368347167969,30.41114501953125],[487.43140869140626,30.648504638671877],[487.825927734375,30.885857391357423],[488.22044677734374,31.12321701049805],[488.6150207519531,31.360569763183594],[489.00953979492186,31.59792938232422],[489.40411376953125,31.835282135009766],[489.7986328125,32.07264175415039],[490.1931518554688,32.30999450683594],[490.5877258300781,32.54735412597656],[490.9822998046875,32.784706878662114],[491.37681884765624,33.02206649780273],[491.77133789062503,33.259419250488286],[492.16591186523436,33.496778869628905],[492.56043090820316,33.73413848876953],[492.9550048828125,33.97149124145508],[493.3495239257813,34.2088508605957],[493.74404296875,34.44620361328125],[494.1386169433594,34.683563232421875],[494.53319091796874,34.92091598510742],[494.92770996093753,35.15827560424805],[495.3222290039063,35.39562835693359],[495.71680297851566,35.63298797607422],[496.1113220214844,35.870340728759764],[496.5058959960938,36.10770034790039],[496.9004150390625,36.345053100585936],[497.29493408203126,36.58241271972656],[497.68950805664065,36.81976547241211],[498.0840270996094,37.057125091552734],[498.4786010742188,37.29447784423828],[498.8731201171875,37.531837463378906],[499.2676940917969,37.76919021606445],[499.66221313476564,38.00654983520508],[500.056787109375,38.243902587890624],[500.45130615234376,38.48126220703125],[500.8458251953125,38.718621826171876],[501.2403991699219,38.95597457885742],[501.6349182128906,39.19333419799805],[502.0294921875,39.430686950683594],[502.42401123046875,39.66804656982422],[502.81858520507814,39.905399322509766],[503.2131042480469,40.14275894165039],[503.60767822265626,40.38011169433594],[504.002197265625,40.617471313476564],[504.39671630859374,40.85482406616211],[504.7912902832031,41.092183685302736],[505.18580932617186,41.32953643798828],[505.58038330078125,41.56689605712891],[505.97490234375,41.80424880981445],[506.3694213867188,42.04160842895508],[506.7639953613281,42.278961181640625],[507.1585144042969,42.51632080078125],[507.55308837890624,42.7536735534668],[507.94760742187503,42.99103317260742],[508.34218139648436,43.22838592529297],[508.73670043945316,43.465745544433595],[509.1312744140625,43.70310516357422],[509.5257934570313,43.94045791625977],[509.9203125,44.17781753540039],[510.3148864746094,44.41517028808594],[510.70940551757815,44.652529907226565],[511.10397949218753,44.88988265991211],[511.4984985351563,45.12724227905274],[511.89307250976566,45.36459503173828],[512.2877014160157,45.602009582519536],[512.6822204589844,45.839369201660155],[513.0767944335938,46.07672195434571],[513.4713134765625,46.31408157348633],[513.8658325195313,46.55143432617188],[514.2604064941406,46.7887939453125],[514.6549255371094,47.02614669799805],[515.0494995117188,47.26350631713867],[515.4440185546875,47.50085906982422],[515.8385925292969,47.73821525573731],[516.2331115722657,47.975571441650395],[516.627685546875,48.21292762756348],[517.0222045898438,48.4502872467041],[517.4167236328125,48.687643432617186],[517.8112976074219,48.92499961853027],[518.2058166503906,49.16235580444336],[518.600390625,49.399711990356444],[518.9949096679687,49.63706817626953],[519.3894836425782,49.874424362182616],[519.7840026855469,50.1117805480957],[520.1785766601563,50.34913673400879],[520.573095703125,50.586492919921874],[520.9676147460938,50.82384910583496],[521.3621887207031,51.061205291748045],[521.7567077636719,51.29856147766113],[522.1512817382812,51.53591766357422],[522.54580078125,51.7732738494873],[522.9403198242188,52.01063003540039],[523.3348937988281,52.247986221313475],[523.729412841797,52.48534240722656],[524.1239868164063,52.72269859313965],[524.5185058593751,52.96005477905273],[524.9130798339844,53.19741439819336],[525.3075988769532,53.434770584106445],[525.7021728515625,53.67212677001953],[526.0966918945313,53.90948295593262],[526.4912109375,54.1468391418457],[526.8857849121094,54.38419532775879],[527.2803039550781,54.621551513671875],[527.6748779296876,54.85890769958496],[528.0693969726562,55.09626388549805],[528.4639709472657,55.33362007141113],[528.8584899902344,55.57097625732422],[529.2530639648438,55.808332443237305],[529.6475830078125,56.04568862915039],[530.0421020507813,56.28304481506348],[530.4366760253906,56.52040100097656],[530.8311950683594,56.75775718688965],[531.2257690429688,56.995113372802734],[531.6202880859375,57.23246955871582],[532.0148620605469,57.469825744628906],[532.4093811035157,57.70718536376953],[532.803955078125,57.94454498291016],[533.1984741210938,58.181897735595705],[533.5929931640625,58.41925048828125],[533.9875671386719,58.656610107421876],[534.3820861816406,58.8939697265625],[534.77666015625,59.13132247924805],[535.1711791992187,59.368675231933594],[535.5656982421875,59.60603485107422],[535.9602722167969,59.84339447021485],[536.3547912597656,60.08074722290039],[536.749365234375,60.31809997558594],[537.1438842773438,60.555459594726564],[537.5384582519531,60.79281921386719],[537.9329772949219,61.030171966552736],[538.3275512695312,61.26752471923828],[538.7220703125,61.50488433837891],[539.1165893554688,61.742243957519534],[539.5111633300781,61.97959671020508],[539.905682373047,62.216949462890625],[540.3002563476563,62.45430908203125],[540.6947753906251,62.69166870117188],[541.0893493652344,62.929028320312504],[541.4838684082032,63.16638107299805],[541.8784423828125,63.403733825683595],[542.2729614257813,63.64109344482422],[542.66748046875,63.87845306396485],[543.0620544433594,64.1158058166504],[543.4565734863281,64.35315856933595],[543.8511474609376,64.59051818847657],[544.2456665039062,64.82787780761718],[544.6402404785157,65.06523056030274],[545.0348693847657,65.30264511108399],[545.4293884277344,65.53999786376953],[545.8239624023438,65.77735748291016],[546.2184814453125,66.01471710205078],[546.6130004882813,66.25206985473633],[547.0075744628906,66.48942260742187],[547.4020935058594,66.7267822265625],[547.7966674804687,66.96414184570312],[548.1911865234375,67.20149459838868],[548.5857604980469,67.43884735107422],[548.9802795410156,67.67620697021485],[549.374853515625,67.91356658935547],[549.7693725585938,68.15091934204102],[550.1638916015626,68.38827209472656],[550.5584655761719,68.6256317138672],[550.9529846191407,68.86299133300781],[551.34755859375,69.10034408569337],[551.7420776367188,69.3376968383789],[552.1366516113281,69.57505645751954],[552.531170654297,69.81241607666016],[552.9257446289063,70.04976882934571],[553.3202636718751,70.28712844848633],[553.7147827148438,70.52448120117188],[554.1093566894532,70.7618408203125],[554.5038757324219,70.99920043945313],[554.8984497070313,71.23655319213867],[555.29296875,71.47390594482422],[555.6874877929688,71.71126556396484],[556.0820617675781,71.94862518310548],[556.4765808105469,72.18597793579102],[556.8711547851562,72.42333068847657],[557.265673828125,72.66069030761719],[557.6602478027344,72.89804992675782],[558.0547668457032,73.13540267944336],[558.4493408203125,73.37275543212891],[558.8438598632813,73.61011505126953],[559.23837890625,73.84747467041016],[559.6329528808594,74.0848274230957],[560.0274719238281,74.32218017578126],[560.4220458984375,74.55953979492188],[560.8165649414062,74.79689941406251],[561.2111389160157,75.03425903320313],[561.6056579589844,75.27161178588868],[562.0002319335938,75.50896453857422],[562.3947509765625,75.74632415771485],[562.7892700195313,75.98368377685547],[563.1838439941406,76.22103652954102],[563.5783630371094,76.45838928222656],[563.9729370117187,76.6957489013672],[564.3674560546875,76.93310852050782],[564.7620300292969,77.17046127319337],[565.1565490722656,77.4078140258789],[565.5510681152344,77.64517364501954],[565.9456420898438,77.88253326416016],[566.3401611328126,78.11988601684571],[566.7347351074219,78.35723876953125],[567.1292541503907,78.59459838867188],[567.523828125,78.8319580078125],[567.9183471679688,79.06931076049806],[568.3128662109375,79.30667037963867],[568.707440185547,79.54402313232423],[569.1019592285156,79.78138275146485],[569.4965332031251,80.0187355041504],[569.8910522460938,80.25609512329102],[570.2856262207032,80.49344787597657],[570.6801452636719,80.73080749511719],[571.0747192382813,80.96816024780274],[571.46923828125,81.20551986694336],[571.8637573242188,81.44287261962891],[572.2583312988281,81.68023223876953],[572.6528503417969,81.91759185791015],[573.0474243164062,82.1549446105957],[573.441943359375,82.39229736328126],[573.8365173339844,82.62965698242188],[574.2310363769532,82.8670166015625],[574.6256103515625,83.10436935424805],[575.0201293945313,83.3417221069336],[575.4146484375,83.57908172607422],[575.8092224121094,83.81644134521484],[576.2037414550781,84.0537940979004],[576.5983154296875,84.29115371704101],[576.9928344726562,84.52850646972657],[577.387353515625,84.76586608886718],[577.7820373535156,85.00328063964844],[578.1765563964844,85.24063339233399],[578.5711303710938,85.47798614501953],[578.9656494140626,85.71534576416016],[579.3601684570312,85.95270538330078],[579.7547424316407,86.19005813598633],[580.1492614746094,86.42741775512695],[580.5438354492188,86.6647705078125],[580.9383544921875,86.90213012695312],[581.332928466797,87.13948287963868],[581.7274475097656,87.3768424987793],[582.1220214843751,87.61419525146485],[582.5165405273438,87.85155487060547],[582.9110595703125,88.08890762329102],[583.3056335449219,88.32626724243164],[583.7001525878907,88.5636199951172],[584.0947265625,88.80097961425781],[584.4892456054688,89.03833923339845],[584.8838195800781,89.27569198608398],[585.2783386230469,89.51304473876954],[585.6728576660156,89.75040435791016],[586.067431640625,89.98776397705079],[586.4619506835937,90.22511672973633],[586.8565246582032,90.46246948242188],[587.2510437011719,90.6998291015625],[587.6456176757813,90.93718872070313],[588.04013671875,91.17454147338867],[588.4346557617188,91.4119010925293],[588.8292297363281,91.64925384521484],[589.2237487792969,91.88661346435548],[589.6183227539062,92.12396621704102],[590.012841796875,92.36132583618165],[590.4074157714844,92.59867858886719],[590.8019348144531,92.83603820800782],[591.1965087890625,93.07339096069336],[591.5910278320313,93.310750579834],[591.9855468750001,93.54810333251953],[592.3801208496094,93.78546295166016],[592.7746398925782,94.02282257080078],[593.1692138671875,94.26017532348634],[593.5637329101563,94.49752807617188],[593.9583068847656,94.73488769531251],[594.3528259277344,94.97224731445313],[594.7473449707031,95.20960006713868],[595.1419189453126,95.4469596862793],[595.5364379882812,95.68431243896485],[595.9310119628907,95.92167205810547],[596.3255310058594,96.15902481079102],[596.7201049804688,96.39638442993164],[597.1146240234375,96.6337371826172],[597.509197998047,96.87109680175782],[597.9037170410156,97.10844955444337],[598.2982360839844,97.34580917358399],[598.6928100585938,97.58316192626954],[599.0873291015625,97.82052154541016],[599.4819030761719,98.05787429809571],[599.8764221191407,98.29523391723633],[600.27099609375,98.53258666992188],[600.6655151367188,98.7699462890625],[601.0600341796875,99.00730590820312],[601.4546081542969,99.24465866088867],[601.8491271972656,99.4820182800293],[602.243701171875,99.71937103271485],[602.6382202148437,99.95673065185547],[603.0327941894532,100.19408340454102],[603.4273132324219,100.43144302368164],[603.8218872070313,100.66879577636719],[604.21640625,100.90615539550781],[604.6109252929688,101.14350814819336],[605.0054992675781,101.38086776733398],[605.4000183105469,101.61822052001953],[605.7945922851562,101.85558013916015],[606.189111328125,102.0929328918457],[606.5836853027344,102.33029251098633],[606.9782043457031,102.56764526367188],[607.372723388672,102.8050048828125],[607.7672973632813,103.04235763549805],[608.1618164062501,103.27971725463867],[608.5563903808594,103.51707000732422],[608.9509094238282,103.75442962646484],[609.3454833984375,103.99178924560547],[609.7400024414063,104.22914199829101],[610.134521484375,104.46650161743165],[610.5292053222656,104.70390930175782],[610.9237243652344,104.94126892089844],[611.3182983398438,105.17862167358399],[611.680078125,105.4627281188965],[612.0361999511719,105.75462799072265],[612.3910034179688,106.04803848266602],[612.7442687988281,106.34333724975586],[613.0963256835938,106.64012603759765],[613.4476684570312,106.93769073486328],[613.79736328125,107.23710250854492],[614.1459594726563,107.53803863525391],[614.4932373046876,107.8402931213379],[614.8393066406251,108.14404449462891],[615.1840576171875,108.44916229248047],[615.5273803710937,108.75598297119141],[615.8693298339844,109.06443786621094],[616.2097412109375,109.37440338134766],[616.5486145019531,109.68604431152345],[616.8860046386719,109.99943618774414],[617.2216369628907,110.31454467773438],[617.5556213378907,110.63153457641602],[617.8874633789063,110.95076293945313],[618.2172729492188,111.27199630737304],[618.5448852539063,111.59549560546876],[618.8700256347656,111.92156295776367],[619.192529296875,112.25019836425781],[619.5122314453125,112.58151168823242],[619.8288024902344,112.91586685180664],[620.1418029785157,113.25359344482422],[620.4509033203125,113.59473953247071],[620.7558288574219,113.93981323242188],[621.0557006835937,114.28915786743164],[621.3512329101562,114.64232711791992],[621.6428649902344,114.99855880737304],[621.9310913085938,115.35764007568359],[622.2160217285157,115.71926879882812],[622.4980407714844,116.08331451416016],[622.7774230957032,116.44925537109376],[623.0539489746094,116.81737976074218],[623.328662109375,117.18686370849609],[623.6013427734375,117.55796813964844],[623.8716064453125,117.93072052001953],[624.1399475097656,118.30477752685547],[624.406640625,118.6801528930664],[624.671630859375,119.05666809082031],[624.9350830078125,119.43436431884766],[625.1968872070313,119.8130355834961],[625.4571533203125,120.1928466796875],[625.7159362792969,120.57378387451172],[625.973291015625,120.95555877685547],[626.2293273925782,121.33822631835938],[626.4839904785157,121.72174530029297],[626.7371154785156,122.1064453125],[626.9895263671875,122.49152984619141],[627.2401794433594,122.87771301269531],[627.4901184082031,123.26439056396485],[627.7381896972656,123.65231781005859],[627.9850524902344,124.04093170166016],[628.2305419921876,124.43053436279297],[628.4740539550781,124.82126312255859],[628.6807067871094,125.2319320678711],[628.8731872558594,125.6501953125],[629.06572265625,126.06844482421876],[629.2582580566407,126.48670806884766],[629.4507385253906,126.90497131347657],[629.6432739257813,127.32322082519532],[629.8358093261719,127.74148406982422],[630.0283447265625,128.15973358154298],[630.2208251953125,128.57799682617187],[630.4133605957031,128.99624633789062],[630.6058959960938,129.41450958251954],[630.7983764648437,129.83277282714843],[630.9909118652344,130.2510223388672],[631.183447265625,130.6692855834961],[631.3759277343751,131.08753509521486],[631.5684631347657,131.50579833984375],[631.7609985351563,131.9240478515625],[631.9534790039063,132.34231109619142],[632.1460144042969,132.7605743408203],[632.3385498046875,133.17882385253907],[632.5310302734375,133.597087097168],[632.7235656738281,134.0153366088867],[632.9161010742188,134.43359985351563],[633.1085815429688,134.8518493652344],[633.301171875,135.27020874023438],[633.49365234375,135.6884719848633],[633.6861877441406,136.10672149658203],[633.8787231445312,136.52498474121094],[634.0712036132812,136.94324798583986],[634.2637390136719,137.3614974975586],[634.4562744140625,137.7797607421875],[634.6487548828126,138.19801025390626],[634.8412902832032,138.61627349853515],[635.0338256835938,139.0345230102539],[635.2263061523438,139.45278625488282],[635.4188415527344,139.8710494995117],[635.611376953125,140.28929901123047],[635.803857421875,140.7075622558594],[635.9963928222656,141.12581176757814],[636.1889282226563,141.54407501220703],[636.3814086914062,141.9623245239258],[636.5739440917969,142.3805877685547],[636.7664794921875,142.7988510131836],[636.9590148925781,143.21710052490235],[637.1514953613281,143.63536376953127],[637.3440307617187,144.05361328125],[637.5365661621094,144.4718765258789],[637.7290466308594,144.89012603759767],[637.9215820312501,145.30838928222656],[638.1141174316407,145.72665252685547],[638.3065979003907,146.14490203857423],[638.4991333007813,146.56316528320312],[638.6916687011719,146.98141479492188],[638.8841491699219,147.3996780395508],[639.0766845703125,147.81792755126955],[639.2692199707031,148.23619079589844],[639.4617004394531,148.65445404052736],[639.6542358398438,149.0727035522461],[639.8467712402344,149.490966796875],[640.0392517089844,149.90921630859376],[640.231787109375,150.32747955322267],[640.4243225097656,150.7457290649414],[640.6168029785157,151.16399230957032],[640.8093383789063,151.58225555419924],[641.001873779297,152.00050506591796],[641.1943542480469,152.41876831054688],[641.3868896484375,152.83701782226564],[641.5794250488282,153.25528106689453],[641.7719055175781,153.67353057861328],[641.9644409179688,154.0917938232422],[642.15703125,154.5101531982422],[642.34951171875,154.92830657958984],[642.5420471191406,155.34666595458984],[642.7345275878906,155.76481933593752],[642.9270629882812,156.1831787109375],[643.1195434570312,156.60133209228516],[643.3121337890625,157.01969146728516],[643.5046142578125,157.43785858154297],[643.6971496582031,157.85620422363283],[643.8896301269532,158.27437133789064],[644.0821655273438,158.69273071289064],[644.2746459960938,159.1108840942383],[644.4672363281251,159.52924346923828],[644.659716796875,159.94739685058593],[644.8522521972657,160.36575622558595],[645.0447326660156,160.7839096069336],[645.2372680664063,161.2022689819336],[645.4297485351562,161.62042236328125],[645.6223388671875,162.03878173828124],[645.8148193359375,162.45694885253906],[646.0073547363281,162.87529449462892],[646.1998352050781,163.29346160888673],[646.3923706054687,163.71182098388672],[646.5848510742188,164.12997436523438],[646.77744140625,164.54833374023437],[646.9699218750001,164.96648712158205],[647.1624572753907,165.38484649658204],[647.3549377441407,165.8029998779297],[647.5474731445313,166.2213592529297],[647.7399536132813,166.63951263427734],[647.9325439453125,167.05787200927736],[648.1250244140625,167.476025390625],[648.3175598144531,167.894384765625],[648.5100402832031,168.31255187988282],[648.7026306152344,168.7309112548828],[648.8950561523437,169.14905090332033],[649.087646484375,169.56741027832032],[649.280126953125,169.98557739257814],[649.4726623535156,170.40393676757813],[649.6651428222657,170.82209014892578],[649.8577331542969,171.24044952392578],[650.0501586914063,171.65860290527345],[650.2427490234376,172.07696228027345],[650.4352294921875,172.49512939453126],[650.6277648925782,172.9134750366211],[650.8202453613281,173.33162841796874],[651.0128356933594,173.74998779296877],[651.2052612304688,174.16815490722658],[651.3978515625,174.58651428222657],[651.59033203125,175.00465393066406],[651.7828674316406,175.42301330566406],[651.9753479003906,175.84118041992187],[652.1679382324219,176.2595397949219],[652.3604187011719,176.67769317626954],[652.5529541015625,177.09605255126954],[652.7454345703126,177.5142059326172],[652.9379699707032,177.93256530761718],[653.1304504394532,178.350732421875],[653.3230407714844,178.76907806396486],[653.5155212402344,179.1872314453125],[653.708056640625,179.6055908203125],[653.900537109375,180.0237579345703],[654.0930725097656,180.4421173095703],[654.2855529785156,180.86025695800782],[654.4781433105469,181.27861633300782],[654.6706237792969,181.69678344726563],[654.8631591796875,182.11514282226562],[655.0556396484375,182.53329620361328],[655.2482299804688,182.9516555786133],[655.4406555175782,183.36980895996095],[655.6332458496094,183.78816833496094],[655.8257263183594,184.20633544921876],[656.0182617187501,184.6246810913086],[656.2107421875,185.04283447265627],[656.4033325195313,185.46119384765626],[656.5957580566406,185.87936096191407],[656.7883483886719,186.29772033691407],[656.9808288574219,186.71587371826172],[657.1733642578125,187.13421936035158],[657.3659545898438,187.55257873535157],[657.5584350585938,187.9707458496094],[657.7509704589844,188.38910522460938],[657.9434509277344,188.80725860595703],[658.135986328125,189.2256042480469],[658.328466796875,189.6437713623047],[658.5210571289062,190.0621307373047],[658.7135375976562,190.48028411865235],[658.9060729980469,190.89864349365234],[659.098553466797,191.316796875],[659.2910888671876,191.73515625000002],[659.4835693359375,192.15332336425783],[659.6761596679688,192.57168273925782],[659.8686401367188,192.9898223876953],[660.0611755371094,193.4081817626953],[660.2536560058594,193.82634887695312],[660.4462463378907,194.24470825195314],[660.638671875,194.6628616333008],[660.8312622070313,195.0812210083008],[661.0237426757812,195.49937438964844],[661.2162780761719,195.91773376464843],[661.4087585449219,196.3358871459961],[661.6013488769531,196.7542465209961],[661.7937744140626,197.17239990234376],[661.9863647460937,197.59075927734375],[662.1788452148438,198.00892639160156],[662.3713806152344,198.42728576660156],[662.5638610839844,198.84542541503907],[662.7564514160157,199.26378479003907],[662.948876953125,199.68195190429688],[663.1414672851563,200.10031127929688],[663.3339477539063,200.51846466064453],[663.5264831542969,200.93682403564455],[663.7189636230469,201.3549774169922],[663.9115539550781,201.7733367919922],[664.1039794921875,202.19150390625],[664.2965698242188,202.60984954833984],[664.4890502929687,203.02800292968752],[664.6815856933594,203.4463623046875],[664.8740661621094,203.86452941894532],[665.0666564941406,204.28288879394532],[665.2591369628907,204.7010284423828],[665.4516723632813,205.11938781738283],[665.6441528320313,205.53755493164064],[665.8366882324219,205.95591430664064],[666.0291687011719,206.3740676879883],[666.2217590332032,206.79242706298828],[666.4142395019531,207.21058044433593],[666.6067749023438,207.62893981933595],[666.7992553710938,208.04710693359377],[666.991845703125,208.4654525756836],[667.1842712402344,208.88360595703125],[667.3768615722656,209.30196533203124],[667.5693420410156,209.72013244628906],[667.7618774414062,210.13849182128908],[667.9543579101563,210.55663146972657],[668.1469482421875,210.97499084472656],[668.3393737792969,211.39315795898438],[668.5319641113282,211.81151733398437],[668.7244445800782,212.22967071533205],[668.9169799804688,212.64803009033204],[669.1094604492188,213.0661834716797],[669.30205078125,213.4845428466797],[669.4944763183594,213.9027099609375],[669.6870666503906,214.32105560302736],[669.8795471191406,214.739208984375],[670.0720825195312,215.157568359375],[670.2645629882812,215.57573547363282],[670.4571533203125,215.9940948486328],[670.649578857422,216.41223449707033],[670.8421691894531,216.83059387207032],[671.0346496582032,217.24876098632814],[671.2271850585938,217.66712036132813],[671.4196655273438,218.08527374267578],[671.6122558593751,218.50363311767578],[671.804736328125,218.92178649902345],[671.9972717285157,219.34014587402345],[672.1897521972656,219.75831298828126],[672.3822875976563,220.1766586303711],[672.5747680664062,220.59481201171874],[672.7673583984375,221.01317138671877],[672.9598388671875,221.43133850097658],[673.1523742675781,221.84969787597657],[673.3449645996094,222.26805725097657],[673.5373901367187,222.68619689941406],[673.72998046875,223.10455627441408],[673.9224609375,223.5227233886719],[674.1149963378906,223.9410827636719],[674.3074768066407,224.35923614501954],[674.5000671386719,224.77759552001953],[674.6924926757813,225.19574890136718],[674.8850830078126,225.6141082763672],[675.0775634765625,226.03226165771486],[675.2700988769532,226.45062103271485],[675.4625793457031,226.8687744140625],[675.6551696777344,227.2871337890625],[675.8475952148438,227.7053009033203],[676.040185546875,228.12364654541017],[676.232666015625,228.54181365966798],[676.4252014160156,228.9601593017578],[676.6176818847656,229.37832641601562],[676.8102722167969,229.79668579101562],[677.0027526855469,230.2148391723633],[677.1952880859375,230.63318481445313],[677.3877685546876,231.05135192871094],[677.5803039550782,231.46971130371094],[677.7727844238282,231.88787841796875],[677.9653747558594,232.30623779296874],[678.1578552246094,232.72437744140626],[678.350390625,233.14273681640626],[678.54287109375,233.56090393066407],[678.7354064941406,233.97926330566406],[678.9278869628906,234.39740295410158],[679.1204772949219,234.81576232910157],[679.3129577636719,235.2339294433594],[679.5054931640625,235.65228881835938],[679.6979736328125,236.07042846679687],[679.8905639648438,236.4887878417969],[680.0829895019532,236.9069549560547],[680.2755798339844,237.3253143310547],[680.4680603027344,237.7434814453125],[680.6605957031251,238.1618408203125],[680.853076171875,238.57998046875],[681.0456665039063,238.99833984375002],[681.2380920410156,239.41650695800783],[681.4306823730469,239.83486633300782],[681.6231628417969,240.2530059814453],[681.8156982421875,240.6713653564453],[682.0081787109375,241.08953247070312],[682.2007690429688,241.50789184570314],[682.3931945800781,241.92603149414063],[682.5857849121094,242.34439086914062],[682.7782653808594,242.76255798339844],[682.97080078125,243.18091735839843],[683.1632812500001,243.59908447265624],[683.3558715820312,244.01744384765627],[683.5483520507813,244.43558349609376],[683.740887451172,244.85394287109375],[683.9333679199219,245.27210998535156],[684.1259033203125,245.69046936035156],[684.3183837890625,246.10860900878907],[684.5109741210938,246.52696838378907],[684.7034545898438,246.94513549804688],[684.8959899902344,247.36349487304688],[685.0884704589844,247.7816345214844],[685.281005859375,248.1999938964844],[685.473486328125,248.6181610107422],[685.6660766601562,249.0365203857422],[685.8585571289062,249.4546875],[686.0510925292969,249.873046875],[686.243572998047,250.29118652343752],[686.4361083984376,250.7095458984375],[686.6285888671875,251.12771301269532],[686.8211791992188,251.54607238769532],[687.0136596679688,251.9642120361328],[687.2061950683594,252.38257141113283],[687.3986755371094,252.80073852539064],[687.5912109375,253.21909790039064],[687.78369140625,253.63723754882812],[687.9762817382813,254.05559692382812],[688.1687622070312,254.47376403808593],[688.3612976074219,254.89212341308595],[688.5537780761719,255.31029052734377],[688.7463684082031,255.72864990234376],[688.9387939453126,256.14678955078125],[689.1313842773437,256.5651489257813],[689.3238647460938,256.9833160400391],[689.5164001464844,257.40167541503905],[689.7089904785156,257.8200347900391],[689.9014709472657,258.23817443847656],[690.0940063476563,258.6565338134766],[690.2864868164063,259.0747009277344],[690.4790222167969,259.49306030273436],[690.6715026855469,259.9111999511719],[690.8640930175782,260.3295593261719],[691.0565734863281,260.7477264404297],[691.2491088867188,261.1660858154297],[691.4415893554688,261.5842529296875],[691.6341796875,262.0026123046875],[691.8266052246094,262.42075195312503],[692.0191955566406,262.839111328125],[692.2116760253906,263.2572784423828],[692.4042114257812,263.67563781738284],[692.5966918945313,264.0937774658203],[692.7892822265625,264.51213684082035],[692.9817077636719,264.93030395507816],[693.1742980957032,265.3486633300781],[693.3667785644532,265.7668029785156],[693.5593139648438,266.18516235351564],[693.7517944335938,266.60332946777345],[693.944384765625,267.0216888427735],[694.1368103027344,267.4398559570313],[694.3294006347656,267.85821533203125],[694.5218811035156,268.27635498046874],[694.7144165039062,268.69471435546876],[694.9068969726562,269.1128814697266],[695.0994873046875,269.5312408447266],[695.291912841797,269.9493804931641],[695.4845031738281,270.36773986816405],[695.6769836425782,270.78590698242186],[695.8695190429688,271.2042663574219],[696.0619995117188,271.6224060058594],[696.2545898437501,272.0407653808594],[696.4470703125,272.4589324951172],[696.6396057128907,272.8772918701172],[696.8320861816406,273.295458984375],[697.0246215820313,273.713818359375],[697.2171020507812,274.1319580078125],[697.4096923828125,274.5503173828125],[697.6021728515625,274.96848449707034],[697.7947082519531,275.3868438720703],[697.9871887207031,275.80498352050785],[698.1797241210937,276.2233428955078],[698.3722045898438,276.6415100097656],[698.564794921875,277.05986938476565],[698.7572753906251,277.47800903320314],[698.9498107910157,277.89636840820316],[699.1422912597657,278.314535522461],[699.3348266601563,278.73289489746094],[699.5273071289063,279.15106201171875],[699.7198974609375,279.5694213867188],[699.9123779296875,279.98756103515626],[700.1049133300781,280.4059204101563],[700.2973937988281,280.8240875244141],[700.4911376953125,281.2418701171875],[700.6935607910157,281.6553680419922],[700.9015869140625,282.06614685058594],[701.1145568847656,282.4742340087891],[701.3328552246094,282.8799041748047],[701.5573608398438,283.28175659179686],[701.7896118164062,283.6793518066406],[702.0312011718751,284.07117919921876],[702.2849304199219,284.45542602539064],[702.5568969726563,284.82676391601564],[702.8591857910156,285.1738494873047],[703.2097045898438,285.47185363769535],[703.5813171386719,285.74354553222656],[703.9818237304688,285.9694519042969],[704.4174865722656,286.1168884277344],[704.8707824707031,286.1943695068359],[705.3290771484375,286.2403198242188],[705.7884155273438,286.26465454101566],[706.2478088378906,286.2331787109375],[706.7039611816407,286.1713806152344],[707.1574768066406,286.0922790527344],[707.6087951660156,286.00144958496094],[708.0584106445312,285.90141906738285],[708.5060485839844,285.7943023681641],[708.9524780273438,285.6816375732422],[709.3975341796876,285.564111328125],[709.8415466308594,285.4416961669922],[710.2840759277344,285.3141998291016],[710.7089172363281,285.1374847412109],[711.1339782714844,284.9603576660156],[711.5602478027344,284.7865814208985],[711.9880004882813,284.6157165527344],[712.4165771484376,284.4479553222656],[712.847021484375,284.28381958007816],[713.2785095214844,284.1237487792969],[713.7118652343751,283.9675506591797],[714.1468139648438,283.8167358398438],[714.5835754394532,283.6713592529297],[715.0226440429688,283.533041381836],[715.4645141601562,283.402880859375],[715.9091308593751,283.2842559814453],[716.3579223632813,283.1806274414063],[716.8110534667969,283.1000152587891],[717.2686889648438,283.0490936279297],[717.7266540527344,283.00237426757815],[718.1854431152344,282.9615051269531],[718.6447814941406,282.9337646484375],[719.1052734375,282.9297271728516],[719.564501953125,282.95993957519534],[720.0195556640625,283.03058166503905],[720.4664245605469,283.14014282226566],[720.9045593261719,283.28183898925784],[721.3338500976563,283.4476776123047],[721.7562744140625,283.6310668945313],[722.17265625,283.82750244140624],[722.5811828613281,284.03997802734375],[722.9773498535156,284.27393188476566],[723.3573669433594,284.53392333984374],[723.7176635742188,284.8203369140625],[724.0582397460938,285.1302062988281],[724.3816223144531,285.4577911376953],[724.6917663574219,285.79822998046876],[724.9926269531251,286.14666137695315],[725.2872802734375,286.50050354003906],[725.5775939941407,286.85772399902345],[725.8654907226563,287.21738891601564],[726.1520690917969,287.57752075195316],[726.4380432128906,287.93853149414065],[726.7239624023438,288.29932250976566],[727.0100463867187,288.6602783203125],[727.2959655761719,289.0210418701172],[727.5817199707031,289.38218994140624],[727.8631896972656,289.74646911621096],[728.1391662597656,290.11500549316406],[728.410693359375,290.4868103027344],[728.6784301757813,290.8615264892578],[728.9432006835938,291.23816528320316],[729.2049499511719,291.61708374023436],[729.4649963378906,291.9967987060547],[729.7224609375,292.3786560058594],[729.9783325195312,292.761474609375],[730.2329406738281,293.1451446533203],[730.4856262207031,293.5299407958984],[730.737158203125,293.91578063964846],[730.987646484375,294.301840209961],[731.2367614746094,294.68919067382814],[731.4850524902344,295.0768981933594],[731.7326293945313,295.4652374267578],[731.9788330078126,295.8541534423828],[732.2247619628906,296.243701171875],[732.469647216797,296.63349609375],[732.7135986328125,297.02403259277344],[732.9568359375,297.41484375],[733.2001831054688,297.80584716796875],[733.4429809570313,298.1969879150391],[733.6845703125,298.58908996582034],[733.9260498046875,298.9809997558594],[734.1676391601562,299.3730743408203],[734.4078002929688,299.7656707763672],[734.6480163574219,300.1585968017578],[734.8881774902344,300.55133056640625],[735.1275695800781,300.94483337402346],[735.366357421875,301.33839111328126],[735.6052551269531,301.73211364746095],[735.84404296875,302.12567138671875],[736.0829406738281,302.51942138671876],[736.3217285156251,302.91297912597656],[736.5604064941407,303.30689392089846],[736.7985351562501,303.7008361816406],[737.0367736816406,304.094970703125],[737.275067138672,304.4891052246094],[737.5131958007813,304.8830474853516],[737.7514343261719,305.27720947265624],[737.9898376464844,305.6707397460938],[738.228680419922,306.06451721191405],[738.4676879882812,306.4580474853516],[738.7077941894531,306.8510284423828],[738.9477905273437,307.2438446044922],[739.189599609375,307.63572692871094],[739.4332763671875,308.02642822265625],[739.6792053222656,308.41578369140626],[739.9272766113281,308.8034637451172],[740.1780395507812,309.1899078369141],[740.4318237304688,309.5738800048828],[740.6891784667969,309.95581970214846],[740.9489501953125,310.3357269287109],[741.2114135742188,310.71409606933594],[741.4748657226563,311.09155883789066],[741.7376586914063,311.46998291015626],[741.9974304199219,311.84983520507814],[742.252587890625,312.2332305908203],[742.5025817871094,312.6197021484375],[742.7480163574219,313.0095520019531],[742.9885620117187,313.4020660400391],[743.2259216308594,313.79669494628905],[743.4598754882812,314.19299926757816],[743.6913574218751,314.5911437988281],[743.9205871582031,314.99033203125003],[744.1480041503906,315.3909484863281],[744.370751953125,315.79365234375],[744.5909729003906,316.1980316162109],[744.8086669921876,316.60361938476564],[745.02421875,317.0108276367188],[745.2382324218751,317.41820068359374],[745.4514221191406,317.8265625],[745.6628540039063,318.2354736328125],[745.8736267089844,318.6447967529297],[746.0836303710938,319.05442199707034],[746.2927551269531,319.46495361328124],[746.501220703125,319.8752655029297],[746.7085876464844,320.28651123046876],[746.9157897949219,320.6975372314453],[747.1231567382813,321.1087554931641],[747.3292602539062,321.5203033447266],[747.5349792480469,321.9323455810547],[747.740643310547,322.3441955566406],[747.9463073730469,322.75640258789065],[748.1506530761719,323.1689117431641],[748.3551086425781,323.5815856933594],[748.5593994140626,323.9940673828125],[748.7634155273438,324.40698852539066],[748.9666625976563,324.8199920654297],[749.1700744628906,325.2331878662109],[749.3733215332031,325.64621887207034],[749.5756347656251,326.0597717285156],[749.7776733398438,326.47340698242186],[749.9798217773438,326.88720703125],[750.1819152832031,327.3008148193359],[750.3840637207031,327.7146423339844],[750.586102294922,328.1282501220703],[750.7881408691406,328.5420776367188],[750.9889709472657,328.95631713867186],[751.1898559570312,329.3707489013672],[751.3906311035156,329.7849609375],[751.5915161132813,330.19939270019535],[751.7922912597656,330.61363220214844],[751.9927368164062,331.0283111572266],[752.1923583984375,331.4430725097656],[752.3921447753906,331.8580535888672],[752.5918212890625,332.27281494140624],[752.7916076660157,332.6877685546875],[752.9868896484376,333.1045349121094],[753.1601989746094,333.5312164306641],[753.3334533691407,333.95770568847655],[753.5068176269532,334.38438720703124],[753.6800720214844,334.8108764648438],[753.8533813476563,335.23753051757814],[754.0266906738282,335.6640197753906],[754.2,336.0907012939453],[754.3732543945313,336.51719055175784],[754.5466186523438,336.9438720703125],[754.719873046875,337.3703338623047],[754.8931823730469,337.79701538085936],[755.0665466308594,338.22369689941405],[755.2398010253906,338.6501861572266],[755.4131103515625,339.0768676757813],[755.5863647460938,339.5033294677734],[755.7597290039063,339.9300109863281],[755.9329833984375,340.35650024414065],[756.10634765625,340.78318176269534],[756.2796020507812,341.2096435546875],[756.4529113769531,341.6363525390625],[756.6261657714844,342.0628143310547],[756.7995300292969,342.4894958496094],[756.9727844238281,342.9159851074219],[757.14609375,343.34266662597656],[757.3193481445313,343.7691284179688],[757.4927124023437,344.19580993652346],[757.6659667968751,344.62229919433594],[757.8393310546875,345.0489807128906],[758.0125854492188,345.47544250488284],[758.1858947753907,345.9021240234375],[758.3591491699219,346.32861328125],[758.5325134277344,346.7552947998047],[758.7057678222657,347.1817565917969],[758.8790771484375,347.6084381103516],[759.0523315429688,348.03492736816406],[759.2256958007813,348.46160888671875],[759.3989501953125,348.8880981445313],[759.572314453125,349.31475219726565],[759.7455688476563,349.7412414550781],[759.9188781738281,350.1679229736328],[760.0921325683594,350.59441223144535],[760.2654968261719,351.02109375000003],[760.4387512207031,351.4475555419922],[760.612060546875,351.8742370605469],[760.7853149414062,352.3007263183594],[760.9586791992188,352.7274078369141],[761.13193359375,353.15386962890625],[761.3052978515625,353.58055114746094],[761.4785522460937,354.0070404052735],[761.6518615722656,354.43372192382816],[761.825115966797,354.8601837158203],[761.9984802246094,355.286865234375],[762.1717346191407,355.71335449218753],[762.3450439453126,356.1400360107422],[762.5182983398438,356.5665252685547],[762.6916625976563,356.9932067871094],[762.8649169921875,357.4196685791016],[763.0382812500001,357.8463500976563],[763.2115356445313,358.27283935546876],[763.3848449707032,358.69952087402345],[763.5580993652344,359.12598266601566],[763.7314636230469,359.55266418457035],[763.9047180175781,359.9791534423828],[764.07802734375,360.4058349609375],[764.2512817382812,360.8322967529297],[764.4246459960938,361.2589782714844],[764.597900390625,361.6854675292969],[764.7712646484375,362.1121490478516],[764.9445190429688,362.5386108398438],[765.1178283691406,362.9652923583985],[765.2910827636719,363.39178161621095],[765.4644470214844,363.81846313476564],[765.6377014160156,364.2449523925781],[765.8110107421875,364.6716339111328],[765.9842651367188,365.098095703125],[766.1576293945312,365.5247772216797],[766.3308837890626,365.9512664794922],[766.504248046875,366.37794799804686],[766.6775024414063,366.8044097900391],[766.8508117675782,367.23109130859376],[767.0240661621094,367.65758056640624],[767.197430419922,368.0842620849609],[767.3706848144532,368.51072387695314],[767.543994140625,368.9374053955078],[767.7172485351563,369.3638946533203],[767.8906127929688,369.790576171875],[768.0638671875,370.2170379638672],[768.2372314453125,370.6437194824219],[768.4104858398438,371.07020874023436],[768.5837951660156,371.49689025878905],[768.7570495605469,371.9233795166016],[768.9304138183594,372.3500610351563],[769.1036682128906,372.7765228271484],[769.2769775390625,373.2032043457031],[769.450341796875,373.6298858642578],[769.5722351074219,374.0723602294922],[769.6663330078126,374.52321166992186],[769.7569702148438,374.9745574951172],[769.8438720703125,375.42669982910155],[769.9270935058594,375.8793640136719],[770.0069641113281,376.3329620361328],[770.0833740234375,376.78691711425785],[770.1558288574219,377.2416687011719],[770.22421875,377.6969696044922],[770.2884887695312,378.1530670166016],[770.348309326172,378.60938415527346],[770.4032958984375,379.06666259765626],[770.4533935546875,379.5242431640625],[770.4972290039062,379.9827575683594],[770.53447265625,380.44154663085936],[770.5645202636719,380.9009674072266],[770.5862182617187,381.36085510253906],[770.5979187011719,381.8212097167969],[770.5983581542969,382.28148193359374],[770.58544921875,382.74191894531253],[770.5556762695313,383.20131225585936],[770.5046997070312,383.6588928222656],[770.4276306152344,384.11249084472655],[770.3371032714844,384.56397399902346],[770.2375671386719,385.01356201171876],[770.1292419433594,385.4610900878906],[770.0120178222656,385.9063659667969],[769.8861694335938,386.34922485351564],[769.7514770507813,386.789501953125],[769.6079406738281,387.2269775390625],[769.4553405761719,387.66143188476565],[769.2935668945313,388.09250793457034],[769.1223999023438,388.51990356445316],[768.9416748046875,388.9435089111328],[768.7511718750001,389.36236267089845],[768.5501770019531,389.7768218994141],[768.3385803222657,390.1856231689453],[768.1156127929688,390.5886566162109],[767.8811645507812,390.984521484375],[767.63408203125,391.37330017089846],[767.3741455078125,391.7530975341797],[767.1000366210938,392.12322692871095],[766.8113159179687,392.48157348632816],[766.5067199707031,392.8271759033203],[766.1904235839844,393.161572265625],[765.8681396484375,393.49058532714844],[765.5401977539062,393.8135559082031],[765.2057739257813,394.130126953125],[764.8649780273438,394.4397766113281],[764.5179748535156,394.7423400878906],[764.1646545410157,395.03759765625],[763.8050170898438,395.32513732910155],[763.4392272949219,395.60462951660156],[763.0671203613282,395.8759368896485],[762.6890808105469,396.1384552001953],[762.3049987792969,396.3925689697266],[761.9154785156251,396.6378387451172],[761.5203552246094,396.87464904785156],[761.1206176757813,397.1026153564453],[760.7158264160156,397.3222320556641],[760.306640625,397.5334167480469],[759.8933898925782,397.7367736816406],[759.4772277832031,397.9335388183594],[759.0579345703126,398.12412414550784],[758.6359497070313,398.3079528808594],[758.2108337402344,398.4850250244141],[757.7829711914063,398.65484619140625],[757.3521423339844,398.8173065185547],[756.9185119628906,398.97185668945315],[756.4821350097657,399.118798828125],[756.0432312011719,399.2580780029297],[755.6019653320312,399.3898040771484],[755.1585021972656,399.51331787109376],[754.7130065917969,399.62927856445316],[754.2655883789063,399.73798828125],[753.8163574218751,399.83892517089845],[753.3655334472656,399.9326934814453],[752.9132812500001,400.0196502685547],[752.4598754882812,400.09930114746095],[752.0054260253906,400.1729370117188],[751.549658203125,400.2380859375],[751.0928466796876,400.2954895019531],[750.6348266601562,400.3435546875],[750.1761474609375,400.3841766357422],[749.7167541503907,400.4159820556641],[749.2570861816406,400.44056396484376],[748.7969787597657,400.45696105957035],[748.3367065429687,400.46624450683595],[747.8760498046876,400.4679748535156],[747.4158874511719,400.462728881836],[746.9553955078126,400.4504791259766],[746.4956176757813,400.4313079833984],[746.0356750488281,400.40573730468753],[745.5766113281251,400.3732452392578],[745.1176025390625,400.3347381591797],[744.6595275878907,400.28961181640625],[744.2017272949219,400.2384979248047],[743.7450805664063,400.1814239501953],[743.288818359375,400.1180328369141],[742.8337097167969,400.0490661621094],[742.3798095703125,399.9718322753906],[741.9293151855469,399.8766082763672],[741.4823913574219,399.76581115722655],[741.0389282226563,399.6427917480469],[740.5979370117187,399.50958251953125],[740.159912109375,399.3679138183594],[739.7241394042969,399.21904907226565],[739.2906188964844,399.0644439697266],[738.8590209960938,398.90349426269535],[738.4295654296875,398.7381225585938],[738.0015930175781,398.5678619384766],[737.5755432128907,398.39361877441405],[737.1508666992188,398.2153656005859],[736.7281127929688,398.0335693359375],[736.3066223144532,397.847982788086],[735.8868347167969,397.6588806152344],[735.4686950683594,397.465658569336],[735.061376953125,397.2539794921875],[734.6867431640625,396.9861053466797],[734.3123291015626,396.7183410644531],[733.9376953125001,396.450439453125],[733.5632263183594,396.1827026367188],[733.1886474609375,395.91480102539066],[732.8141784667969,395.64703674316405],[732.439599609375,395.37916259765626],[732.0651306152344,395.1113983154297],[731.6904968261719,394.8434967041016],[731.316082763672,394.575732421875],[730.9414489746094,394.3078582763672],[730.5670349121094,394.04009399414065],[730.1924011230469,393.77219238281253],[729.8179321289062,393.5044281005859],[729.4433532714844,393.23655395507814],[729.0688842773437,392.9687896728516],[728.6943054199219,392.7008880615235],[728.3198364257813,392.43312377929686],[727.9452026367188,392.1652496337891],[727.5707885742188,391.8974853515625],[727.1961547851563,391.6295837402344],[726.8217407226563,391.3618469238281],[726.4471069335938,391.0939453125],[726.0726928710938,390.82618103027346],[725.6980590820312,390.5583068847656],[725.3235900878907,390.29054260253906],[724.9490112304687,390.02264099121095],[724.5745422363282,389.7548767089844],[724.1999633789063,389.48700256347655],[723.8254943847656,389.21923828125],[723.4508605957031,388.9513366699219],[723.0764465332031,388.68357238769534],[722.7018127441406,388.4156982421875],[722.3273986816406,388.14793395996094],[721.9527648925781,387.8800323486328],[721.5782958984375,387.6122680664063],[721.2037170410157,387.3443939208984],[720.829248046875,387.0766296386719],[720.4546691894532,386.80872802734376],[720.0802001953125,386.54099121093753],[719.70556640625,386.27308959960936],[719.33115234375,386.0053253173828],[718.9565185546875,385.737451171875],[718.5821044921876,385.46965942382815],[718.2074707031251,385.2017852783203],[717.833056640625,384.93402099609375],[717.4584228515625,384.66611938476564],[717.0837890625,384.39824523925785],[716.709375,384.13048095703124],[716.3347412109375,383.8625793457031],[715.9603271484375,383.5948425292969],[715.585693359375,383.3269409179688],[715.2112243652344,383.0591766357422],[714.8366455078125,382.7913024902344],[714.4621765136719,382.52353820800784],[714.0875976562501,382.2556365966797],[713.7131286621094,381.9878723144531],[713.3384948730469,381.7199981689453],[712.9640808105469,381.4522338867188],[712.5894470214844,381.18433227539066],[712.2150329589844,380.9165954589844],[711.8403991699219,380.64869384765626],[711.4659301757813,380.3809295654297],[711.0913513183594,380.11305541992186],[710.7168823242188,379.845263671875],[710.3423034667969,379.5773895263672],[709.9678344726562,379.30962524414065],[709.5932006835938,379.04172363281253],[709.2187866210937,378.77398681640625],[708.8441528320312,378.50608520507814],[708.4697387695313,378.2383209228516],[708.0951049804688,377.97044677734374],[707.7206909179688,377.7026824951172],[707.3460571289063,377.4347808837891],[706.9716430664063,377.1670166015625],[706.5970092773438,376.8991424560547],[706.2225402832031,376.6313781738281],[705.8479614257812,376.3634765625],[705.4734924316407,376.0957397460938],[705.0988586425782,375.8278381347656],[704.7244445800782,375.56007385253906],[704.3498107910157,375.29217224121095],[703.9753967285156,375.0244079589844],[703.6007629394531,374.75653381347655],[703.2263488769531,374.48876953125],[702.8517150878906,374.2208679199219],[702.4772460937501,373.95313110351566],[702.1026672363281,373.6852294921875],[701.7281982421875,373.41746520996094],[701.353564453125,373.14959106445315],[700.979150390625,372.8818267822266],[700.6045166015625,372.6139251708984],[700.2301025390625,372.3461608886719],[699.85546875,372.0782867431641],[699.4810546875,371.81052246093753],[699.1064208984375,371.54262084960936],[698.7320068359376,371.2748565673828],[698.3573730468751,371.006982421875],[697.9829040527344,370.7392181396485],[697.6083251953125,370.4713165283203],[697.2338562011719,370.20355224609375],[696.85927734375,369.93567810058596],[696.4848083496094,369.6679138183594],[696.1101745605469,369.40001220703124],[695.735760498047,369.132275390625],[695.3611267089844,368.8643737792969],[694.9867126464844,368.59660949707035],[694.6120788574219,368.3287353515625],[694.2376098632812,368.06097106933595],[693.8630310058594,367.79306945800784],[693.4885620117187,367.5253051757813],[693.1139831542969,367.25743103027344],[692.7395141601563,366.9896667480469],[692.3648803710938,366.7217651367188],[691.9904663085938,366.4540008544922],[691.6158325195313,366.1861267089844],[691.2414184570313,365.9183624267578],[690.8667846679688,365.6504608154297],[690.4923706054688,365.38269653320316],[690.1177368164062,365.1148223876953],[689.7433227539062,364.84705810546876],[689.3686889648437,364.57915649414065],[688.9942199707032,364.31141967773436],[688.6196411132813,364.04351806640625],[688.2451721191406,363.7757537841797],[687.8705383300781,363.5078796386719],[687.4961242675781,363.24008789062503],[687.1214904785156,362.9722137451172],[686.7470764160156,362.70444946289064],[686.3724426269531,362.4365478515625],[685.9980285644532,362.16881103515624],[685.6233947753907,361.9009094238281],[685.2487609863282,361.6330078125],[684.8743469238282,361.3652709960938],[684.4997131347657,361.0973693847656],[684.125244140625,360.82960510253906],[683.7506652832031,360.5617309570313],[683.3761962890625,360.2939666748047],[683.0016174316406,360.02606506347655],[682.6271484375001,359.75830078125],[682.2525146484376,359.4904266357422],[681.8781005859375,359.22266235351566],[681.503466796875,358.9547607421875],[681.129052734375,358.68699645996094],[680.7544189453125,358.41912231445315],[680.3800048828125,358.1513580322266],[680.00537109375,357.8834564208984],[679.6309020996094,357.6156921386719],[679.2563232421875,357.3478179931641],[678.8818542480469,357.08005371093753],[678.5072753906251,356.81215209960936],[678.1328063964844,356.54441528320314],[677.7581726074219,356.276513671875],[677.3837585449219,356.0087493896485],[677.0091247558594,355.7408752441406],[676.6347106933594,355.4731109619141],[676.2600769042969,355.20520935058596],[675.885662841797,354.9374450683594],[675.5110290527344,354.66957092285156],[675.1365600585938,354.401806640625],[674.7619812011719,354.1339050292969],[674.3875122070312,353.86614074707035],[674.0128784179688,353.5982666015625],[673.6384643554687,353.33050231933595],[673.2638305664062,353.06260070800784],[672.8894165039063,352.7948364257813],[672.5147827148438,352.52696228027344],[672.1403686523438,352.2591979980469],[671.7657348632813,351.9912963867188],[671.3913208007813,351.7235595703125],[671.0166870117188,351.4556579589844],[670.6422180175781,351.1878936767578],[670.2676391601562,350.92001953125003],[669.8931701660157,350.6522552490234],[669.5185363769532,350.3843536376953],[669.1441223144532,350.11658935546876],[668.7694885253907,349.848715209961],[668.3950744628906,349.58095092773436],[668.0204406738281,349.31304931640625],[667.6460266113281,349.0452850341797],[667.2713928222656,348.7774108886719],[666.8969238281251,348.5096466064453],[666.5223449707031,348.2417449951172],[666.1478759765625,347.97398071289064],[665.7732971191407,347.70610656738285],[665.398828125,347.43834228515624],[665.0241943359375,347.1704406738281],[664.6497802734375,346.9027038574219],[664.275146484375,346.6348022460938],[663.900732421875,346.3670379638672],[663.5260986328125,346.09913635253906],[663.1516845703126,345.83139953613284],[662.7770507812501,345.5634979248047],[662.4025817871094,345.2957336425781],[662.0280029296875,345.0278594970703],[661.6535339355469,344.7600952148438],[661.278955078125,344.49219360351566],[660.9044860839844,344.22442932128905],[660.5298522949219,343.95655517578126],[660.155438232422,343.6887908935547],[659.7808044433594,343.4208892822266],[659.4063903808594,343.153125],[659.0317565917969,342.8852508544922],[658.6572875976562,342.61748657226565],[658.2827087402344,342.34958496093753],[657.9082397460937,342.0818206787109],[657.5336608886719,341.81394653320314],[657.1591918945313,341.5461822509766],[656.7845581054688,341.2782806396485],[656.4101440429688,341.01051635742186],[656.0355102539063,340.7426422119141],[655.6610961914063,340.4748779296875],[655.2864624023438,340.2069763183594],[654.9120483398438,339.9392395019531],[654.5374145507812,339.671337890625],[654.1627807617188,339.4034362792969],[653.7883666992187,339.1356994628906],[653.4137329101562,338.8677978515625],[653.0393188476563,338.60003356933595],[652.6646850585938,338.33215942382816],[652.2902160644531,338.06439514160155],[651.9156372070313,337.79649353027344],[651.5411682128906,337.5287292480469],[651.1665893554688,337.2608551025391],[650.7921203613281,336.9930908203125],[650.4174865722656,336.7251892089844],[650.0430725097657,336.4574249267578],[649.6684387207032,336.18955078125003],[649.2940246582032,335.9217864990234],[648.9193908691407,335.6538848876953],[648.5449768066406,335.38612060546876],[648.1703430175781,335.118246459961],[647.7958740234375,334.85048217773436],[647.4212951660156,334.58258056640625],[647.0468261718751,334.31484375],[646.6721923828126,334.0469421386719],[646.2977783203125,333.7791778564453],[645.92314453125,333.5113037109375],[645.54873046875,333.24353942871096],[645.1740966796875,332.97563781738285],[644.7996826171875,332.70787353515624],[644.425048828125,332.43999938964845],[644.0505798339844,332.1722351074219],[643.6760009765625,331.9043334960938],[643.3015319824219,331.6365692138672],[642.9269531250001,331.3686950683594],[642.5524841308594,331.10093078613284],[642.1778503417969,330.8330291748047],[641.8034362792969,330.5652648925781],[641.4288024902344,330.2973907470703],[641.0543884277344,330.0296264648438],[640.6797546386719,329.76172485351566],[640.305340576172,329.49396057128905],[639.9307067871094,329.22608642578126],[639.5562377929688,328.9583221435547],[639.1816589355469,328.6904205322266],[638.8071899414062,328.4226837158203],[638.4326110839844,328.1547821044922],[638.0581420898437,327.88701782226565],[637.6835083007812,327.6191436767578],[637.3090942382813,327.35137939453125],[636.9344604492188,327.08347778320314],[636.5600463867188,326.8157135009766],[636.1854125976563,326.54783935546874],[635.8109985351563,326.2800750732422],[635.4363647460938,326.0121734619141],[635.0618957519531,325.7444091796875],[634.6873168945312,325.4765350341797],[634.3128479003907,325.2087707519531],[633.9382141113282,324.940869140625],[633.5638000488282,324.67310485839846],[633.1891662597657,324.4052307128906],[632.8147521972656,324.13746643066406],[632.4401184082031,323.86956481933595],[632.0657043457031,323.6018280029297],[631.6910705566406,323.33392639160155],[631.3166015625001,323.066162109375],[630.9420227050781,322.7982879638672],[630.5675537109375,322.53052368164066],[630.1929748535157,322.2626220703125],[629.818505859375,321.99485778808594],[629.4438720703125,321.72698364257815],[629.0694580078125,321.4592193603516],[628.69482421875,321.1913177490234],[628.32041015625,320.9235534667969],[627.9457763671875,320.6556793212891],[627.5713623046876,320.38791503906253],[627.1967285156251,320.12001342773436],[626.8222595214844,319.8522491455078],[626.4476806640625,319.584375],[626.0732116699219,319.3166107177735],[625.6986328125,319.0487091064453],[625.3241638183594,318.78094482421875],[624.9495300292969,318.51307067871096],[624.575115966797,318.2453063964844],[624.2004821777344,317.97740478515624],[623.8260681152344,317.70966796875]], bounds=3000, full_zoom=0.19, max_episode_steps=2000 ) LagunaSeca = RaceTrack( name='LagunaSeca', xy=[ [314.6929626464844,789.1432495117188],[315.3491516113281,789.2695922851562],[316.0062255859375,789.39111328125],[316.6642761230469,789.5073852539062],[317.3231506347656,789.6187133789062],[317.98284912109375,789.7251586914062],[318.64337158203125,789.8264770507812],[319.3045349121094,789.9234619140625],[319.9664306640625,790.01513671875],[320.62890625,790.1026611328125],[321.2919921875,790.1854248046875],[321.9555969238281,790.263916015625],[322.6197204589844,790.3380126953125],[323.2842712402344,790.4078369140625],[323.9492492675781,790.4737548828125],[324.6146545410156,790.5353393554688],[325.28033447265625,790.5934448242188],[325.9464111328125,790.647216796875],[326.61273193359375,790.6976928710938],[327.2793884277344,790.7438354492188],[327.9461975097656,790.787109375],[328.61322021484375,790.8275146484375],[329.28045654296875,790.864013671875],[329.9478454589844,790.8972778320312],[330.6153564453125,790.9279174804688],[331.28302001953125,790.9559936523438],[331.9508056640625,790.9801635742188],[332.6186828613281,791.002197265625],[333.28662109375,791.02197265625],[333.9546203613281,791.0390014648438],[334.6227111816406,791.0533447265625],[335.29083251953125,791.0657958984375],[335.958984375,791.076416015625],[336.6271667480469,791.0843505859375],[337.2953796386719,791.0906372070312],[337.9635925292969,791.0953369140625],[338.6318054199219,791.0983276367188],[339.300048828125,791.0994262695312],[339.9682922363281,791.0993041992188],[340.6365051269531,791.0980224609375],[341.30474853515625,791.0944213867188],[341.97296142578125,791.0908813476562],[342.64117431640625,791.0865478515625],[343.30938720703125,791.0803833007812],[343.97760009765625,791.0741577148438],[344.6457824707031,791.0678100585938],[345.3139953613281,791.0612182617188],[345.9822082519531,791.0546264648438],[346.650390625,791.0480346679688],[347.318603515625,791.0414428710938],[347.98681640625,791.0348510742188],[348.6549987792969,791.0282592773438],[349.3232116699219,791.0216674804688],[349.9914245605469,791.0150756835938],[350.65960693359375,791.0084838867188],[351.32781982421875,791.0018920898438],[351.99603271484375,790.995361328125],[352.6642150878906,790.98876953125],[353.3324279785156,790.982177734375],[354.0006408691406,790.9759521484375],[354.6688537597656,790.9700927734375],[355.3370361328125,790.9642944335938],[356.0052490234375,790.9584350585938],[356.6734619140625,790.95263671875],[357.3416748046875,790.9468383789062],[358.0098876953125,790.9409790039062],[358.6781005859375,790.9351806640625],[359.3463134765625,790.9293212890625],[360.0145263671875,790.9235229492188],[360.6827392578125,790.9176635742188],[361.3509216308594,790.911865234375],[362.0191345214844,790.906005859375],[362.6873474121094,790.9002075195312],[363.3555603027344,790.8944091796875],[364.0237731933594,790.888671875],[364.6919860839844,790.8829956054688],[365.3601989746094,790.8772583007812],[366.0284118652344,790.8715209960938],[366.6966247558594,790.8657836914062],[367.3648376464844,790.860107421875],[368.0330505371094,790.8543701171875],[368.7012634277344,790.8486328125],[369.36944580078125,790.8428955078125],[370.03765869140625,790.8372192382812],[370.70587158203125,790.8314819335938],[371.37408447265625,790.8257446289062],[372.04229736328125,790.8200073242188],[372.71051025390625,790.8140869140625],[373.37872314453125,790.8078002929688],[374.0469055175781,790.801513671875],[374.7151184082031,790.7952880859375],[375.3833312988281,790.7890014648438],[376.0515441894531,790.7827758789062],[376.7197265625,790.7764892578125],[377.387939453125,790.7702026367188],[378.05615234375,790.7639770507812],[378.724365234375,790.7576904296875],[379.3925476074219,790.75146484375],[380.0607604980469,790.7451782226562],[380.7289733886719,790.7388916015625],[381.3971862792969,790.732666015625],[382.06536865234375,790.7258911132812],[382.7335510253906,790.7184448242188],[383.4017639160156,790.7109985351562],[384.0699462890625,790.7035522460938],[384.7381591796875,790.6961059570312],[385.4063415527344,790.6885986328125],[386.07452392578125,790.68115234375],[386.74273681640625,790.6737060546875],[387.4109191894531,790.666259765625],[388.0791320800781,790.6588134765625],[388.747314453125,790.6513671875],[389.4154968261719,790.6439208984375],[390.08367919921875,790.636474609375],[390.75189208984375,790.6290283203125],[391.4200744628906,790.62109375],[392.0882568359375,790.6123046875],[392.7564392089844,790.6035766601562],[393.42462158203125,790.5948486328125],[394.0927734375,790.5860595703125],[394.7609558105469,790.5773315429688],[395.42913818359375,790.568603515625],[396.0973205566406,790.5594482421875],[396.7654724121094,790.5496215820312],[397.4336242675781,790.539794921875],[398.101806640625,790.5299682617188],[398.76995849609375,790.5201416015625],[399.4381408691406,790.5103149414062],[400.1062927246094,790.50048828125],[400.7744445800781,790.4902954101562],[401.44256591796875,790.479248046875],[402.1107177734375,790.4681396484375],[402.77886962890625,790.4570922851562],[403.447021484375,790.446044921875],[404.1151428222656,790.4349365234375],[404.7832946777344,790.4238891601562],[405.4514465332031,790.4124755859375],[406.1195373535156,790.3999633789062],[406.78765869140625,790.3875122070312],[407.4557800292969,790.375],[408.1239013671875,790.362548828125],[408.7920227050781,790.35009765625],[409.46014404296875,790.3375854492188],[410.1282653808594,790.3247680664062],[410.7963562011719,790.3107299804688],[411.4644470214844,790.2966918945312],[412.13250732421875,790.2826538085938],[412.80059814453125,790.2686157226562],[413.46868896484375,790.2545776367188],[414.13677978515625,790.2405395507812],[414.80487060546875,790.2261352539062],[415.472900390625,790.2103271484375],[416.1409606933594,790.194580078125],[416.80902099609375,790.1788330078125],[417.47705078125,790.1630859375],[418.1451110839844,790.1473388671875],[418.8131408691406,790.1315307617188],[419.481201171875,790.1154174804688],[420.1492004394531,790.0977783203125],[420.81719970703125,790.0801391601562],[421.4851989746094,790.0624389648438],[422.1531982421875,790.0447998046875],[422.8211975097656,790.0271606445312],[423.48919677734375,790.009521484375],[424.1571960449219,789.9915161132812],[424.82513427734375,789.9718017578125],[425.4930725097656,789.9520874023438],[426.1610107421875,789.932373046875],[426.8289794921875,789.9126586914062],[427.4969177246094,789.8929443359375],[428.16485595703125,789.8732299804688],[428.8327941894531,789.853271484375],[429.50067138671875,789.8319091796875],[430.1685791015625,789.810546875],[430.83648681640625,789.7891845703125],[431.50433349609375,789.76708984375],[432.1722106933594,789.7445678710938],[432.8400573730469,789.7220458984375],[433.5079040527344,789.6994018554688],[434.17572021484375,789.6757202148438],[434.8435363769531,789.6519775390625],[435.5113525390625,789.6282348632812],[436.17913818359375,789.6038208007812],[436.8468933105469,789.578857421875],[437.5146789550781,789.553955078125],[438.18243408203125,789.5288696289062],[438.85015869140625,789.502685546875],[439.51788330078125,789.4765014648438],[440.18560791015625,789.4503173828125],[440.8533020019531,789.42333984375],[441.5209655761719,789.3958129882812],[442.1886291503906,789.3682861328125],[442.8562927246094,789.3406372070312],[443.5238952636719,789.3117065429688],[444.1914978027344,789.2827758789062],[444.8591003417969,789.25390625],[445.5267028808594,789.2241821289062],[446.1942138671875,789.19384765625],[446.8617858886719,789.16357421875],[447.5293273925781,789.1331176757812],[448.1968078613281,789.1013793945312],[448.8642883300781,789.0697021484375],[449.5317687988281,789.0379638671875],[450.19921875,789.00537109375],[450.8666076660156,788.9721069335938],[451.5340270996094,788.9388427734375],[452.201416015625,788.905517578125],[452.8687744140625,788.8707275390625],[453.53607177734375,788.8359985351562],[454.20343017578125,788.8012084960938],[454.8706970214844,788.765625],[455.5379333496094,788.7293090820312],[456.2052001953125,788.6929931640625],[456.8724365234375,788.6565551757812],[457.5395812988281,788.61865234375],[458.20672607421875,788.5806884765625],[458.8739013671875,788.542724609375],[459.541015625,788.5038452148438],[460.20806884765625,788.4642944335938],[460.8751220703125,788.4247436523438],[461.5422058105469,788.385009765625],[462.2091369628906,788.3436889648438],[462.8760986328125,788.3024291992188],[463.5430603027344,788.2611083984375],[464.2099609375,788.2188110351562],[464.8768005371094,788.17578125],[465.54364013671875,788.1327514648438],[466.2104797363281,788.0895385742188],[466.877197265625,788.0447387695312],[467.5439453125,787.9998779296875],[468.2106628417969,787.955078125],[468.8773193359375,787.9091186523438],[469.5439147949219,787.8624877929688],[470.21051025390625,787.8158569335938],[470.87713623046875,787.7689819335938],[471.5436096191406,787.7205200195312],[472.2100830078125,787.6719970703125],[472.8765563964844,787.6234741210938],[473.54290771484375,787.5737915039062],[474.2092590332031,787.5234375],[474.8755798339844,787.4730224609375],[475.5419006347656,787.4223022460938],[476.20806884765625,787.3699340820312],[476.874267578125,787.3175659179688],[477.5404357910156,787.2651977539062],[478.2065124511719,787.2115478515625],[478.8725280761719,787.1571655273438],[479.5385437011719,787.102783203125],[480.20452880859375,787.0480346679688],[480.8703918457031,786.9916381835938],[481.5362548828125,786.9351806640625],[482.20208740234375,786.8787841796875],[482.8678283691406,786.8209228515625],[483.5334777832031,786.7623901367188],[484.19915771484375,786.7039184570312],[484.8647766113281,786.6448974609375],[485.5302429199219,786.5842895507812],[486.19573974609375,786.5236206054688],[486.8612060546875,786.4630126953125],[487.5265197753906,786.4007568359375],[488.1918029785156,786.3379516601562],[488.8570861816406,786.275146484375],[489.5223083496094,786.2117309570312],[490.1873779296875,786.146728515625],[490.8524475097656,786.0817260742188],[491.5174865722656,786.0167236328125],[492.1824035644531,785.9498901367188],[492.84722900390625,785.882568359375],[493.5120544433594,785.8153076171875],[494.1767883300781,785.7468872070312],[494.8411560058594,785.67529296875],[495.5050964355469,785.5996704101562],[496.16851806640625,785.5194702148438],[496.8314208984375,785.4352416992188],[497.4938049316406,785.34716796875],[498.1556701660156,785.2551879882812],[498.8170166015625,785.159423828125],[499.477783203125,785.059814453125],[500.1379699707031,784.9564819335938],[500.79754638671875,784.8491821289062],[501.4563903808594,784.73779296875],[502.1146545410156,784.6226806640625],[502.77227783203125,784.5040283203125],[503.42919921875,784.3818359375],[504.08551025390625,784.2560424804688],[504.7411193847656,784.1267700195312],[505.3960266113281,783.9940795898438],[506.0501708984375,783.8574829101562],[506.70355224609375,783.7173461914062],[507.3561706542969,783.5738525390625],[508.0080871582031,783.427001953125],[508.6592102050781,783.27685546875],[509.3096008300781,783.1234741210938],[509.959228515625,782.9668579101562],[510.6080322265625,782.8069458007812],[511.2559509277344,782.6434326171875],[511.9031066894531,782.4768676757812],[512.5494384765625,782.3072509765625],[513.1949462890625,782.1345825195312],[513.8397216796875,781.9589233398438],[514.483642578125,781.7802734375],[515.126708984375,781.5987548828125],[515.7688598632812,781.4138793945312],[516.41015625,781.22607421875],[517.0506591796875,781.0354614257812],[517.6903076171875,780.8421020507812],[518.3291015625,780.6459350585938],[518.967041015625,780.4470825195312],[519.6041259765625,780.2455444335938],[520.2403564453125,780.0411376953125],[520.8756103515625,779.8338623046875],[521.510009765625,779.6239624023438],[522.1436157226562,779.41162109375],[522.7763671875,779.1967163085938],[523.4082641601562,778.9793701171875],[524.039306640625,778.7595825195312],[524.6694946289062,778.5372924804688],[525.2987060546875,778.312255859375],[525.9270629882812,778.0848999023438],[526.5545654296875,777.8551635742188],[527.1812744140625,777.6232299804688],[527.8070678710938,777.3889770507812],[528.4320678710938,777.1524658203125],[529.0562133789062,776.9138793945312],[529.679443359375,776.6727294921875],[530.3018188476562,776.429443359375],[530.92333984375,776.1840209960938],[531.5440673828125,775.9364624023438],[532.1639404296875,775.6869506835938],[532.7830810546875,775.4354858398438],[533.4013061523438,775.1819458007812],[534.0187377929688,774.92626953125],[534.63525390625,774.6685180664062],[535.2509765625,774.4088745117188],[535.8659057617188,774.1473999023438],[536.4800415039062,773.8840942382812],[537.0934448242188,773.6189575195312],[537.7060546875,773.35205078125],[538.3178100585938,773.0831909179688],[538.9287719726562,772.8124389648438],[539.5389404296875,772.5400390625],[540.1483764648438,772.2659301757812],[540.757080078125,771.9901733398438],[541.3650512695312,771.712890625],[541.972412109375,771.4342041015625],[542.5797729492188,771.155517578125],[543.1871337890625,770.8768920898438],[543.7944946289062,770.5982055664062],[544.40185546875,770.319580078125],[545.0092163085938,770.0408935546875],[545.6162109375,769.761474609375],[546.2227783203125,769.4810180664062],[546.8292846679688,769.2005615234375],[547.435791015625,768.9201049804688],[548.0423583984375,768.6396484375],[548.6488647460938,768.3591918945312],[549.25537109375,768.0787353515625],[549.8615112304688,767.7973022460938],[550.4672241210938,767.5150756835938],[551.0728759765625,767.2328491210938],[551.6785888671875,766.9505615234375],[552.2843017578125,766.6683349609375],[552.8900146484375,766.3861083984375],[553.4957275390625,766.1038208007812],[554.100830078125,765.8204345703125],[554.7057495117188,765.5364379882812],[555.3106079101562,765.25244140625],[555.91552734375,764.9684448242188],[556.5203857421875,764.6844482421875],[557.1253051757812,764.4004516601562],[557.7301635742188,764.1165161132812],[558.3343505859375,763.8310546875],[558.9384765625,763.5453491210938],[559.5425415039062,763.2596435546875],[560.1466064453125,762.9739379882812],[560.750732421875,762.6882934570312],[561.3547973632812,762.402587890625],[561.9588623046875,762.1168212890625],[562.5621337890625,761.8294677734375],[563.1654663085938,761.5421142578125],[563.7687377929688,761.2547607421875],[564.3720092773438,760.9673461914062],[564.975341796875,760.6799926757812],[565.57861328125,760.3926391601562],[566.1817016601562,760.1049194335938],[566.7842407226562,759.8159790039062],[567.3867797851562,759.5269775390625],[567.9892578125,759.2379760742188],[568.591796875,758.948974609375],[569.1942749023438,758.6599731445312],[569.7968139648438,758.3710327148438],[570.3989868164062,758.0813598632812],[571.000732421875,757.790771484375],[571.6024780273438,757.5001831054688],[572.2042236328125,757.2095947265625],[572.8059692382812,756.9190063476562],[573.40771484375,756.62841796875],[574.0094604492188,756.3378295898438],[574.6107177734375,756.0462036132812],[575.211669921875,755.7540283203125],[575.8126831054688,755.4619140625],[576.4136352539062,755.1697387695312],[577.0146484375,754.8776245117188],[577.6156616210938,754.58544921875],[578.2166748046875,754.2933349609375],[578.8169555664062,753.9998168945312],[579.417236328125,753.7061767578125],[580.0175170898438,753.4125366210938],[580.6177368164062,753.118896484375],[581.2179565429688,752.8251953125],[581.8182373046875,752.5315551757812],[582.4183959960938,752.2377319335938],[583.0179443359375,751.9425659179688],[583.617431640625,751.6474609375],[584.2169799804688,751.352294921875],[584.8164672851562,751.0571899414062],[585.416015625,750.7620239257812],[586.0155639648438,750.4668579101562],[586.6148071289062,750.1712036132812],[587.213623046875,749.8746948242188],[587.8125,749.578125],[588.4113159179688,749.2815551757812],[589.0101318359375,748.9849853515625],[589.6089477539062,748.6884765625],[590.207763671875,748.3919067382812],[590.80615234375,748.094482421875],[591.404296875,747.7965087890625],[592.00244140625,747.4985961914062],[592.6005249023438,747.2006225585938],[593.1986694335938,746.9026489257812],[593.7968139648438,746.6046752929688],[594.3949584960938,746.3067016601562],[594.9924926757812,746.007568359375],[595.5899047851562,745.708251953125],[596.1873779296875,745.408935546875],[596.7848510742188,745.109619140625],[597.38232421875,744.810302734375],[597.979736328125,744.510986328125],[598.5770874023438,744.2115478515625],[599.1738891601562,743.910888671875],[599.7706909179688,743.6102905273438],[600.3674926757812,743.3096923828125],[600.9642944335938,743.0090942382812],[601.5610961914062,742.70849609375],[602.1578979492188,742.4078979492188],[602.7544555664062,742.1067504882812],[603.3505859375,741.8048706054688],[603.94677734375,741.5029907226562],[604.5429077148438,741.201171875],[605.1390991210938,740.8992919921875],[605.7352905273438,740.597412109375],[606.3314208984375,740.2955932617188],[606.9271850585938,739.992919921875],[607.5227661132812,739.6898193359375],[608.1182861328125,739.38671875],[608.7138671875,739.0836791992188],[609.3093872070312,738.7805786132812],[609.9049682617188,738.4774780273438],[610.50048828125,738.1744384765625],[611.0955200195312,737.8702392578125],[611.6904296875,737.5659790039062],[612.285400390625,737.26171875],[612.8803100585938,736.9574584960938],[613.4752807617188,736.6531982421875],[614.0702514648438,736.3489379882812],[614.6651000976562,736.04443359375],[615.2594604492188,735.7390747070312],[615.8538208007812,735.4337158203125],[616.4482421875,735.1283569335938],[617.0426025390625,734.822998046875],[617.636962890625,734.517578125],[618.2313232421875,734.2122192382812],[618.8255004882812,733.9063720703125],[619.4193115234375,733.5999145507812],[620.0131225585938,733.29345703125],[620.60693359375,732.9869995117188],[621.2007446289062,732.6805419921875],[621.7946166992188,732.3741455078125],[622.388427734375,732.0676879882812],[622.9818725585938,731.760498046875],[623.5751342773438,731.4530029296875],[624.16845703125,731.1455078125],[624.76171875,730.8380126953125],[625.3550415039062,730.530517578125],[625.9483032226562,730.2230834960938],[626.5416259765625,729.9155883789062],[627.1343994140625,729.607177734375],[627.7271728515625,729.2987060546875],[628.3199462890625,728.990234375],[628.9127197265625,728.6817626953125],[629.5055541992188,728.373291015625],[630.0982666015625,728.0648803710938],[630.6909790039062,727.7561645507812],[631.2832641601562,727.44677734375],[631.8755493164062,727.1373901367188],[632.4678344726562,726.8280029296875],[633.0601196289062,726.5185546875],[633.6524658203125,726.2091674804688],[634.2446899414062,725.8997802734375],[634.8367919921875,725.5899658203125],[635.4286499023438,725.2797241210938],[636.0205078125,724.9694213867188],[636.6123046875,724.6591186523438],[637.2041625976562,724.348876953125],[637.7959594726562,724.03857421875],[638.3878173828125,723.7283325195312],[638.9791870117188,723.417236328125],[639.5703735351562,723.105712890625],[640.1615600585938,722.794189453125],[640.7527465820312,722.482666015625],[641.3439331054688,722.171142578125],[641.9351196289062,721.859619140625],[642.5262451171875,721.548095703125],[643.117431640625,721.236572265625],[643.7086181640625,720.925048828125],[644.2998046875,720.613525390625],[644.8909912109375,720.302001953125],[645.482177734375,719.990478515625],[646.0733642578125,719.678955078125],[646.6644897460938,719.3673095703125],[647.2548828125,719.0543212890625],[647.8452758789062,718.7412719726562],[648.4356689453125,718.4282836914062],[649.0260620117188,718.1152954101562],[649.616455078125,717.8023071289062],[650.2068481445312,717.4892578125],[650.7972412109375,717.17626953125],[651.3876342773438,716.86328125],[651.97802734375,716.55029296875],[652.5684204101562,716.2372436523438],[653.1588134765625,715.9242553710938],[653.7492065429688,715.6112670898438],[654.339599609375,715.2982788085938],[654.9296875,714.984619140625],[655.5193481445312,714.6703491210938],[656.1090698242188,714.3560791015625],[656.6987915039062,714.041748046875],[657.2885131835938,713.7274780273438],[657.878173828125,713.4131469726562],[658.4678955078125,713.098876953125],[659.0576171875,712.7845458984375],[659.6473388671875,712.4702758789062],[660.237060546875,712.156005859375],[660.8267822265625,711.8416748046875],[661.4164428710938,711.5274047851562],[662.0061645507812,711.2130737304688],[662.5958862304688,710.8988037109375],[663.1851196289062,710.5836181640625],[663.7742309570312,710.2682495117188],[664.3633422851562,709.9528198242188],[664.9524536132812,709.637451171875],[665.5416259765625,709.322021484375],[666.1306762695312,709.0066528320312],[666.7198486328125,708.6912231445312],[667.3089599609375,708.3758544921875],[667.8980712890625,708.0604248046875],[668.4871826171875,707.7450561523438],[669.0762939453125,707.4296264648438],[669.6654052734375,707.1142578125],[670.2545166015625,706.798828125],[670.8435668945312,706.4833374023438],[671.428955078125,706.1609497070312],[672.00830078125,705.8280029296875],[672.58154296875,705.4847412109375],[673.1489868164062,705.1317138671875],[673.7107543945312,704.7698974609375],[674.2669067382812,704.3995361328125],[674.8175659179688,704.0209350585938],[675.362548828125,703.6342163085938],[675.90185546875,703.2396850585938],[676.4354858398438,702.8374633789062],[676.9633178710938,702.427734375],[677.4852905273438,702.010498046875],[678.001220703125,701.5858764648438],[678.5109252929688,701.1537475585938],[679.0140991210938,700.7140502929688],[679.5106201171875,700.2667846679688],[679.9998779296875,699.8117065429688],[680.481689453125,699.3486938476562],[680.9555053710938,698.8775024414062],[681.4208984375,698.39794921875],[681.8772583007812,697.9098510742188],[682.3238525390625,697.4127807617188],[682.7598876953125,696.9064331054688],[683.1839599609375,696.3900756835938],[683.595458984375,695.8636474609375],[683.9930419921875,695.3265380859375],[684.3742065429688,694.7777099609375],[684.7379760742188,694.21728515625],[685.0813598632812,693.64404296875],[685.4072265625,693.0606689453125],[685.718505859375,692.469482421875],[686.0153198242188,691.8707885742188],[686.2987060546875,691.265625],[686.5689086914062,690.6544189453125],[686.8257446289062,690.03759765625],[687.0696411132812,689.4154663085938],[687.3009643554688,688.78857421875],[687.5197143554688,688.1571655273438],[687.725830078125,687.5215454101562],[687.9190063476562,686.8818359375],[688.099365234375,686.2384033203125],[688.266845703125,685.591552734375],[688.4212646484375,684.94140625],[688.562255859375,684.2882080078125],[688.6897583007812,683.6322631835938],[688.8027954101562,682.9737548828125],[688.9011840820312,682.3128051757812],[688.984619140625,681.6498413085938],[689.0523681640625,680.9850463867188],[689.1041259765625,680.31884765625],[689.13818359375,679.6514892578125],[689.154296875,678.9834594726562],[689.151611328125,678.3153076171875],[689.1292114257812,677.6475219726562],[689.0851440429688,676.9807739257812],[689.0186157226562,676.3158569335938],[688.927978515625,675.6538696289062],[688.8158569335938,674.9951171875],[688.6981811523438,674.3372802734375],[688.5758056640625,673.680419921875],[688.4483642578125,673.0244750976562],[688.3162841796875,672.369384765625],[688.177978515625,671.7156372070312],[688.033935546875,671.0631103515625],[687.8839111328125,670.4119262695312],[687.7274780273438,669.7622680664062],[687.5645751953125,669.1142578125],[687.3948364257812,668.4678955078125],[687.2178344726562,667.8235473632812],[687.0333862304688,667.1812744140625],[686.8414306640625,666.5411987304688],[686.6416015625,665.903564453125],[686.43359375,665.2685546875],[686.2171630859375,664.6363525390625],[685.9921264648438,664.0071411132812],[685.7576904296875,663.3814086914062],[685.5139770507812,662.7591552734375],[685.2609252929688,662.1407470703125],[684.998046875,661.5263671875],[684.7252197265625,660.9164428710938],[684.4420776367188,660.3111572265625],[684.1483764648438,659.7109375],[683.8436279296875,659.1162719726562],[683.5278930664062,658.5272827148438],[683.2010498046875,657.9445190429688],[682.8628540039062,657.3682250976562],[682.5131225585938,656.798828125],[682.1517333984375,656.2367553710938],[681.7784423828125,655.6825561523438],[681.3928833007812,655.1367797851562],[680.9954223632812,654.599609375],[680.58642578125,654.0712280273438],[680.1693725585938,653.549072265625],[679.7462768554688,653.0319213867188],[679.317138671875,652.5195922851562],[678.8822631835938,652.0123291015625],[678.4414672851562,651.5100708007812],[677.9950561523438,651.0128173828125],[677.5431518554688,650.5205688476562],[677.0858764648438,650.0333251953125],[676.6231079101562,649.55126953125],[676.1546630859375,649.07470703125],[675.6807861328125,648.6036376953125],[675.2014770507812,648.1380004882812],[674.716796875,647.677978515625],[674.2264404296875,647.2239990234375],[673.7304077148438,646.7763061523438],[673.2288818359375,646.334716796875],[672.7216186523438,645.899658203125],[672.2085571289062,645.4715576171875],[671.6895141601562,645.05078125],[671.1644897460938,644.6373901367188],[670.6334838867188,644.231689453125],[670.0963134765625,643.8342895507812],[669.5525512695312,643.4458618164062],[669.0023803710938,643.0665893554688],[668.4457397460938,642.6969604492188],[667.8823852539062,642.337646484375],[667.3121948242188,641.9891967773438],[666.7348022460938,641.65283203125],[666.1502685546875,641.3290405273438],[665.5587158203125,641.018310546875],[664.9595947265625,640.7223510742188],[664.3530883789062,640.4418334960938],[663.7390747070312,640.1783447265625],[663.1175537109375,639.932861328125],[662.4887084960938,639.7069702148438],[661.8526611328125,639.5023193359375],[661.21044921875,639.3178100585938],[660.56298828125,639.1524047851562],[659.9113159179688,639.0048217773438],[659.2559814453125,638.8740234375],[658.5977172851562,638.7592163085938],[657.9369506835938,638.6597290039062],[657.274169921875,638.57470703125],[656.6097412109375,638.5037231445312],[655.9440307617188,638.4462280273438],[655.2772827148438,638.401611328125],[654.6098022460938,638.3696899414062],[653.94189453125,638.350341796875],[653.273681640625,638.34326171875],[652.60546875,638.3477783203125],[651.9375,638.3641967773438],[651.2698364257812,638.3916015625],[650.602783203125,638.4314575195312],[649.9365234375,638.4820556640625],[649.271240234375,638.544677734375],[648.6071166992188,638.6185913085938],[647.9443359375,638.7041015625],[647.2832641601562,638.80126953125],[646.6240234375,638.9105834960938],[645.9669189453125,639.0321044921875],[645.312255859375,639.166015625],[644.6603393554688,639.3126220703125],[644.011474609375,639.4722900390625],[643.3661499023438,639.6456909179688],[642.7247314453125,639.8329467773438],[642.087646484375,640.0346069335938],[641.4556884765625,640.251708984375],[640.8292846679688,640.4844360351562],[640.20947265625,640.7340698242188],[639.596923828125,641.0010375976562],[638.9928588867188,641.2867431640625],[638.3985595703125,641.592041015625],[637.8152465820312,641.9180297851562],[637.2408447265625,642.259521484375],[636.6710815429688,642.6087036132812],[636.1060180664062,642.96533203125],[635.5457763671875,643.32958984375],[634.990478515625,643.7012329101562],[634.4397583007812,644.0797119140625],[633.8935546875,644.4646606445312],[633.3522338867188,644.8565063476562],[632.8154296875,645.25439453125],[632.2830200195312,645.658203125],[631.7549438476562,646.0677490234375],[631.2313842773438,646.48291015625],[630.7117919921875,646.9031982421875],[630.1963500976562,647.328369140625],[629.6851196289062,647.7586669921875],[629.1776123046875,648.1934204101562],[628.673828125,648.6323852539062],[628.1736450195312,649.0755615234375],[627.6771240234375,649.522705078125],[627.1838989257812,649.9736328125],[626.6937866210938,650.4277954101562],[626.20703125,650.8856811523438],[625.72314453125,651.3464965820312],[625.2420043945312,651.8101806640625],[624.7633666992188,652.2764892578125],[624.287109375,652.7453002929688],[623.8131713867188,653.2163696289062],[623.3418579101562,653.6900024414062],[622.8724975585938,654.1657104492188],[622.4049072265625,654.6431274414062],[621.9390258789062,655.1221313476562],[621.4747314453125,655.6026611328125],[621.0118408203125,656.0846557617188],[620.551025390625,656.568603515625],[620.0902099609375,657.052490234375],[619.630859375,657.537841796875],[619.1722412109375,658.0238647460938],[618.7140502929688,658.51025390625],[618.257080078125,658.9977416992188],[617.800048828125,659.4852905273438],[617.343017578125,659.9727783203125],[616.885986328125,660.4603271484375],[616.428955078125,660.94775390625],[615.9717407226562,661.4351196289062],[615.5145874023438,661.9225463867188],[615.05615234375,662.40869140625],[614.5977172851562,662.8948974609375],[614.1380004882812,663.3799438476562],[613.6774291992188,663.8640747070312],[613.2166137695312,664.3479614257812],[612.75390625,664.830078125],[612.2896728515625,665.3106689453125],[611.8238525390625,665.7899169921875],[611.3565673828125,666.2675170898438],[610.8875732421875,666.7435302734375],[610.4168090820312,667.2177124023438],[609.943603515625,667.6895141601562],[609.4680786132812,668.1591186523438],[608.990478515625,668.62646484375],[608.5106201171875,669.0914306640625],[608.0281982421875,669.5538940429688],[607.5430908203125,670.0134887695312],[607.0548095703125,670.4696044921875],[606.563720703125,670.9227905273438],[606.0701904296875,671.373291015625],[605.5731201171875,671.81982421875],[605.0728759765625,672.2630004882812],[604.5691528320312,672.7020263671875],[604.0621948242188,673.1372680664062],[603.5516357421875,673.5685424804688],[603.0372924804688,673.9950561523438],[602.5194702148438,674.4175415039062],[601.9978637695312,674.8351440429688],[601.4723510742188,675.2478637695312],[600.9431762695312,675.6559448242188],[600.4097900390625,676.0584716796875],[599.8726196289062,676.4559326171875],[599.3335571289062,676.8508911132812],[598.7938232421875,677.2447509765625],[598.2534790039062,677.637939453125],[597.7122192382812,678.0299072265625],[597.1702880859375,678.4208374023438],[596.6278076171875,678.81103515625],[596.0844116210938,679.2000122070312],[595.5403442382812,679.587890625],[594.9956665039062,679.9751586914062],[594.4501342773438,680.3609619140625],[593.9038696289062,680.745849609375],[593.3571166992188,681.1300048828125],[592.809326171875,681.5126953125],[592.2609252929688,681.8944702148438],[591.7119140625,682.2755126953125],[591.1619262695312,682.655029296875],[590.611328125,683.03369140625],[590.0601196289062,683.4115600585938],[589.5079345703125,683.787841796875],[588.955078125,684.1632080078125],[588.4017333984375,684.5377807617188],[587.8472900390625,684.9107055664062],[587.292236328125,685.2828979492188],[586.7366333007812,685.6541137695312],[586.1798706054688,686.023681640625],[585.6226196289062,686.3924560546875],[585.0647583007812,686.76025390625],[584.5057983398438,687.12646484375],[583.9462890625,687.4918823242188],[583.3861083984375,687.856201171875],[582.8248901367188,688.218994140625],[582.26318359375,688.5808715820312],[581.7007446289062,688.941650390625],[581.1372680664062,689.3009643554688],[580.5732421875,689.6593627929688],[580.0084228515625,690.0164184570312],[579.4427490234375,690.3720703125],[578.87646484375,690.7268676757812],[578.3093872070312,691.080322265625],[577.7413330078125,691.432373046875],[577.1727905273438,691.783447265625],[576.603271484375,692.133056640625],[576.0330200195312,692.4813232421875],[575.462158203125,692.8286743164062],[574.8902587890625,693.1744384765625],[574.3176879882812,693.5189208984375],[573.7445678710938,693.8624877929688],[573.1702880859375,694.2042846679688],[572.595458984375,694.5448608398438],[572.02001953125,694.884521484375],[571.443359375,695.2222290039062],[570.8660888671875,695.5588989257812],[570.288330078125,695.8945922851562],[569.7092895507812,696.2282104492188],[569.1297607421875,696.560791015625],[568.5494995117188,696.892333984375],[567.9682006835938,697.2218017578125],[567.3862915039062,697.5502319335938],[566.8035888671875,697.8775024414062],[566.2199096679688,698.2028198242188],[565.6356201171875,698.5270385742188],[565.050537109375,698.8499755859375],[564.4645385742188,699.1709594726562],[563.8778686523438,699.4909057617188],[563.2904052734375,699.8094482421875],[562.7019653320312,700.1260375976562],[562.1128540039062,700.4415893554688],[561.5230102539062,700.7555541992188],[560.9321899414062,701.067626953125],[560.3406982421875,701.3787231445312],[559.7484130859375,701.6880493164062],[559.1551513671875,701.99560546875],[558.5613403320312,702.3020629882812],[557.9666137695312,702.6066284179688],[557.3709106445312,702.9095458984375],[556.774658203125,703.2112426757812],[556.177490234375,703.5110473632812],[555.5794067382812,703.8092041015625],[554.9807739257812,704.1061401367188],[554.381103515625,704.4009399414062],[553.7805786132812,704.6941528320312],[553.1795654296875,704.9861450195312],[552.5774536132812,705.2759399414062],[551.9745483398438,705.564208984375],[551.37109375,705.8511962890625],[550.7665405273438,706.1358032226562],[550.1612548828125,706.4189453125],[549.5552978515625,706.7007446289062],[548.9483032226562,706.9801025390625],[548.340576171875,707.2579956054688],[547.7322998046875,707.5345458984375],[547.122802734375,707.80859375],[546.5126953125,708.0810546875],[545.9019165039062,708.352294921875],[545.2899780273438,708.6207885742188],[544.6774291992188,708.8878173828125],[544.0643310546875,709.1534423828125],[543.4497680664062,709.416015625],[542.8350219726562,709.6779174804688],[542.2190551757812,709.9368896484375],[541.6025390625,710.19482421875],[540.9850463867188,710.4502563476562],[540.366943359375,710.7041625976562],[539.7481079101562,710.9562377929688],[539.1283569335938,711.2061767578125],[538.508056640625,711.4547729492188],[537.8867797851562,711.7008666992188],[537.2651977539062,711.946044921875],[536.6424560546875,712.1882934570312],[536.0194702148438,712.4301147460938],[535.3953247070312,712.668701171875],[534.7708740234375,712.90673828125],[534.1454467773438,713.1420288085938],[533.5197143554688,713.3763427734375],[532.89306640625,713.6085205078125],[532.265869140625,713.8391723632812],[531.6380615234375,714.0681762695312],[531.0096435546875,714.2952880859375],[530.3807983398438,714.5211181640625],[529.7509765625,714.7447509765625],[529.1210327148438,714.967529296875],[528.4901123046875,715.1876831054688],[527.8590087890625,715.4073486328125],[527.2269897460938,715.6241455078125],[526.5946655273438,715.8404541015625],[525.9615478515625,716.0543823242188],[525.3282470703125,716.2672729492188],[524.6941528320312,716.478271484375],[524.0596923828125,716.68798828125],[523.4247436523438,716.8961791992188],[522.7891845703125,717.1026611328125],[522.1533203125,717.30810546875],[521.5167846679688,717.5114135742188],[520.8800048828125,717.714111328125],[520.2424926757812,717.9143676757812],[519.6048583984375,718.1142578125],[518.9663696289062,718.3115844726562],[518.3278198242188,718.5084838867188],[517.6885986328125,718.7031860351562],[517.0491333007812,718.8970947265625],[516.4091796875,719.0892944335938],[515.768798828125,719.2803955078125],[515.1280517578125,719.4700927734375],[514.4868774414062,719.6583251953125],[513.8453979492188,719.8455810546875],[513.2034301757812,720.031005859375],[512.561279296875,720.2157592773438],[511.9184875488281,720.3985595703125],[511.2756652832031,720.5809936523438],[510.6322021484375,720.7611694335938],[509.9885559082031,720.9409790039062],[509.3444519042969,721.118896484375],[508.70013427734375,721.296142578125],[508.055419921875,721.4718627929688],[507.41046142578125,721.6466064453125],[506.7651062011719,721.8201904296875],[506.1195373535156,721.992431640625],[505.47369384765625,722.1638793945312],[504.82733154296875,722.3338012695312],[504.1809387207031,722.503173828125],[503.5341491699219,722.6707153320312],[502.88714599609375,722.8380737304688],[502.2397155761719,723.0034790039062],[501.5921325683594,723.1685791015625],[500.9442443847656,723.33203125],[500.29620361328125,723.4949340820312],[499.64776611328125,723.6565551757812],[498.9991760253906,723.8173828125],[498.3503723144531,723.9771118164062],[497.70123291015625,724.1358642578125],[497.0519714355469,724.2938842773438],[496.4023742675781,724.45068359375],[495.75262451171875,724.6069946289062],[495.10260009765625,724.76171875],[494.4524230957031,724.9163208007812],[493.8019714355469,725.0693359375],[493.1514587402344,725.2220458984375],[492.50054931640625,725.3734741210938],[491.8496398925781,725.5244140625],[491.1984558105469,725.67431640625],[490.54705810546875,725.823486328125],[489.8955383300781,725.971923828125],[489.24371337890625,726.1190185546875],[488.5916442871094,726.2653198242188],[487.93963623046875,726.41162109375],[487.2876281738281,726.5579223632812],[486.63507080078125,726.7017822265625],[485.98248291015625,726.8453979492188],[485.329833984375,726.989013671875],[484.6770935058594,727.1321411132812],[484.0239562988281,727.2733154296875],[483.3707580566406,727.4144287109375],[482.7176208496094,727.5556030273438],[482.0642395019531,727.695556640625],[481.41058349609375,727.83447265625],[480.7569580078125,727.9733276367188],[480.10333251953125,728.1122436523438],[479.44927978515625,728.2493896484375],[478.79522705078125,728.3861694335938],[478.1410827636719,728.52294921875],[477.4869384765625,728.6594848632812],[476.8324890136719,728.7943725585938],[476.177978515625,728.9293212890625],[475.5235290527344,729.064208984375],[474.86895751953125,729.1983642578125],[474.2140808105469,729.3316040039062],[473.5592956542969,729.46484375],[472.90447998046875,729.5980224609375],[472.2493896484375,729.7301635742188],[471.59429931640625,729.8618774414062],[470.9391784667969,729.9935913085938],[470.2840270996094,730.125244140625],[469.628662109375,730.2556762695312],[468.9732360839844,730.3861083984375],[468.31787109375,730.5165405273438],[467.66217041015625,730.6450805664062],[467.00390625,730.760009765625],[466.3430480957031,730.8590698242188],[465.68011474609375,730.9425659179688],[465.0154113769531,731.0115356445312],[464.3494567871094,731.0661010742188],[463.6825256347656,731.1070556640625],[463.0147705078125,731.1346435546875],[462.3467712402344,731.1491088867188],[461.67852783203125,731.1512451171875],[461.0103454589844,731.1414184570312],[460.342529296875,731.1195678710938],[459.6750793457031,731.0872192382812],[459.00836181640625,731.0430297851562],[458.3423156738281,730.9890747070312],[457.67724609375,730.9239501953125],[457.0132141113281,730.8494262695312],[456.3504333496094,730.7647094726562],[455.6888122558594,730.670654296875],[455.0286560058594,730.5673217773438],[454.36993408203125,730.4547119140625],[453.71282958984375,730.33349609375],[453.05743408203125,730.203125],[452.4036560058594,730.0647583007812],[451.751953125,729.9172973632812],[451.1019592285156,729.7622680664062],[450.45416259765625,729.5983276367188],[449.80828857421875,729.4268798828125],[449.16473388671875,729.2471313476562],[448.5233154296875,729.0596923828125],[447.8842468261719,728.864501953125],[447.2477111816406,728.6612548828125],[446.61346435546875,728.45068359375],[445.98211669921875,728.2318115234375],[445.3533020019531,728.005615234375],[444.7274475097656,727.771484375],[444.1045837402344,727.529541015625],[443.4846496582031,727.2800903320312],[442.8681945800781,727.022216796875],[442.25506591796875,726.756591796875],[441.6453857421875,726.48291015625],[441.0439453125,726.1917724609375],[440.45404052734375,725.8781127929688],[439.8751220703125,725.5443725585938],[439.3066711425781,725.193115234375],[438.7484130859375,724.8258056640625],[438.1999206542969,724.4442138671875],[437.66070556640625,724.049560546875],[437.1303405761719,723.6430053710938],[436.60870361328125,723.2254028320312],[436.09539794921875,722.7976684570312],[435.59014892578125,722.3602905273438],[435.0927734375,721.9140625],[434.60308837890625,721.45947265625],[434.1208190917969,720.996826171875],[433.6461486816406,720.5265502929688],[433.1787109375,720.049072265625],[432.7183837890625,719.5645751953125],[432.2652587890625,719.073486328125],[431.8192443847656,718.5758666992188],[431.3804931640625,718.0718994140625],[430.94915771484375,717.5615234375],[430.5244140625,717.0455932617188],[430.10723876953125,716.523681640625],[429.6975402832031,715.9957885742188],[429.2952880859375,715.462158203125],[428.90069580078125,714.9229125976562],[428.5139465332031,714.3779907226562],[428.13543701171875,713.8272705078125],[427.7653503417969,713.2708740234375],[427.4039306640625,712.7088012695312],[427.0515441894531,712.1410522460938],[426.708740234375,711.5675048828125],[426.3759460449219,710.988037109375],[426.0537109375,710.4026489257812],[425.7427978515625,709.8112182617188],[425.4438781738281,709.2134399414062],[425.1580810546875,708.6094970703125],[424.88629150390625,707.9990844726562],[424.62969970703125,707.3820190429688],[424.38983154296875,706.7584228515625],[424.16839599609375,706.1279296875],[423.9677429199219,705.4906005859375],[423.78887939453125,704.8468017578125],[423.61663818359375,704.2011108398438],[423.44439697265625,703.5554809570312],[423.2721862792969,702.9098510742188],[423.0999450683594,702.26416015625],[422.92950439453125,701.6181030273438],[422.7593994140625,700.9718627929688],[422.58929443359375,700.3256225585938],[422.419189453125,699.679443359375],[422.2498474121094,699.0330200195312],[422.0818176269531,698.38623046875],[421.91375732421875,697.7394409179688],[421.7457275390625,697.0926513671875],[421.5776672363281,696.4459228515625],[421.4115295410156,695.7986450195312],[421.2455139160156,695.1513671875],[421.07952880859375,694.5040893554688],[420.9135437011719,693.8568115234375],[420.7485046386719,693.2092895507812],[420.5845031738281,692.5614624023438],[420.4205017089844,691.9136962890625],[420.2565002441406,691.265869140625],[420.0926208496094,690.6181030273438],[419.9305725097656,689.9697875976562],[419.7685546875,689.3214721679688],[419.60650634765625,688.6732177734375],[419.4444885253906,688.02490234375],[419.2836608886719,687.3762817382812],[419.12353515625,686.7275390625],[418.96343994140625,686.0787353515625],[418.8033142089844,685.4299926757812],[418.64361572265625,684.7811279296875],[418.4853820800781,684.1318969726562],[418.3271789550781,683.482666015625],[418.1689453125,682.8333740234375],[418.0107421875,682.1842041015625],[417.8540344238281,681.5346069335938],[417.6976623535156,680.8848876953125],[417.5412902832031,680.2352294921875],[417.38494873046875,679.5855712890625],[417.22930908203125,678.9356689453125],[417.0747375488281,678.2855834960938],[416.9201965332031,677.635498046875],[416.7655944824219,676.9853515625],[416.611083984375,676.335205078125],[416.4582824707031,675.6846923828125],[416.30548095703125,675.0341186523438],[416.1526794433594,674.3836059570312],[415.9998779296875,673.7330322265625],[415.8481750488281,673.0823364257812],[415.69708251953125,672.431396484375],[415.5460205078125,671.7804565429688],[415.3949279785156,671.1295166015625],[415.2442932128906,670.478515625],[415.0948791503906,669.8271484375],[414.94549560546875,669.1758422851562],[414.79608154296875,668.5245361328125],[414.6466979980469,667.8732299804688],[414.4987487792969,667.2216186523438],[414.3509826660156,666.5698852539062],[414.2032470703125,665.918212890625],[414.05548095703125,665.2664794921875],[413.9085388183594,664.6145629882812],[413.76239013671875,663.9625244140625],[413.6162414550781,663.3104858398438],[413.4700622558594,662.6583862304688],[413.3241271972656,662.00634765625],[413.1795349121094,661.3539428710938],[413.034912109375,660.7015380859375],[412.89031982421875,660.0491333007812],[412.7456970214844,659.3967895507812],[412.6022644042969,658.7440795898438],[412.45916748046875,658.0913696289062],[412.3160705566406,657.4385986328125],[412.1729736328125,656.785888671875],[412.0304870605469,656.133056640625],[411.8888244628906,655.4799194335938],[411.7471923828125,654.826904296875],[411.6055603027344,654.1738891601562],[411.4640197753906,653.520751953125],[411.32379150390625,652.867431640625],[411.18353271484375,652.2140502929688],[411.0433044433594,651.5606689453125],[410.9030456542969,650.9073486328125],[410.7638244628906,650.2537231445312],[410.6249694824219,649.60009765625],[410.4861145019531,648.9464721679688],[410.34722900390625,648.2927856445312],[410.2088928222656,647.6390991210938],[410.07135009765625,646.9852294921875],[409.93377685546875,646.3312377929688],[409.79620361328125,645.6773681640625],[409.6587219238281,645.0234375],[409.5224304199219,644.3692016601562],[409.38616943359375,643.7150268554688],[409.2498779296875,643.060791015625],[409.1136169433594,642.4066162109375],[408.97821044921875,641.7522583007812],[408.8431396484375,641.0977783203125],[408.70806884765625,640.443359375],[408.572998046875,639.7889404296875],[408.4383850097656,639.1343383789062],[408.3044738769531,638.4796752929688],[408.1705627441406,637.8250122070312],[408.0366516113281,637.1703491210938],[407.90283203125,636.5156860351562],[407.7700500488281,635.8607788085938],[407.63726806640625,635.2058715820312],[407.5044860839844,634.5509643554688],[407.3717041015625,633.89599609375],[407.23968505859375,633.240966796875],[407.10797119140625,632.5858764648438],[406.97625732421875,631.9307250976562],[406.8445739746094,631.2755737304688],[406.7132568359375,630.6204223632812],[406.5825500488281,629.9650268554688],[406.4518737792969,629.3097534179688],[406.3211975097656,628.6544189453125],[406.1905517578125,627.9990234375],[406.06085205078125,627.343505859375],[405.9311218261719,626.6879272460938],[405.8014221191406,626.032470703125],[405.67169189453125,625.376953125],[405.54296875,624.72119140625],[405.41461181640625,624.0654296875],[405.2862548828125,623.40966796875],[405.15789794921875,622.7538452148438],[405.029541015625,622.0980224609375],[404.90118408203125,621.4422607421875],[404.7727966308594,620.7864379882812],[404.6444396972656,620.1306762695312],[404.5162048339844,619.474853515625],[404.38946533203125,618.8187866210938],[404.2627258300781,618.1626586914062],[404.135986328125,617.5065307617188],[404.0092468261719,616.8504638671875],[403.8825378417969,616.1943969726562],[403.7557678222656,615.5382080078125],[403.6290283203125,614.8821411132812],[403.5023193359375,614.22607421875],[403.37615966796875,613.56982421875],[403.2508544921875,612.9134521484375],[403.12554931640625,612.257080078125],[403.0002136230469,611.6007080078125],[402.8749084472656,610.9443359375],[402.7496032714844,610.2879028320312],[402.6242980957031,609.6315307617188],[402.4989929199219,608.9752197265625],[402.3736572265625,608.3187866210938],[402.249267578125,607.6622314453125],[402.12518310546875,607.005615234375],[402.0010986328125,606.3489990234375],[401.8769836425781,605.6923828125],[401.7528991699219,605.0358276367188],[401.6288146972656,604.379150390625],[401.5047302246094,603.7225952148438],[401.380615234375,603.06591796875],[401.2566223144531,602.4093017578125],[401.133544921875,601.7525024414062],[401.01043701171875,601.095703125],[400.8873596191406,600.4389038085938],[400.7642822265625,599.7821044921875],[400.6412048339844,599.1253051757812],[400.51812744140625,598.468505859375],[400.3950500488281,597.8117065429688],[400.2719421386719,597.1548461914062],[400.1492004394531,596.498046875],[400.02691650390625,595.8411254882812],[399.9046325683594,595.1841430664062],[399.7823486328125,594.5272216796875],[399.6600341796875,593.8702392578125],[399.5377502441406,593.2133178710938],[399.41546630859375,592.556396484375],[399.2931823730469,591.8993530273438],[399.1708679199219,591.242431640625],[399.04913330078125,590.5853881835938],[398.9276123046875,589.9282836914062],[398.8061218261719,589.2711791992188],[398.6846008300781,588.6141357421875],[398.5630798339844,587.9569702148438],[398.44158935546875,587.2999267578125],[398.320068359375,586.642822265625],[398.19854736328125,585.9857177734375],[398.0770568847656,585.3286743164062],[397.9555358886719,584.6715087890625],[397.8340148925781,584.0144653320312],[397.7125244140625,583.3573608398438],[397.59100341796875,582.7002563476562],[397.469482421875,582.0431518554688],[397.3479919433594,581.3861083984375],[397.2264709472656,580.7289428710938],[397.1049499511719,580.0718994140625],[396.9835205078125,579.4147338867188],[396.86236572265625,578.757568359375],[396.7412109375,578.1004638671875],[396.6200256347656,577.4432373046875],[396.4988708496094,576.7861328125],[396.3777160644531,576.1289672851562],[396.25653076171875,575.4718017578125],[396.1353759765625,574.8146362304688],[396.01422119140625,574.157470703125],[395.8930358886719,573.5003051757812],[395.7718811035156,572.8431396484375],[395.6507263183594,572.18603515625],[395.529541015625,571.52880859375],[395.40838623046875,570.8717041015625],[395.2872314453125,570.2144775390625],[395.1660461425781,569.557373046875],[395.0448913574219,568.9002075195312],[394.9237365722656,568.2430419921875],[394.8022155761719,567.5859985351562],[394.6805725097656,566.928955078125],[394.5589294433594,566.2718505859375],[394.4372863769531,565.6148071289062],[394.3156433105469,564.957763671875],[394.1939697265625,564.3006591796875],[394.07232666015625,563.6435546875],[393.95068359375,562.9864501953125],[393.82904052734375,562.3294067382812],[393.7073974609375,561.67236328125],[393.58575439453125,561.0152587890625],[393.464111328125,560.3582153320312],[393.34246826171875,559.701171875],[393.2208251953125,559.0440673828125],[393.09918212890625,558.3870239257812],[392.9775390625,557.72998046875],[392.8558654785156,557.0728759765625],[392.734130859375,556.4158325195312],[392.61163330078125,555.7589111328125],[392.4891052246094,555.1019897460938],[392.3666076660156,554.4451293945312],[392.24407958984375,553.7882080078125],[392.1215515136719,553.1312866210938],[391.9990539550781,552.4744262695312],[391.87652587890625,551.8174438476562],[391.7540283203125,551.1605834960938],[391.6313171386719,550.5037231445312],[391.5079345703125,549.846923828125],[391.3846130371094,549.190185546875],[391.2612609863281,548.5335083007812],[391.1379089355469,547.876708984375],[391.0145568847656,547.219970703125],[390.8912048339844,546.5631713867188],[390.7678527832031,545.9064331054688],[390.6445007324219,545.2496948242188],[390.5207824707031,544.593017578125],[390.3963928222656,543.9364624023438],[390.2720031738281,543.2799072265625],[390.1476135253906,542.6233520507812],[390.0232238769531,541.966796875],[389.8988342285156,541.310302734375],[389.7744445800781,540.6536865234375],[389.6500549316406,539.9971313476562],[389.5256652832031,539.340576171875],[389.4007568359375,538.68408203125],[389.275146484375,538.0277709960938],[389.1495361328125,537.3713989257812],[389.02392578125,536.715087890625],[388.8983154296875,536.0587768554688],[388.772705078125,535.4024658203125],[388.6470947265625,534.7461547851562],[388.521484375,534.08984375],[388.3958740234375,533.4334716796875],[388.2696228027344,532.7772827148438],[388.1426086425781,532.1212768554688],[388.0155944824219,531.4651489257812],[387.8885803222656,530.8091430664062],[387.76153564453125,530.1530151367188],[387.634521484375,529.4970092773438],[387.50750732421875,528.8410034179688],[387.3804626464844,528.1848754882812],[387.2534484863281,527.5288696289062],[387.1257629394531,526.8729858398438],[386.99713134765625,526.2172241210938],[386.8685302734375,525.5614624023438],[386.7398986816406,524.90576171875],[386.6112976074219,524.25],[386.482666015625,523.5942993164062],[386.35406494140625,522.9384765625],[386.2254333496094,522.2827758789062],[386.0968322753906,521.6270751953125],[385.96881103515625,520.9711303710938],[385.8498229980469,520.3136596679688],[385.741943359375,519.6541748046875],[385.64495849609375,518.9929809570312],[385.5591125488281,518.330322265625],[385.4836730957031,517.6663818359375],[385.41851806640625,517.0013427734375],[385.3637390136719,516.3353881835938],[385.3186950683594,515.6686401367188],[385.2834167480469,515.0013427734375],[385.25775146484375,514.3336791992188],[385.2412109375,513.6655883789062],[385.2339172363281,512.9974365234375],[385.23553466796875,512.3292236328125],[385.24566650390625,511.6610107421875],[385.2646484375,510.9930725097656],[385.2917785644531,510.3254699707031],[385.32720947265625,509.6581115722656],[385.37066650390625,508.9913024902344],[385.421875,508.3250732421875],[385.4809875488281,507.659423828125],[385.547607421875,506.9945373535156],[385.62200927734375,506.3304443359375],[385.7032775878906,505.667236328125],[385.7913818359375,505.0047912597656],[385.88720703125,504.343505859375],[385.9897766113281,503.68316650390625],[386.09881591796875,503.02392578125],[386.2147521972656,502.36578369140625],[386.3375549316406,501.7089538574219],[386.4665222167969,501.0533142089844],[386.6017150878906,500.39886474609375],[386.74383544921875,499.7460021972656],[386.89190673828125,499.0943298339844],[387.0458068847656,498.4440612792969],[387.2064208984375,497.7954406738281],[387.3728942871094,497.1482849121094],[387.5450134277344,496.50262451171875],[387.7234191894531,495.858642578125],[387.9077453613281,495.21630859375],[388.0975341796875,494.57562255859375],[388.29345703125,493.936767578125],[388.49517822265625,493.2996826171875],[388.7022399902344,492.66436767578125],[388.9154968261719,492.03106689453125],[389.13433837890625,491.39971923828125],[389.3585205078125,490.77020263671875],[389.5890808105469,490.1429748535156],[389.8249816894531,489.517822265625],[390.0693054199219,488.8959045410156],[390.32830810546875,488.27984619140625],[390.6009216308594,487.6697998046875],[390.8865966796875,487.0657653808594],[391.1851501464844,486.4679260253906],[391.4957275390625,485.876220703125],[391.8179016113281,485.29083251953125],[392.1513977050781,484.71173095703125],[392.49554443359375,484.13897705078125],[392.8503112792969,483.5726623535156],[393.2153625488281,483.01300048828125],[393.5897216796875,482.4595642089844],[393.9734191894531,481.91241455078125],[394.3668518066406,481.372314453125],[394.7689208984375,480.8386535644531],[395.17950439453125,480.3114318847656],[395.5985412597656,479.7908935546875],[396.0261535644531,479.27740478515625],[396.4616394042969,478.77056884765625],[396.9046936035156,478.2703552246094],[397.3558044433594,477.7773742675781],[397.8144836425781,477.2914733886719],[398.2803955078125,476.8124694824219],[398.75347900390625,476.34051513671875],[399.23419189453125,475.8763427734375],[399.7218017578125,475.4194641113281],[400.2162780761719,474.969970703125],[400.7176818847656,474.52825927734375],[401.2261657714844,474.0947570800781],[401.74127197265625,473.6690979003906],[402.2629699707031,473.25152587890625],[402.79144287109375,472.8426513671875],[403.32672119140625,472.4425964355469],[403.8684387207031,472.05133056640625],[404.4166259765625,471.6692199707031],[404.97125244140625,471.29656982421875],[405.53204345703125,470.93316650390625],[406.0940856933594,470.5716552734375],[406.65606689453125,470.2101745605469],[407.21807861328125,469.84869384765625],[407.7806396484375,469.488037109375],[408.34320068359375,469.12744140625],[408.90576171875,468.7668151855469],[409.46868896484375,468.4066162109375],[410.03179931640625,468.046875],[410.5949401855469,467.68707275390625],[411.1581115722656,467.32745361328125],[411.7218017578125,466.96856689453125],[412.2855224609375,466.60968017578125],[412.84918212890625,466.2508239746094],[413.41326904296875,465.892578125],[413.9775695800781,465.5345764160156],[414.54180908203125,465.1766052246094],[415.106201171875,464.81890869140625],[415.6710510253906,464.4618225097656],[416.2358703613281,464.104736328125],[416.80072021484375,463.74761962890625],[417.3660583496094,463.39141845703125],[417.9314270019531,463.0352478027344],[418.4968566894531,462.67901611328125],[419.0625305175781,462.3233642578125],[419.6285095214844,461.9681091308594],[420.1944885253906,461.6128234863281],[420.76055908203125,461.2577209472656],[421.32708740234375,460.90338134765625],[421.8936462402344,460.54901123046875],[422.4601745605469,460.1946716308594],[423.02716064453125,459.841064453125],[423.5943298339844,459.4876403808594],[424.16143798828125,459.1342468261719],[424.7288513183594,458.78118896484375],[425.29656982421875,458.4287109375],[425.8642578125,458.0762634277344],[426.4320373535156,457.7237854003906],[427.00030517578125,457.3722839355469],[427.568603515625,457.020751953125],[428.1369323730469,456.6692199707031],[428.7055969238281,456.318359375],[429.27447509765625,455.9678039550781],[429.8433837890625,455.6172180175781],[430.4124450683594,455.2669677734375],[430.9819641113281,454.9173583984375],[431.55145263671875,454.5677490234375],[432.12091064453125,454.2181701660156],[432.6910095214844,453.8694763183594],[433.2610778808594,453.5208435058594],[433.83111572265625,453.1722106933594],[434.4016418457031,452.82415771484375],[434.9722900390625,452.47650146484375],[435.5429382324219,452.12884521484375],[436.11383056640625,451.78143310546875],[436.6850891113281,451.4347839355469],[437.25634765625,451.0881042480469],[437.82763671875,450.7414245605469],[438.39947509765625,450.39569091796875],[438.97137451171875,450.0499572753906],[439.543212890625,449.70428466796875],[440.11541748046875,449.3592224121094],[440.68792724609375,449.0144958496094],[441.2603759765625,448.6697998046875],[441.83294677734375,448.3254089355469],[442.40606689453125,447.9817199707031],[442.97918701171875,447.63800048828125],[443.55224609375,447.2943420410156],[444.12591552734375,446.9515686035156],[444.6995544433594,446.6089172363281],[445.2732238769531,446.2662353515625],[445.8472595214844,445.9241943359375],[446.421630859375,445.5824890136719],[446.99591064453125,445.2408142089844],[447.5702819824219,444.8995056152344],[448.1451721191406,444.5588684082031],[448.72003173828125,444.21826171875],[449.2950134277344,443.8775634765625],[449.8705139160156,443.5379333496094],[450.44598388671875,443.19830322265625],[451.0214538574219,442.85870361328125],[451.59735107421875,442.519775390625],[452.1734619140625,442.1811828613281],[452.7496337890625,441.8425598144531],[453.3259582519531,441.50433349609375],[453.90264892578125,441.1667785644531],[454.4793395996094,440.8292541503906],[455.05609130859375,440.4917297363281],[455.63348388671875,440.1551818847656],[456.2107849121094,439.81866455078125],[456.7880859375,439.482177734375],[457.36578369140625,439.1464538574219],[457.9436950683594,438.8110046386719],[458.5216064453125,438.4755554199219],[459.0998840332031,438.1404724121094],[459.67840576171875,437.8060607910156],[460.2569274902344,437.4716796875],[460.83551025390625,437.1373596191406],[461.4146423339844,436.80401611328125],[461.993896484375,436.47064208984375],[462.5730285644531,436.1372985839844],[463.1525573730469,435.8048400878906],[463.7322998046875,435.4725341796875],[464.3120422363281,435.1402587890625],[464.8921203613281,434.8084716796875],[465.4725646972656,434.4771728515625],[466.05291748046875,434.1459655761719],[466.63330078125,433.81494140625],[467.2142639160156,433.48480224609375],[467.79522705078125,433.1546325683594],[468.37615966796875,432.824462890625],[468.9577941894531,432.49517822265625],[469.5393371582031,432.16607666015625],[470.12091064453125,431.8370056152344],[470.70281982421875,431.50848388671875],[471.2850036621094,431.18048095703125],[471.86724853515625,430.8523864746094],[472.4495544433594,430.524658203125],[473.0323181152344,430.19769287109375],[473.6150817871094,429.8707275390625],[474.1978454589844,429.5437927246094],[474.7811584472656,429.2178649902344],[475.3646240234375,428.8919372558594],[475.947998046875,428.5660705566406],[476.5317687988281,428.2408752441406],[477.1157531738281,427.91607666015625],[477.69970703125,427.5912780761719],[478.2839660644531,427.26678466796875],[478.8685302734375,426.9430847167969],[479.4530944824219,426.619384765625],[480.0376892089844,426.2956848144531],[480.62286376953125,425.9730529785156],[481.2080383300781,425.6504211425781],[481.7933044433594,425.3277282714844],[482.37884521484375,425.005859375],[482.964599609375,424.684326171875],[483.55035400390625,424.36279296875],[484.1363220214844,424.0416564941406],[484.7228088378906,423.72113037109375],[485.30914306640625,423.40069580078125],[485.8955383300781,423.08026123046875],[486.48248291015625,422.7608947753906],[487.0694274902344,422.4415283203125],[487.6563720703125,422.1221618652344],[488.2438659667969,421.80352783203125],[488.8314208984375,421.4852600097656],[489.4189453125,421.1669921875],[490.0067443847656,420.84912109375],[490.5948791503906,420.53192138671875],[491.18310546875,420.2146911621094],[491.7712707519531,419.8975524902344],[492.3599853515625,419.5814514160156],[492.9486999511719,419.2653503417969],[493.53741455078125,418.9492492675781],[494.1265563964844,418.6339111328125],[494.7159423828125,418.31884765625],[495.3052673339844,418.0038146972656],[495.8948059082031,417.689208984375],[496.4847106933594,417.37530517578125],[497.0745849609375,417.0613708496094],[497.66455078125,416.74749755859375],[498.2550048828125,416.4346618652344],[498.845458984375,416.121826171875],[499.4359130859375,415.8089904785156],[500.02685546875,415.49688720703125],[500.6178894042969,415.1851501464844],[501.2090148925781,414.8733215332031],[501.80029296875,414.56195068359375],[502.3918762207031,414.2512512207031],[502.9834899902344,413.9405822753906],[503.5750427246094,413.6299133300781],[504.167236328125,413.3203430175781],[504.7594909667969,413.01068115234375],[505.3516540527344,412.70111083984375],[505.9442138671875,412.3922119140625],[506.5369567871094,412.0837097167969],[507.1296691894531,411.7751770019531],[507.7226867675781,411.4669189453125],[508.31597900390625,411.1595153808594],[508.9092712402344,410.8520812988281],[509.5025634765625,410.5446472167969],[510.0963134765625,410.2382507324219],[510.690185546875,409.931884765625],[511.2841491699219,409.62548828125],[511.8782958984375,409.3197021484375],[512.4727172851562,409.0144348144531],[513.0670776367188,408.70916748046875],[513.66162109375,408.4040222167969],[514.2567138671875,408.0997619628906],[514.8516235351562,407.7955627441406],[515.4465942382812,407.4913635253906],[516.0418701171875,407.18804931640625],[516.6373901367188,406.8849182128906],[517.23291015625,406.581787109375],[517.8287353515625,406.27899169921875],[518.4247436523438,405.9769287109375],[519.0208129882812,405.6748352050781],[519.6168212890625,405.3727722167969],[520.21337890625,405.07177734375],[520.81005859375,404.7707214355469],[521.4066772460938,404.4697265625],[522.0035400390625,404.1693420410156],[522.6006469726562,403.8694152832031],[523.1978149414062,403.5694885253906],[523.7950439453125,403.2696533203125],[524.392822265625,402.9707336425781],[524.990478515625,402.6718444824219],[525.5880737304688,402.3729553222656],[526.18603515625,402.07489013671875],[526.7842407226562,401.77703857421875],[527.3825073242188,401.4791564941406],[527.9808959960938,401.1816101074219],[528.57958984375,400.88482666015625],[529.1782836914062,400.5880432128906],[529.7769775390625,400.291259765625],[530.3767700195312,399.9968566894531],[530.978759765625,399.70648193359375],[531.5828857421875,399.4207458496094],[532.1886596679688,399.1388854980469],[532.7964477539062,398.8611145019531],[533.4058837890625,398.58697509765625],[534.0170288085938,398.3165588378906],[534.629638671875,398.0495910644531],[535.2435913085938,397.7861022949219],[535.8590698242188,397.5257568359375],[536.47607421875,397.2691345214844],[537.0938720703125,397.0145263671875],[537.71337890625,396.763671875],[538.3338012695312,396.5155944824219],[538.9551391601562,396.2698059082031],[539.5775756835938,396.0267028808594],[540.2012329101562,395.7868347167969],[540.8256225585938,395.5491027832031],[541.4510498046875,395.3132629394531],[542.0775756835938,395.0809020996094],[542.7047119140625,394.8504333496094],[543.3326416015625,394.62176513671875],[543.9615478515625,394.3959655761719],[544.59130859375,394.1722106933594],[545.2214965820312,393.9501647949219],[545.8526000976562,393.7306213378906],[546.4844970703125,393.5131530761719],[547.1167602539062,393.2972412109375],[547.7498779296875,393.0835876464844],[548.3839111328125,392.8719177246094],[549.0181274414062,392.6617126464844],[549.6531372070312,392.45367431640625],[550.288818359375,392.2475280761719],[550.9248046875,392.0426940917969],[551.5616455078125,391.8399353027344],[552.1989135742188,391.63897705078125],[552.8366088867188,391.439208984375],[553.4749145507812,391.24163818359375],[554.11376953125,391.0455627441406],[554.7528686523438,390.85064697265625],[555.392822265625,390.657958984375],[556.0330810546875,390.466552734375],[556.6735229492188,390.27630615234375],[557.3147583007812,390.0883483886719],[557.9564208984375,389.9013977050781],[558.5984497070312,389.7157287597656],[559.2409057617188,389.5321350097656],[559.8836669921875,389.3495788574219],[560.52685546875,389.1684265136719],[561.1705932617188,388.9891052246094],[561.8145751953125,388.8107604980469],[562.4590454101562,388.6338806152344],[563.1038208007812,388.4587097167969],[563.7490234375,388.28448486328125],[564.3945922851562,388.1119079589844],[565.0404663085938,387.94073486328125],[565.686767578125,387.7705078125],[566.3334350585938,387.60205078125],[566.9802856445312,387.4349670410156],[567.6275634765625,387.268798828125],[568.2752075195312,387.1044006347656],[568.9231567382812,386.94122314453125],[569.571533203125,386.77899169921875],[570.22021484375,386.6186218261719],[570.8692016601562,386.4593811035156],[571.5184936523438,386.3011474609375],[572.1681518554688,386.1447448730469],[572.818115234375,385.9894714355469],[573.46826171875,385.83526611328125],[574.1188354492188,385.6827697753906],[574.7697143554688,385.53155517578125],[575.4208374023438,385.38140869140625],[576.0723266601562,385.23284912109375],[576.7243041992188,385.085693359375],[577.3763427734375,384.939697265625],[578.0286865234375,384.7950744628906],[578.6815185546875,384.6521301269531],[579.33447265625,384.5104064941406],[579.9878540039062,384.36981201171875],[580.6415405273438,384.231201171875],[581.2954711914062,384.0938720703125],[581.94970703125,383.95782470703125],[582.604248046875,383.8232421875],[583.2592163085938,383.6905517578125],[583.9144897460938,383.5592041015625],[584.5698852539062,383.4292907714844],[585.2256469726562,383.3010559082031],[585.8818359375,383.1747741699219],[586.5382690429688,383.04998779296875],[587.195068359375,382.92681884765625],[587.8522338867188,382.8052978515625],[588.509765625,382.68597412109375],[589.16748046875,382.5682373046875],[589.8253173828125,382.4509582519531],[590.483154296875,382.3336486816406],[591.14111328125,382.2163391113281],[591.7989501953125,382.09906005859375],[592.456787109375,381.9817810058594],[593.1146240234375,381.8644714355469],[593.7724609375,381.7471923828125],[594.4303588867188,381.6300048828125],[595.088623046875,381.5143127441406],[595.7467651367188,381.39862060546875],[596.4048461914062,381.2829284667969],[597.06298828125,381.1672668457031],[597.7211303710938,381.05157470703125],[598.3793334960938,380.9358825683594],[599.0374755859375,380.8201904296875],[599.6956176757812,380.7044982910156],[600.353759765625,380.5894775390625],[601.0121459960938,380.4753112792969],[601.6705322265625,380.3611755371094],[602.3290405273438,380.24700927734375],[602.9874267578125,380.1328430175781],[603.6458129882812,380.0187072753906],[604.30419921875,379.9045715332031],[604.9625854492188,379.7904052734375],[605.62109375,379.6762390136719],[606.2797241210938,379.5632629394531],[606.9383544921875,379.4505920410156],[607.5969848632812,379.3379211425781],[608.255615234375,379.2252502441406],[608.914306640625,379.112548828125],[609.5730590820312,378.9998474121094],[610.231689453125,378.8871765136719],[610.8903198242188,378.7745056152344],[611.5491333007812,378.6621398925781],[612.2080078125,378.55084228515625],[612.8670043945312,378.4395446777344],[613.52587890625,378.3282470703125],[614.1847534179688,378.2169494628906],[614.8436279296875,378.10565185546875],[615.5025024414062,377.9943542480469],[616.161376953125,377.8830871582031],[616.8203735351562,377.7717590332031],[617.4794311523438,377.6614074707031],[618.1385498046875,377.5514221191406],[618.7976684570312,377.4414367675781],[619.4567260742188,377.3314514160156],[620.115966796875,377.221435546875],[620.7750854492188,377.1114807128906],[621.4341430664062,377.0014953613281],[622.09326171875,376.8915100097656],[622.7523803710938,376.78179931640625],[623.4116821289062,376.67303466796875],[624.0711059570312,376.56427001953125],[624.7304077148438,376.45550537109375],[625.3897094726562,376.34674072265625],[626.0490112304688,376.23797607421875],[626.7083129882812,376.1292419433594],[627.3676147460938,376.0204772949219],[628.0270385742188,375.91168212890625],[628.6864624023438,375.8038330078125],[629.345947265625,375.6961975097656],[630.0054931640625,375.5885925292969],[630.6649780273438,375.4809875488281],[631.3245849609375,375.37335205078125],[631.9840698242188,375.2657165527344],[632.6435546875,375.1581115722656],[633.3030395507812,375.0505065917969],[633.9625244140625,374.9432678222656],[634.6221923828125,374.8367004394531],[635.281982421875,374.7301025390625],[635.941650390625,374.6235656738281],[636.601318359375,374.5169982910156],[637.260986328125,374.4104309082031],[637.920654296875,374.3038635253906],[638.5803833007812,374.1972961425781],[639.2400512695312,374.0907287597656],[639.89990234375,373.9850769042969],[640.5597534179688,373.87945556640625],[641.2195434570312,373.77386474609375],[641.87939453125,373.66827392578125],[642.539306640625,373.5626525878906],[643.1991577148438,373.45703125],[643.8589477539062,373.3514404296875],[644.5187377929688,373.245849609375],[645.1785888671875,373.1407470703125],[645.8386840820312,373.0360107421875],[646.4986572265625,372.9312744140625],[647.1585693359375,372.8265686035156],[647.8185424804688,372.7218322753906],[648.478515625,372.6170959472656],[649.138427734375,372.51239013671875],[649.7985229492188,372.4076232910156],[650.4585571289062,372.3030700683594],[651.11865234375,372.1991271972656],[651.7787475585938,372.09515380859375],[652.4388427734375,371.9912109375],[653.0989990234375,371.8872375488281],[653.7590942382812,371.7832946777344],[654.419189453125,371.6793518066406],[655.0792236328125,371.57537841796875],[655.7393188476562,371.471435546875],[656.3994750976562,371.3683776855469],[657.059814453125,371.265380859375],[657.7200317382812,371.16241455078125],[658.3802490234375,371.0594177246094],[659.0404663085938,370.9564514160156],[659.7007446289062,370.85345458984375],[660.361083984375,370.7504577636719],[661.0213012695312,370.6474914550781],[661.6815185546875,370.5445251464844],[662.341796875,370.4415283203125],[663.0020141601562,370.33856201171875],[663.6622314453125,370.235595703125],[664.3225708007812,370.1325988769531],[664.9827880859375,370.02960205078125],[665.64306640625,369.9266357421875],[666.3032836914062,369.8236389160156],[666.9635009765625,369.7209167480469],[667.6239013671875,369.6189270019531],[668.284423828125,369.51690673828125],[668.94482421875,369.4148864746094],[669.6051635742188,369.3128967285156],[670.2655639648438,369.21087646484375],[670.9259643554688,369.10888671875],[671.58642578125,369.0068664550781],[672.246826171875,368.9048767089844],[672.9072265625,368.8028564453125],[673.5675659179688,368.70086669921875],[674.2279663085938,368.5988464355469],[674.8883666992188,368.4968566894531],[675.548828125,368.39483642578125],[676.209228515625,368.2928161621094],[676.86962890625,368.1908264160156],[677.5299682617188,368.08880615234375],[678.1904296875,367.98724365234375],[678.8510131835938,367.8858947753906],[679.5115356445312,367.7845458984375],[680.1719970703125,367.6831970214844],[680.8324584960938,367.58184814453125],[681.4929809570312,367.48052978515625],[682.1534423828125,367.3791809082031],[682.8140869140625,367.27783203125],[683.4745483398438,367.1764831542969],[684.135009765625,367.0751647949219],[684.7955322265625,366.97381591796875],[685.4559936523438,366.8724670410156],[686.1165771484375,366.7711181640625],[686.777099609375,366.6697692871094],[687.4375610351562,366.5684509277344],[688.0980224609375,366.46710205078125],[688.758544921875,366.3657531738281],[689.4190063476562,366.264404296875],[690.07958984375,366.1630554199219],[690.7401123046875,366.0617370605469],[691.4005737304688,365.96038818359375],[692.0610961914062,365.8590393066406],[692.7215576171875,365.7576904296875],[693.3821411132812,365.6563415527344],[694.0426635742188,365.5550231933594],[694.703125,365.45367431640625],[695.3635864257812,365.3523254394531],[696.0241088867188,365.2510070800781],[696.6845703125,365.149658203125],[697.3451538085938,365.0483093261719],[698.0056762695312,364.94696044921875],[698.6661376953125,364.8456115722656],[699.32666015625,364.7442932128906],[699.9871826171875,364.64288330078125],[700.6477661132812,364.5413818359375],[701.3082885742188,364.43994140625],[701.96875,364.3384704589844],[702.6292114257812,364.23699951171875],[703.2896728515625,364.1355285644531],[703.9501342773438,364.0340576171875],[704.6107177734375,363.93255615234375],[705.2711791992188,363.83111572265625],[705.931640625,363.7296447753906],[706.5921020507812,363.628173828125],[707.2525634765625,363.5267028808594],[707.9131469726562,363.4252014160156],[708.5736083984375,363.32373046875],[709.2340698242188,363.2222900390625],[709.89453125,363.1208190917969],[710.5549926757812,363.01934814453125],[711.2153930664062,362.9175109863281],[711.8759155273438,362.8154296875],[712.5362548828125,362.7133483886719],[713.1966552734375,362.61126708984375],[713.8569946289062,362.5091857910156],[714.5173950195312,362.4071044921875],[715.177734375,362.3050231933594],[715.8382568359375,362.2029113769531],[716.4985961914062,362.100830078125],[717.1589965820312,361.9987487792969],[717.8193359375,361.89666748046875],[718.479736328125,361.7945861816406],[719.1401977539062,361.6925048828125],[719.8005981445312,361.5904235839844],[720.4609375,361.48834228515625],[721.121337890625,361.3862609863281],[721.7816772460938,361.2841796875],[722.4418334960938,361.1813659667969],[723.1021728515625,361.0782775878906],[723.7623901367188,360.9752197265625],[724.422607421875,360.87213134765625],[725.0828247070312,360.7690734863281],[725.7430419921875,360.666015625],[726.4033813476562,360.56292724609375],[727.0635986328125,360.4598388671875],[727.7238159179688,360.3567810058594],[728.384033203125,360.2536926269531],[729.0442504882812,360.150634765625],[729.7044677734375,360.0475769042969],[730.3648071289062,359.9444885253906],[731.0250244140625,359.8414001464844],[731.6852416992188,359.73834228515625],[732.345458984375,359.63525390625],[733.0056762695312,359.5321960449219],[733.6658935546875,359.4283447265625],[734.3259887695312,359.3243103027344],[734.9860229492188,359.2202453613281],[735.6461181640625,359.1162109375],[736.30615234375,359.0121765136719],[736.9662475585938,358.9081115722656],[737.6264038085938,358.8040466308594],[738.2864990234375,358.70001220703125],[738.9465942382812,358.59576416015625],[739.6065063476562,358.490966796875],[740.2664794921875,358.38616943359375],[740.926513671875,358.28131103515625],[741.5864868164062,358.176513671875],[742.2463989257812,358.07171630859375],[742.9063720703125,357.9668884277344],[743.5662841796875,357.8620910644531],[744.2262573242188,357.75726318359375],[744.88623046875,357.6518859863281],[745.5460205078125,357.5462341308594],[746.205810546875,357.4405517578125],[746.8656005859375,357.33489990234375],[747.5254516601562,357.229248046875],[748.1853637695312,357.1235656738281],[748.8451538085938,357.01788330078125],[749.5049438476562,356.9122314453125],[750.1647338867188,356.80657958984375],[750.8244018554688,356.699951171875],[751.4840698242188,356.5933532714844],[752.143798828125,356.4867248535156],[752.803466796875,356.380126953125],[753.463134765625,356.2735290527344],[754.122802734375,356.16693115234375],[754.7824096679688,356.0603332519531],[755.4420776367188,355.9537353515625],[756.1018676757812,355.84674072265625],[756.7613525390625,355.7391357421875],[757.4208374023438,355.6315002441406],[758.080322265625,355.5238952636719],[758.7398071289062,355.416259765625],[759.3994140625,355.3086242675781],[760.0588989257812,355.2010192871094],[760.7183837890625,355.0933837890625],[761.3778686523438,354.98577880859375],[762.0372924804688,354.8774719238281],[762.6965942382812,354.7687683105469],[763.3560180664062,354.6600036621094],[764.015380859375,354.5513000488281],[764.6746826171875,354.44256591796875],[765.333984375,354.3338623046875],[765.9932861328125,354.2251281738281],[766.6527099609375,354.11639404296875],[767.31201171875,354.0076599121094],[767.9702758789062,353.8931884765625],[768.6257934570312,353.76324462890625],[769.2780151367188,353.6182556152344],[769.927001953125,353.4589538574219],[770.572265625,353.28521728515625],[771.213623046875,353.0978698730469],[771.8511962890625,352.8976135253906],[772.4845581054688,352.68463134765625],[773.1135864257812,352.4593200683594],[773.7384643554688,352.22247314453125],[774.3589477539062,351.9745178222656],[774.9749145507812,351.71539306640625],[775.58642578125,351.4459228515625],[776.193359375,351.1666259765625],[776.7958984375,350.8778076171875],[777.3939208984375,350.57928466796875],[777.9873657226562,350.2720642089844],[778.5762329101562,349.9563903808594],[779.1607055664062,349.63262939453125],[779.7406616210938,349.30072021484375],[780.3163452148438,348.9611511230469],[780.8875122070312,348.6142578125],[781.4542846679688,348.260498046875],[782.016845703125,347.8998718261719],[782.5751342773438,347.5326232910156],[783.1290893554688,347.1590270996094],[783.6790771484375,346.7792053222656],[784.2247924804688,346.3936767578125],[784.7665405273438,346.0024719238281],[785.3037719726562,345.60528564453125],[785.8375854492188,345.2031555175781],[786.3674926757812,344.7959899902344],[786.8934936523438,344.3839416503906],[787.415771484375,343.9670104980469],[787.9342041015625,343.5455017089844],[788.448974609375,343.1194152832031],[788.9598388671875,342.688720703125],[789.4671630859375,342.2537536621094],[789.970947265625,341.8147277832031],[790.4712524414062,341.3717346191406],[790.968017578125,340.9249267578125],[791.46142578125,340.4743347167969],[791.9514770507812,340.0200500488281],[792.4383544921875,339.56207275390625],[792.9217529296875,339.10076904296875],[793.4017944335938,338.63604736328125],[793.8784790039062,338.16778564453125],[794.3519897460938,337.6962890625],[794.8224487304688,337.22149658203125],[795.2896728515625,336.7438049316406],[795.7537841796875,336.2631530761719],[796.2149047851562,335.779541015625],[796.6727905273438,335.29290771484375],[797.1275024414062,334.8032531738281],[797.5794067382812,334.310791015625],[798.0281372070312,333.8157958984375],[798.4740600585938,333.3180847167969],[798.9120483398438,332.8135070800781],[799.3355102539062,332.29656982421875],[799.7442016601562,331.7677917480469],[800.1384887695312,331.2284240722656],[800.5189208984375,330.6790466308594],[800.8853759765625,330.1203308105469],[801.2385864257812,329.55303955078125],[801.5784301757812,328.9778137207031],[801.9056396484375,328.39501953125],[802.2202758789062,327.8055725097656],[802.5225830078125,327.2096862792969],[802.813232421875,326.6080627441406],[803.0926513671875,326.00103759765625],[803.3610229492188,325.388916015625],[803.617919921875,324.7721252441406],[803.864501953125,324.151123046875],[804.1010131835938,323.5261535644531],[804.3273315429688,322.8974609375],[804.5435791015625,322.2652587890625],[804.7506713867188,321.6297607421875],[804.9486083984375,320.9916076660156],[805.1371459960938,320.3504943847656],[805.3167114257812,319.7069396972656],[805.4879760742188,319.0610046386719],[805.6507568359375,318.4128112792969],[805.8048706054688,317.7625732421875],[805.9509887695312,317.110595703125],[806.08935546875,316.4568786621094],[806.219482421875,315.8014221191406],[806.3419189453125,315.14459228515625],[806.4569091796875,314.4861755371094],[806.5643920898438,313.82666015625],[806.6640625,313.1659240722656],[806.7564086914062,312.5041198730469],[806.8416137695312,311.8414306640625],[806.919677734375,311.1777038574219],[806.990234375,310.5133056640625],[807.0570068359375,309.848388671875],[807.1197509765625,309.1831970214844],[807.1787109375,308.5175476074219],[807.23291015625,307.8515319824219],[807.2822265625,307.1849670410156],[807.3271484375,306.51837158203125],[807.3668823242188,305.8512268066406],[807.402099609375,305.1839599609375],[807.431640625,304.5163879394531],[807.456298828125,303.84869384765625],[807.4755859375,303.1806640625],[807.4891967773438,302.5125427246094],[807.4974365234375,301.8443603515625],[807.499755859375,301.1762390136719],[807.4959716796875,300.50799560546875],[807.4863891601562,299.8397521972656],[807.470947265625,299.1717529296875],[807.4484252929688,298.5039367675781],[807.4194946289062,297.83636474609375],[807.3841552734375,297.1690368652344],[807.3421630859375,296.5021667480469],[807.2926025390625,295.8357238769531],[807.2356567382812,295.1699523925781],[807.172119140625,294.5047607421875],[807.1002807617188,293.8404541015625],[807.0206909179688,293.1769104003906],[806.932861328125,292.5144348144531],[806.8367309570312,291.8531188964844],[806.7322387695312,291.1932373046875],[806.6185913085938,290.53466796875],[806.4960327148438,289.87786865234375],[806.3643188476562,289.2227478027344],[806.2225341796875,288.5696105957031],[806.0711059570312,287.91876220703125],[805.9097290039062,287.2704162597656],[805.7374877929688,286.62481689453125],[805.5546875,285.9820861816406],[805.3610229492188,285.3424377441406],[805.1554565429688,284.7066650390625],[804.9385375976562,284.07464599609375],[804.7098388671875,283.4468078613281],[804.4683837890625,282.8237609863281],[804.2144775390625,282.2055969238281],[803.9479370117188,281.5928039550781],[803.6678466796875,280.9861145019531],[803.3745727539062,280.3857421875],[803.0677490234375,279.792236328125],[802.74658203125,279.2062683105469],[802.4114990234375,278.62799072265625],[802.0675659179688,278.0550231933594],[801.7233276367188,277.4823303222656],[801.3790283203125,276.9096374511719],[801.0347290039062,276.3369445800781],[800.6904907226562,275.7642517089844],[800.3461303710938,275.1914367675781],[800.0018920898438,274.6187438964844],[799.6572265625,274.0462951660156],[799.3118286132812,273.47430419921875],[798.9663696289062,272.9023132324219],[798.620849609375,272.3302307128906],[798.275390625,271.75823974609375],[797.929931640625,271.1862487792969],[797.58447265625,270.6142578125],[797.2390747070312,270.0422668457031],[796.8927001953125,269.4708251953125],[796.5460205078125,268.8994445800781],[796.1994018554688,268.3281555175781],[795.852783203125,267.7568664550781],[795.5061645507812,267.18560791015625],[795.1595458984375,266.61431884765625],[794.8128662109375,266.0429382324219],[794.4659423828125,265.4717712402344],[794.1181640625,264.90118408203125],[793.7703857421875,264.33062744140625],[793.422607421875,263.7600402832031],[793.0747680664062,263.1894836425781],[792.7269287109375,262.6188049316406],[792.379150390625,262.0482177734375],[792.0313720703125,261.4776611328125],[791.6827392578125,260.9075927734375],[791.3338012695312,260.3377380371094],[790.9849243164062,259.7678527832031],[790.6359252929688,259.1978759765625],[790.2869873046875,258.6280212402344],[789.9380493164062,258.0581359863281],[789.589111328125,257.48828125],[789.2399291992188,256.9186096191406],[788.8897705078125,256.34930419921875],[788.5397338867188,255.78013610839844],[788.189697265625,255.21095275878906],[787.839599609375,254.6417694091797],[787.4895629882812,254.0725860595703],[787.1395263671875,253.50340270996094],[786.7893676757812,252.93411254882812],[786.4384155273438,252.36546325683594],[786.0872192382812,251.79696655273438],[785.736083984375,251.2284698486328],[785.3848876953125,250.65997314453125],[785.03369140625,250.0913848876953],[784.6824951171875,249.52288818359375],[784.331298828125,248.9543914794922],[783.9796752929688,248.3861083984375],[783.6273803710938,247.81829833984375],[783.275146484375,247.25048828125],[782.9227905273438,246.68258666992188],[782.5704956054688,246.11477661132812],[782.2182006835938,245.54698181152344],[781.8659057617188,244.9791717529297],[781.5136108398438,244.411376953125],[781.1602172851562,243.8441162109375],[780.8068237304688,243.27699279785156],[780.4534912109375,242.70985412597656],[780.10009765625,242.14273071289062],[779.7467041015625,241.57559204101562],[779.3933715820312,241.0084686279297],[779.0399169921875,240.4412384033203],[778.6859130859375,239.87451171875],[778.3314819335938,239.3080596923828],[777.97705078125,238.74160766601562],[777.62255859375,238.17514038085938],[777.26806640625,237.60858154296875],[776.9136352539062,237.04212951660156],[776.5591430664062,236.4756622314453],[776.2044677734375,235.90939331054688],[775.8489990234375,235.34359741210938],[775.4934692382812,234.77780151367188],[775.1378784179688,234.21189880371094],[774.7824096679688,233.64610290527344],[774.4268798828125,233.080322265625],[774.0714111328125,232.5145263671875],[773.7158813476562,231.94873046875],[773.3594360351562,231.38345336914062],[773.0028686523438,230.81832885742188],[772.6463012695312,230.25318908691406],[772.289794921875,229.68804931640625],[771.9332275390625,229.12290954589844],[771.57666015625,228.55776977539062],[771.2200927734375,227.99252319335938],[770.8629150390625,227.42771911621094],[770.50537109375,226.86322021484375],[770.1477661132812,226.29873657226562],[769.7902221679688,225.73423767089844],[769.4326171875,225.16973876953125],[769.0750122070312,224.6051483154297],[768.7174682617188,224.0406494140625],[768.3595581054688,223.47630310058594],[768.0009765625,222.91244506835938],[767.6423950195312,222.34860229492188],[767.2837524414062,221.78463745117188],[766.9251708984375,221.22079467773438],[766.5665893554688,220.6569366455078],[766.2080078125,220.0930938720703],[765.8494262695312,219.52923583984375],[765.4899291992188,218.966064453125],[765.1303100585938,218.40274047851562],[764.770751953125,217.8395233154297],[764.4111328125,217.27630615234375],[764.0515747070312,216.7130889892578],[763.6920166015625,216.1498565673828],[763.3323974609375,215.58653259277344],[762.9721069335938,215.0237274169922],[762.611572265625,214.4611358642578],[762.2510375976562,213.89852905273438],[761.8904418945312,213.3359375],[761.5299072265625,212.77334594726562],[761.1693115234375,212.21063232421875],[760.8087768554688,211.64804077148438],[760.44775390625,211.08570861816406],[760.0863037109375,210.52371215820312],[759.7247924804688,209.96173095703125],[759.3632202148438,209.39962768554688],[759.001708984375,208.837646484375],[758.6402587890625,208.27565002441406],[758.2787475585938,207.7136688232422],[757.9170532226562,207.15179443359375],[757.5546264648438,206.5904083251953],[757.192138671875,206.0289306640625],[756.8297119140625,205.467529296875],[756.46728515625,204.90614318847656],[756.1048583984375,204.34475708007812],[755.742431640625,203.7833709716797],[755.3799438476562,203.2219696044922],[755.0166015625,202.6611785888672],[754.6532592773438,202.10037231445312],[754.2899169921875,201.53958129882812],[753.9265747070312,200.97879028320312],[753.563232421875,200.41798400878906],[753.1998291015625,199.85708618164062],[752.8364868164062,199.29629516601562],[752.4724731445312,198.7359619140625],[752.1082153320312,198.17575073242188],[751.7439575195312,197.61553955078125],[751.379638671875,197.0552215576172],[751.0154418945312,196.49501037597656],[750.6511840820312,195.93479919433594],[750.2869262695312,195.3745880126953],[749.9221801757812,194.81471252441406],[749.5570678710938,194.25506591796875],[749.19189453125,193.69532775878906],[748.8267822265625,193.13568115234375],[748.461669921875,192.57603454589844],[748.0965576171875,192.01638793945312],[747.7314453125,191.45675659179688],[747.3659057617188,190.8972625732422],[746.9998779296875,190.33807373046875],[746.6339111328125,189.7789764404297],[746.2679443359375,189.2198944091797],[745.9020385742188,188.66079711914062],[745.5360717773438,188.10171508789062],[745.1700439453125,187.54251098632812],[744.8038940429688,186.9835968017578],[744.4370727539062,186.425048828125],[744.0703125,185.86651611328125],[743.7034912109375,185.30796813964844],[743.3367309570312,184.7494354248047],[742.9698486328125,184.19078063964844],[742.60302734375,183.6322479248047],[742.2362060546875,183.0737762451172],[741.8685913085938,182.51577758789062],[741.5009765625,181.957763671875],[741.13330078125,181.399658203125],[740.7656860351562,180.84165954589844],[740.3980712890625,180.2836456298828],[740.030517578125,179.72564697265625],[739.6629028320312,179.16763305664062],[739.2944946289062,178.61007690429688],[738.926025390625,178.052490234375],[738.5576782226562,177.4949951171875],[738.1892700195312,176.93751525878906],[737.8208618164062,176.38003540039062],[737.4524536132812,175.82254028320312],[737.083984375,175.26495361328125],[736.7149658203125,174.70785522460938],[736.3458251953125,174.15089416503906],[735.9766235351562,173.5939178466797],[735.6074829101562,173.0369415283203],[735.23828125,172.47996520996094],[734.8690795898438,171.92288208007812],[734.4998779296875,171.36590576171875],[734.1303100585938,170.8092803955078],[733.7603759765625,170.2528076171875],[733.3904418945312,169.69631958007812],[733.0204467773438,169.13973999023438],[732.6505737304688,168.583251953125],[732.2806396484375,168.0267791748047],[731.9107055664062,167.4702911376953],[731.5404663085938,166.91403198242188],[731.1697998046875,166.3580322265625],[730.7991333007812,165.8019256591797],[730.428466796875,165.2459259033203],[730.057861328125,164.68992614746094],[729.6871948242188,164.1339111328125],[729.3165893554688,163.57791137695312],[728.945556640625,163.02191162109375],[728.57421875,162.4663848876953],[728.202880859375,161.91085815429688],[727.83154296875,161.35531616210938],[727.460205078125,160.79978942871094],[727.0888671875,160.24424743652344],[726.7174682617188,159.68861389160156],[726.3460083007812,159.13320922851562],[725.9739990234375,158.578125],[725.6019897460938,158.02304077148438],[725.2299194335938,157.46795654296875],[724.8578491210938,156.91278076171875],[724.48583984375,156.35769653320312],[724.1138305664062,155.8026123046875],[723.7418212890625,155.24765014648438],[723.369140625,154.69300842285156],[722.9964599609375,154.1383819580078],[722.6237182617188,153.58363342285156],[722.2510375976562,153.02899169921875],[721.8783569335938,152.47434997558594],[721.5056762695312,151.9197235107422],[721.133056640625,151.36508178710938],[720.7597045898438,150.810791015625],[720.3862915039062,150.25648498535156],[720.0130004882812,149.7022705078125],[719.6397094726562,149.14805603027344],[719.2664184570312,148.59384155273438],[718.8931274414062,148.0396270751953],[718.5197143554688,147.4853057861328],[718.1456909179688,146.93170166015625],[717.771484375,146.37808227539062],[717.3972778320312,145.82447814941406],[717.0230712890625,145.2708740234375],[716.64892578125,144.71725463867188],[716.2745971679688,144.16354370117188],[715.9004516601562,143.6099395751953],[715.5262451171875,143.05633544921875],[715.1520385742188,142.5027313232422],[714.77783203125,141.94911193847656],[714.403564453125,141.39540100097656],[714.0293579101562,140.841796875],[713.6551513671875,140.28819274902344],[713.2809448242188,139.7345733642578],[712.906005859375,139.18142700195312],[712.5307006835938,138.62857055664062],[712.1553344726562,138.07562255859375],[711.7799682617188,137.52276611328125],[711.4046630859375,136.9699249267578],[711.0293579101562,136.4170684814453],[710.654052734375,135.86422729492188],[710.2786254882812,135.311279296875],[709.9033203125,134.7584228515625],[709.5280151367188,134.20558166503906],[709.1526489257812,133.65272521972656],[708.77734375,133.09988403320312],[708.4020385742188,132.54702758789062],[708.026611328125,131.99407958984375],[707.6509399414062,131.44149780273438],[707.2745361328125,130.88934326171875],[706.898193359375,130.33718872070312],[706.5218505859375,129.7850341796875],[706.1454467773438,129.2327880859375],[705.7691040039062,128.68063354492188],[705.3927612304688,128.12847900390625],[705.0164184570312,127.57632446289062],[704.6400756835938,127.024169921875],[704.2637329101562,126.4720230102539],[703.8873291015625,125.91976928710938],[703.510986328125,125.36761474609375],[703.1346435546875,124.81546020507812],[702.75830078125,124.2633056640625],[702.3818359375,123.71125793457031],[702.0045166015625,123.15962982177734],[701.627197265625,122.60811614990234],[701.2499389648438,122.05659484863281],[700.8726806640625,121.50507354736328],[700.4954223632812,120.95355224609375],[700.1181030273438,120.40203094482422],[699.7407836914062,119.85041046142578],[699.363525390625,119.29888916015625],[698.9862670898438,118.74736785888672],[698.6089477539062,118.19584655761719],[698.231689453125,117.64433288574219],[697.8544311523438,117.09281158447266],[697.4771118164062,116.54119110107422],[697.0997924804688,115.98966979980469],[696.7218627929688,115.43865966796875],[696.34375,114.88771057128906],[695.9656372070312,114.33676147460938],[695.5874633789062,113.78570556640625],[695.2093505859375,113.23475646972656],[694.831298828125,112.68379974365234],[694.4531860351562,112.13285064697266],[694.0750732421875,111.58190155029297],[693.6969604492188,111.03094482421875],[693.3187866210938,110.47989654541016],[692.940673828125,109.92893981933594],[692.5626220703125,109.37799072265625],[692.1845092773438,108.82704162597656],[691.806396484375,108.27608489990234],[691.4277954101562,107.72531127929688],[691.0490112304688,107.17485809326172],[690.670166015625,106.62440490722656],[690.2913208007812,106.0739517211914],[689.9125366210938,105.52349853515625],[689.53369140625,104.9730453491211],[689.15478515625,104.42249298095703],[688.7759399414062,103.87203979492188],[688.3971557617188,103.32158660888672],[688.018310546875,102.77113342285156],[687.6394653320312,102.2206802368164],[687.2605590820312,101.67012786865234],[686.8817749023438,101.11967468261719],[686.5029296875,100.56922149658203],[686.1239013671875,100.01881408691406],[685.7444458007812,99.46879577636719],[685.364990234375,98.91877746582031],[684.9854736328125,98.36865997314453],[684.6060180664062,97.81864166259766],[684.2265625,97.26862335205078],[683.8471069335938,96.7186050415039],[683.4676513671875,96.16858673095703],[683.088134765625,95.61846923828125],[682.7086181640625,95.06845092773438],[682.3291625976562,94.5184326171875],[681.94970703125,93.96841430664062],[681.5702514648438,93.41840362548828],[681.1907958984375,92.8683853149414],[680.811279296875,92.31826782226562],[680.431396484375,91.76859283447266],[680.0513916015625,91.21894836425781],[679.6714477539062,90.66929626464844],[679.2914428710938,90.11964416503906],[678.911376953125,89.56989288330078],[678.5313720703125,89.0202407836914],[678.1513671875,88.47058868408203],[677.7714233398438,87.92093658447266],[677.3914184570312,87.37128448486328],[677.0114135742188,86.82164001464844],[676.63134765625,86.27188873291016],[676.2514038085938,85.72223663330078],[675.8713989257812,85.1725845336914],[675.4913940429688,84.62293243408203],[675.1111450195312,84.07341003417969],[674.7305297851562,83.52417755126953],[674.349853515625,82.97483825683594],[673.9692993164062,82.42560577392578],[673.5886840820312,81.87637329101562],[673.2080688476562,81.32713317871094],[672.8275146484375,80.77790069580078],[672.4468383789062,80.22856903076172],[672.0662231445312,79.67932891845703],[671.6856689453125,79.13009643554688],[671.3050537109375,78.58086395263672],[670.9244995117188,78.03163146972656],[670.5438842773438,77.48239135742188],[670.1632080078125,76.93305969238281],[669.7826538085938,76.38381958007812],[669.4020385742188,75.83458709716797],[669.0214233398438,75.28535461425781],[668.640869140625,74.73612213134766],[668.2601928710938,74.18678283691406],[667.8795776367188,73.6375503540039],[667.4990234375,73.08831787109375],[667.118408203125,72.53907775878906],[666.7378540039062,71.9898452758789],[666.3572387695312,71.44061279296875],[665.9765625,70.89127349853516],[665.5960083007812,70.342041015625],[665.2153930664062,69.79280853271484],[664.8347778320312,69.24356842041016],[664.4542236328125,68.6943359375],[664.0733642578125,68.14517974853516],[663.6923217773438,67.59627532958984],[663.311279296875,67.04737854003906],[662.93017578125,66.49847412109375],[662.5491333007812,65.94956970214844],[662.1680297851562,65.40066528320312],[661.7869262695312,64.85166931152344],[661.4058227539062,64.30276489257812],[661.0247802734375,63.75386047363281],[660.6436767578125,63.204959869384766],[660.2626342773438,62.65605545043945],[659.8814697265625,62.1070556640625],[659.5004272460938,61.55815124511719],[659.1193237304688,61.009246826171875],[658.73828125,60.46034622192383],[658.357177734375,59.91144561767578],[657.9761352539062,59.36254119873047],[657.594970703125,58.81353759765625],[657.2139282226562,58.2646369934082],[656.8328247070312,57.71573257446289],[656.4517822265625,57.166831970214844],[656.0706787109375,56.61792755126953],[655.6895751953125,56.06892776489258],[655.3084716796875,55.520023345947266],[654.9274291992188,54.97112274169922],[654.54638671875,54.422218322753906],[654.165283203125,53.87331771850586],[653.7842407226562,53.32441329956055],[653.403076171875,52.77540969848633],[653.0220336914062,52.22654724121094],[652.640869140625,51.67771530151367],[652.2597045898438,51.12887954711914],[651.8784790039062,50.580047607421875],[651.497314453125,50.031211853027344],[651.1160888671875,49.48228073120117],[650.7349243164062,48.933448791503906],[650.353759765625,48.384613037109375],[649.9725952148438,47.83578109741211],[649.5914306640625,47.286949157714844],[649.210205078125,46.738014221191406],[648.8289794921875,46.189178466796875],[648.4478149414062,45.64034652709961],[648.066650390625,45.091514587402344],[647.6854858398438,44.54267883300781],[647.3043212890625,43.99384689331055],[646.923095703125,43.44491195678711],[646.5419311523438,42.896080017089844],[646.1607666015625,42.34724426269531],[645.7796020507812,41.79841232299805],[645.3984375,41.24958038330078],[645.0171508789062,40.700645446777344],[644.635986328125,40.15181350708008],[644.2548217773438,39.60297775268555],[643.8736572265625,39.05414581298828],[643.4924926757812,38.505313873291016],[643.111328125,37.956478118896484],[642.7301025390625,37.40754699707031],[642.3489379882812,36.85871124267578],[641.9677734375,36.309879302978516],[641.586669921875,35.760929107666016],[641.205810546875,35.211910247802734],[640.8248291015625,34.66278839111328],[640.4439086914062,34.11376953125],[640.06298828125,33.564754486083984],[639.68212890625,33.0157356262207],[639.3012084960938,32.46671676635742],[638.9202880859375,31.91769790649414],[638.539306640625,31.36857795715332],[638.158447265625,30.81955909729004],[637.7775268554688,30.270540237426758],[637.3966064453125,29.72152328491211],[637.0156860351562,29.172504425048828],[636.634765625,28.623384475708008],[636.2538452148438,28.074365615844727],[635.8729248046875,27.525346755981445],[635.4920043945312,26.976327896118164],[635.1111450195312,26.427309036254883],[634.730224609375,25.8782901763916],[634.3492431640625,25.329172134399414],[633.9683227539062,24.780153274536133],[633.5874633789062,24.23113441467285],[633.20654296875,23.68211555480957],[632.8256225585938,23.13309669494629],[632.4446411132812,22.5839786529541],[632.0637817382812,22.03495979309082],[631.682861328125,21.48594093322754],[631.3019409179688,20.936922073364258],[630.9210815429688,20.387903213500977],[630.5401611328125,19.838884353637695],[630.1548461914062,19.292903900146484],[629.7396240234375,18.7694034576416],[629.2959594726562,18.269901275634766],[628.8297119140625,17.791336059570312],[628.3447265625,17.331687927246094],[627.8441772460938,16.888931274414062],[627.3303833007812,16.46169090270996],[626.80517578125,16.048646926879883],[626.2698364257812,15.64869213104248],[625.7255859375,15.26122760772705],[625.1730346679688,14.885272979736328],[624.61328125,14.520310401916504],[624.0464477539062,14.166311264038086],[623.4738159179688,13.822091102600098],[622.8951416015625,13.488027572631836],[622.310791015625,13.163975715637207],[621.72119140625,12.849366188049316],[621.126708984375,12.544232368469238],[620.5272216796875,12.248883247375488],[619.9229736328125,11.963680267333984],[619.314208984375,11.688323974609375],[618.7008056640625,11.42308235168457],[618.0830078125,11.168403625488281],[617.4606323242188,10.92516803741455],[616.833740234375,10.693824768066406],[616.2023315429688,10.47512435913086],[615.56640625,10.270110130310059],[614.92578125,10.080166816711426],[614.2803344726562,9.906956672668457],[613.6301879882812,9.752720832824707],[612.9752197265625,9.620071411132812],[612.3157958984375,9.513077735900879],[611.6519775390625,9.436737060546875],[610.9856567382812,9.384340286254883],[610.3194580078125,9.333057403564453],[609.6531372070312,9.282951354980469],[608.9866943359375,9.233752250671387],[608.3202514648438,9.185144424438477],[607.6537475585938,9.137996673583984],[606.987060546875,9.09139633178711],[606.3204345703125,9.045709609985352],[605.6536254882812,9.001100540161133],[604.9868774414062,8.957136154174805],[604.3200073242188,8.914971351623535],[603.6530151367188,8.872798919677734],[602.9861450195312,8.830633163452148],[602.319091796875,8.79031753540039],[601.652099609375,8.750584602355957],[600.9850463867188,8.711800575256348],[600.31787109375,8.67431926727295],[599.6505737304688,8.637486457824707],[598.9833374023438,8.600659370422363],[598.3161010742188,8.564909934997559],[597.6488037109375,8.53061294555664],[596.9814453125,8.496316909790039],[596.31396484375,8.462461471557617],[595.646484375,8.4306058883667],[594.9790649414062,8.398749351501465],[594.3115844726562,8.36689281463623],[593.6439819335938,8.33724308013916],[592.9764404296875,8.307734489440918],[592.3087768554688,8.278221130371094],[591.6411743164062,8.250284194946289],[590.9735107421875,8.22303295135498],[590.3058471679688,8.195781707763672],[589.6381225585938,8.169503211975098],[588.9702758789062,8.144413948059082],[588.3025512695312,8.119329452514648],[587.6348266601562,8.09466552734375],[586.967041015625,8.071657180786133],[586.2991943359375,8.048648834228516],[585.6314086914062,8.025640487670898],[584.9633178710938,8.004517555236816],[584.29541015625,7.983495235443115],[583.6275024414062,7.962472915649414],[582.9596557617188,7.942784786224365],[582.2916870117188,7.92365837097168],[581.623779296875,7.904531955718994],[580.9557495117188,7.886220932006836],[580.2877197265625,7.86890172958374],[579.6197509765625,7.851582050323486],[578.9517211914062,7.8346052169799805],[578.28369140625,7.819003105163574],[577.6155395507812,7.8033976554870605],[576.947509765625,7.787795543670654],[576.2794189453125,7.773736953735352],[575.6113891601562,7.759762763977051],[574.9432983398438,7.745789051055908],[574.2752075195312,7.732884407043457],[573.6069946289062,7.720447540283203],[572.9389038085938,7.70801305770874],[572.270751953125,7.696218013763428],[571.6026000976562,7.685234546661377],[570.9345092773438,7.674251079559326],[570.2662963867188,7.6635212898254395],[569.59814453125,7.653899669647217],[568.9299926757812,7.644278526306152],[568.2618408203125,7.63465690612793],[567.59375,7.62622594833374],[566.9255981445312,7.617878437042236],[566.25732421875,7.609529495239258],[565.589111328125,7.601987838745117],[564.9209594726562,7.5948262214660645],[564.2528076171875,7.587664604187012],[563.5846557617188,7.580970287322998],[562.9163208007812,7.574906349182129],[562.2481689453125,7.568843364715576],[561.5798950195312,7.562952995300293],[560.9116821289062,7.5578999519348145],[560.2435302734375,7.552846908569336],[559.5753173828125,7.547793388366699],[558.9070434570312,7.543970108032227],[558.2388305664062,7.540256977081299],[557.5706176757812,7.536543846130371],[556.9024658203125,7.532830715179443],[556.2342529296875,7.529117584228516],[555.56591796875,7.5254034996032715],[554.8976440429688,7.522307395935059],[554.2294311523438,7.5200886726379395],[553.5612182617188,7.51786994934082],[552.8930053710938,7.515651226043701],[552.2247924804688,7.513432502746582],[551.5564575195312,7.511213779449463],[550.8882446289062,7.508995056152344],[550.2200317382812,7.507819652557373],[549.5518188476562,7.506745338439941],[548.8836059570312,7.50567102432251],[548.2152709960938,7.504596710205078],[547.5470581054688,7.503521919250488],[546.8788452148438,7.502447605133057],[546.2106323242188,7.501702308654785],[545.5424194335938,7.50142240524292],[544.8742065429688,7.5011420249938965],[544.2058715820312,7.500862121582031],[543.5376586914062,7.500581741333008],[542.8694458007812,7.500301361083984],[542.2012329101562,7.500021457672119],[541.5330810546875,7.500709056854248],[540.8648681640625,7.501477241516113],[540.196533203125,7.502245903015137],[539.5283203125,7.503931999206543],[538.860107421875,7.506307601928711],[538.19189453125,7.509893894195557],[537.5236206054688,7.5137939453125],[536.8553466796875,7.519395351409912],[536.1871948242188,7.525393962860107],[535.51904296875,7.533020496368408],[534.8507690429688,7.541397571563721],[534.1826171875,7.5513176918029785],[533.5145874023438,7.562322616577148],[532.8463745117188,7.574805736541748],[532.1782836914062,7.588680267333984],[531.51025390625,7.6039910316467285],[530.8422241210938,7.6205244064331055],[530.17431640625,7.639010429382324],[529.5062255859375,7.659175395965576],[528.8384399414062,7.68106746673584],[528.1705932617188,7.70476770401001],[527.5028686523438,7.730331897735596],[526.8352661132812,7.7578301429748535],[526.1676635742188,7.787339210510254],[525.5000610351562,7.8189311027526855],[524.8327026367188,7.852668762207031],[524.1654663085938,7.888635635375977],[523.4983520507812,7.926911354064941],[522.8314208984375,7.967581272125244],[522.1644287109375,8.010746955871582],[521.4978637695312,8.056468963623047],[520.8314208984375,8.104859352111816],[520.1651000976562,8.156026840209961],[519.4990844726562,8.210062980651855],[518.833251953125,8.267078399658203],[518.167724609375,8.327202796936035],[517.5025024414062,8.390536308288574],[516.837646484375,8.457230567932129],[516.1731567382812,8.527414321899414],[515.509033203125,8.601231575012207],[514.84521484375,8.678853988647461],[514.1820678710938,8.760417938232422],[513.5193481445312,8.846129417419434],[512.8571166992188,8.936165809631348],[512.1956176757812,9.030296325683594],[511.5348205566406,9.129517555236816],[510.8746337890625,9.233698844909668],[510.2154846191406,9.343043327331543],[509.5572204589844,9.457963943481445],[508.8999938964844,9.578657150268555],[508.24395751953125,9.705404281616211],[507.58905029296875,9.83855152130127],[506.9356384277344,9.978397369384766],[506.28375244140625,10.125348091125488],[505.6337585449219,10.28017807006836],[504.9856872558594,10.443024635314941],[504.33984375,10.614331245422363],[503.69635009765625,10.79503345489502],[503.0558776855469,10.985560417175293],[502.4185791015625,11.186357498168945],[501.7849426269531,11.398555755615234],[501.1528015136719,11.615108489990234],[500.5207824707031,11.832571983337402],[499.88909912109375,12.050585746765137],[499.2579040527344,12.269917488098145],[498.62701416015625,12.489848136901855],[497.9963073730469,12.71056079864502],[497.3659362792969,12.932499885559082],[496.7358093261719,13.154990196228027],[496.1060485839844,13.378416061401367],[495.4765625,13.602838516235352],[494.8473815917969,13.827801704406738],[494.21856689453125,14.053866386413574],[493.5900573730469,14.2806978225708],[492.9615783691406,14.50816822052002],[492.3337097167969,14.736825942993164],[491.70611572265625,14.966071128845215],[491.0787048339844,15.196002960205078],[490.45172119140625,15.427088737487793],[489.82476806640625,15.658797264099121],[489.19830322265625,15.891237258911133],[488.57220458984375,16.124656677246094],[487.9462585449219,16.358633041381836],[487.3207092285156,16.593509674072266],[486.69549560546875,16.829214096069336],[486.0703430175781,17.065505981445312],[485.4456481933594,17.302753448486328],[484.8211975097656,17.540742874145508],[484.1969909667969,17.779251098632812],[483.5732116699219,18.018823623657227],[482.9495544433594,18.259023666381836],[482.3262023925781,18.499731063842773],[481.70355224609375,18.7420654296875],[481.0808410644531,18.984439849853516],[480.4581298828125,19.22681427001953],[479.8362121582031,19.47115707397461],[479.2142333984375,19.715742111206055],[478.5923767089844,19.960283279418945],[477.97113037109375,20.206634521484375],[477.3501281738281,20.453279495239258],[476.7290954589844,20.699926376342773],[476.10858154296875,20.948211669921875],[475.4883728027344,21.196895599365234],[474.8681640625,21.445579528808594],[474.2485046386719,21.69570541381836],[473.62908935546875,21.94635581970215],[473.0096740722656,22.197006225585938],[472.39068603515625,22.4489803314209],[471.77203369140625,22.701526641845703],[471.15338134765625,22.954072952270508],[470.5351867675781,23.207786560058594],[469.91729736328125,23.462162017822266],[469.2992858886719,23.716585159301758],[468.68182373046875,23.972003936767578],[468.06463623046875,24.228132247924805],[467.44744873046875,24.4842586517334],[466.8306579589844,24.741344451904297],[466.2142028808594,24.999162673950195],[465.5976257324219,25.25702667236328],[464.98150634765625,25.515701293945312],[464.3656921386719,25.775127410888672],[463.7499084472656,26.03455352783203],[463.1344909667969,26.294740676879883],[462.51922607421875,26.55575180053711],[461.9040832519531,26.81671714782715],[461.28924560546875,27.07839012145996],[460.67474365234375,27.340824127197266],[460.0602111816406,27.603256225585938],[459.4459228515625,27.86635971069336],[458.8319091796875,28.130233764648438],[458.21795654296875,28.394060134887695],[457.6042785644531,28.658489227294922],[456.99090576171875,28.923625946044922],[456.3775634765625,29.188762664794922],[455.76446533203125,29.454423904418945],[455.15155029296875,29.72085189819336],[454.5387268066406,29.987232208251953],[453.9261474609375,30.254100799560547],[453.3138122558594,30.521648406982422],[452.7015075683594,30.789196014404297],[452.0892639160156,31.0572566986084],[451.4774475097656,31.32589340209961],[450.8656005859375,31.59453010559082],[450.2539367675781,31.86359214782715],[449.6425476074219,32.13324737548828],[449.0311584472656,32.40290069580078],[448.4197692871094,32.672996520996094],[447.8088073730469,32.94358444213867],[447.19781494140625,33.214176177978516],[446.58709716796875,33.48507308959961],[445.97650146484375,33.756526947021484],[445.36578369140625,34.02802658081055],[444.7552795410156,34.2998046875],[444.1450500488281,34.57203674316406],[443.5347900390625,34.84427261352539],[442.9246826171875,35.11677169799805],[442.31475830078125,35.38971710205078],[441.7047424316406,35.662715911865234],[441.0950012207031,35.93598175048828],[440.4854736328125,36.209835052490234],[439.8759765625,36.48368453979492],[439.2664489746094,36.757537841796875],[438.6568298339844,37.03144073486328],[438.04730224609375,37.30529022216797],[437.4379577636719,37.57947540283203],[436.828857421875,37.85428237915039],[436.21978759765625,38.129085540771484],[435.6106872558594,38.403892517089844],[435.0014953613281,38.67874526977539],[434.39239501953125,38.953548431396484],[433.7833557128906,39.22866439819336],[433.17462158203125,39.5042839050293],[432.56591796875,39.77989959716797],[431.9570617675781,40.05556869506836],[431.3483581542969,40.33118438720703],[430.7396240234375,40.6068000793457],[430.1308898925781,40.88241958618164],[429.5221862792969,41.15803527832031],[428.9134521484375,41.433650970458984],[428.30462646484375,41.709320068359375],[427.6958923339844,41.98493576049805],[427.0871887207031,42.260555267333984],[426.478515625,42.53615951538086],[425.86981201171875,42.81184005737305],[425.2610168457031,43.08757019042969],[424.6523132324219,43.363250732421875],[424.04364013671875,43.63893127441406],[423.4349365234375,43.91461181640625],[422.82623291015625,44.19029235839844],[422.2175598144531,44.465972900390625],[421.6087341308594,44.741703033447266],[421.00006103515625,45.01738357543945],[420.391357421875,45.29306411743164],[419.78265380859375,45.56874465942383],[419.17388916015625,45.84433364868164],[418.56488037109375,46.11930465698242],[417.95574951171875,46.394325256347656],[417.34674072265625,46.66929244995117],[416.7377014160156,46.94426345825195],[416.1286926269531,47.219234466552734],[415.5196228027344,47.49415969848633],[414.91009521484375,47.768306732177734],[414.3006896972656,48.04240036010742],[413.6912841796875,48.31649398803711],[413.0818786621094,48.5905876159668],[412.47247314453125,48.864681243896484],[411.8630676269531,49.13877868652344],[411.2530822753906,49.41179275512695],[410.64312744140625,49.68471908569336],[410.033203125,49.95764923095703],[409.42327880859375,50.23057556152344],[408.8133544921875,50.50350570678711],[408.20330810546875,50.776485443115234],[407.5929870605469,51.04854965209961],[406.9825744628906,51.3204231262207],[406.3721618652344,51.5922966003418],[405.76153564453125,51.863563537597656],[405.1507873535156,52.134639739990234],[404.5399169921875,52.40576171875],[403.9288330078125,52.6762809753418],[403.31768798828125,52.94648361206055],[402.70654296875,53.2166862487793],[402.09515380859375,53.486358642578125],[401.4834899902344,53.75566101074219],[400.8719177246094,54.02491760253906],[400.2601318359375,54.29370880126953],[399.64813232421875,54.56196212768555],[399.0361022949219,54.83021545410156],[398.4239807128906,55.098060607910156],[397.8113708496094,55.36527633666992],[397.1988830566406,55.632442474365234],[396.5863037109375,55.89932632446289],[395.97332763671875,56.16534423828125],[395.3603515625,56.43136215209961],[394.7471923828125,56.6972770690918],[394.1336975097656,56.96208190917969],[393.52020263671875,57.22688674926758],[392.90667724609375,57.49169158935547],[392.2926025390625,57.75524139404297],[391.67852783203125,58.01875686645508],[391.0643615722656,58.28232192993164],[390.44989013671875,58.544673919677734],[389.83526611328125,58.80684280395508],[389.2206115722656,59.06901168823242],[388.60552978515625,59.330223083496094],[387.99017333984375,59.59103012084961],[387.37493896484375,59.85178756713867],[386.7594299316406,60.11174774169922],[386.1435546875,60.37102127075195],[385.5277099609375,60.63029861450195],[384.91156005859375,60.88904571533203],[384.2949523925781,61.14683151245117],[383.678466796875,61.40457534790039],[383.0617980957031,61.66205978393555],[382.4446105957031,61.91819763183594],[381.82745361328125,62.174339294433594],[381.21026611328125,62.43048095703125],[380.59234619140625,62.685020446777344],[379.9743347167969,62.939327239990234],[379.35577392578125,63.19211959838867],[378.737060546875,63.444541931152344],[378.11785888671875,63.695735931396484],[377.4983825683594,63.9464111328125],[376.8785705566406,64.19609069824219],[376.2584228515625,64.445068359375],[375.6380310058594,64.69329833984375],[375.0173034667969,64.94066619873047],[374.3963623046875,65.18751525878906],[373.7749938964844,65.43340301513672],[373.15350341796875,65.67894744873047],[372.5316467285156,65.92340087890625],[371.9096984863281,66.167724609375],[371.28729248046875,66.41087341308594],[370.6646423339844,66.6539535522461],[370.0418395996094,66.8960189819336],[369.41912841796875,67.13774108886719],[368.7956848144531,67.37887573242188],[368.17218017578125,67.6196060180664],[367.5486145019531,67.8597183227539],[366.9248352050781,68.09915924072266],[366.30078125,68.33800506591797],[365.67669677734375,68.57684326171875],[365.0526428222656,68.81568908691406],[364.4281005859375,69.053466796875],[363.803466796875,69.29087829589844],[363.1788635253906,69.52828216552734],[362.5542907714844,69.7656478881836],[361.92901611328125,70.00199127197266],[361.303955078125,70.23825073242188],[360.6789245605469,70.4745101928711],[360.0538024902344,70.71053314208984],[359.4284362792969,70.94593048095703],[358.80303955078125,71.18133544921875],[358.17767333984375,71.41673278808594],[357.552001953125,71.6518325805664],[356.9263610839844,71.88654327392578],[356.30072021484375,72.12125396728516],[355.67510986328125,72.35596466064453],[355.0492248535156,72.59075927734375],[354.4236145019531,72.82546997070312],[353.7979736328125,73.0601806640625],[353.1723937988281,73.29486846923828],[352.5467834472656,73.5296401977539],[351.9211730957031,73.764404296875],[351.2955627441406,73.99917602539062],[350.669921875,74.23394012451172],[350.0443115234375,74.46871185302734],[349.418701171875,74.70348358154297],[348.7930908203125,74.93824768066406],[348.1675109863281,75.17346954345703],[347.5422058105469,75.40901947021484],[346.9168701171875,75.64456939697266],[346.29156494140625,75.88011932373047],[345.6663513183594,76.1164321899414],[345.0413818359375,76.35289764404297],[344.4164123535156,76.58936309814453],[343.79156494140625,76.82579803466797],[343.16705322265625,77.06346893310547],[342.5425109863281,77.30113983154297],[341.9179992675781,77.53881072998047],[341.29327392578125,77.77702331542969],[340.6693420410156,78.01620483398438],[340.04541015625,78.25537872314453],[339.42144775390625,78.49455261230469],[338.7978210449219,78.7343978881836],[338.17437744140625,78.9748764038086],[337.55120849609375,79.21598815917969],[336.92816162109375,79.45744323730469],[336.3053894042969,79.69971466064453],[335.6827087402344,79.94221496582031],[335.06060791015625,80.18566131591797],[334.4380798339844,80.42943572998047],[333.8163146972656,80.67423248291016],[333.194580078125,80.91928100585938],[332.57330322265625,81.16534423828125],[331.9523620605469,81.4117431640625],[331.3316650390625,81.65914916992188],[330.7110900878906,81.90718841552734],[330.0909118652344,82.15599822998047],[329.4710388183594,82.40565490722656],[328.8514709472656,82.65596008300781],[328.23248291015625,82.9072494506836],[327.6133117675781,83.15918731689453],[326.99481201171875,83.41238403320312],[326.3765563964844,83.66584777832031],[325.75885009765625,83.92095947265625],[325.1415100097656,84.17618560791016],[324.524658203125,84.4331283569336],[323.9079284667969,84.69047546386719],[323.2918701171875,84.94925689697266],[322.6759948730469,85.20870208740234],[322.0607604980469,85.46939849853516],[321.4458312988281,85.73104095458984],[320.8314208984375,85.99371337890625],[320.21746826171875,86.25765228271484],[319.6039123535156,86.52238464355469],[318.9909973144531,86.78870391845703],[318.3783874511719,87.05555725097656],[317.76654052734375,87.32435607910156],[317.15496826171875,87.59337615966797],[316.5443115234375,87.86468505859375],[315.93365478515625,88.1363754272461],[315.3240661621094,88.41002655029297],[314.7147521972656,88.684326171875],[314.1062316894531,88.96038055419922],[313.4979248046875,89.23724365234375],[312.89056396484375,89.51569366455078],[312.28369140625,89.79556274414062],[311.677490234375,90.07678985595703],[311.0719909667969,90.35938262939453],[310.4671325683594,90.64337921142578],[309.8630065917969,90.92877960205078],[309.259521484375,91.21560668945312],[308.65667724609375,91.50395965576172],[308.0545349121094,91.79390716552734],[307.45330810546875,92.08525085449219],[306.8526306152344,92.37840270996094],[306.253662109375,92.67456817626953],[305.6564636230469,92.97457122802734],[305.06146240234375,93.27843475341797],[304.46795654296875,93.58576965332031],[303.8765869140625,93.89681243896484],[303.286865234375,94.21113586425781],[302.6988830566406,94.52862548828125],[302.11273193359375,94.84944152832031],[301.5281066894531,95.17304229736328],[300.9452819824219,95.49974060058594],[300.3637390136719,95.82923126220703],[299.78387451171875,96.16122436523438],[299.2055358886719,96.49598693847656],[298.6285095214844,96.83301544189453],[298.052978515625,97.1724853515625],[297.4786682128906,97.51424407958984],[296.9056091308594,97.85795593261719],[296.333984375,98.2038345336914],[295.7632751464844,98.55157470703125],[295.19384765625,98.90121459960938],[294.62548828125,99.25260925292969],[294.0579528808594,99.60572814941406],[293.4913635253906,99.9599380493164],[292.92572021484375,100.3156967163086],[292.3611145019531,100.6729507446289],[291.7970275878906,101.0312271118164],[291.2336730957031,101.39057159423828],[290.67108154296875,101.75131225585938],[290.10919189453125,102.11262512207031],[289.547607421875,102.4747314453125],[288.9867248535156,102.83790588378906],[288.4263000488281,103.2017822265625],[287.8659973144531,103.56635284423828],[287.3059387207031,103.93079376220703],[286.74627685546875,104.29601287841797],[286.1869201660156,104.66159057617188],[285.6275939941406,105.02716064453125],[285.0682373046875,105.39273834228516],[284.5089111328125,105.75831604003906],[283.9495544433594,106.12389373779297],[283.3898620605469,106.48922729492188],[282.83026123046875,106.85440826416016],[282.2706604003906,107.21958923339844],[281.71051025390625,107.5839614868164],[281.1500549316406,107.9478759765625],[280.58935546875,108.31128692626953],[280.0279846191406,108.6737289428711],[279.4660949707031,109.03547668457031],[278.90374755859375,109.39651489257812],[278.3406677246094,109.75630187988281],[277.7768249511719,110.11495971679688],[277.2125549316406,110.47258758544922],[276.64727783203125,110.82891845703125],[276.0808410644531,111.1836929321289],[275.5137023925781,111.53724670410156],[274.9457702636719,111.88932037353516],[274.3765869140625,112.23948669433594],[273.8062744140625,112.58788299560547],[273.2349548339844,112.93443298339844],[272.6623229980469,113.27877807617188],[272.0885925292969,113.62113189697266],[271.513427734375,113.96123504638672],[270.936767578125,114.2990951538086],[270.35888671875,114.63461303710938],[269.77947998046875,114.96724700927734],[269.1983337402344,115.29761505126953],[268.61578369140625,115.62498474121094],[268.0316467285156,115.94941711425781],[267.44598388671875,116.27100372314453],[266.8582458496094,116.58924102783203],[266.26898193359375,116.90444946289062],[265.6780700683594,117.21599578857422],[265.0851745605469,117.5241470336914],[264.490478515625,117.82881927490234],[263.8935241699219,118.1295166015625],[263.2950744628906,118.42650604248047],[262.69415283203125,118.7193374633789],[262.0914001464844,119.00811004638672],[261.4869384765625,119.29249572753906],[260.8801574707031,119.57231140136719],[260.2712707519531,119.8480224609375],[259.66021728515625,120.11841583251953],[259.04730224609375,120.3843002319336],[258.4320373535156,120.64505004882812],[257.8147277832031,120.90064239501953],[257.1953125,121.15116882324219],[256.5735778808594,121.39627075195312],[255.94956970214844,121.63572692871094],[255.32342529296875,121.8694076538086],[254.69534301757812,122.09716796875],[254.06507873535156,122.31896209716797],[253.4326171875,122.5350570678711],[252.79888916015625,122.74697875976562],[252.16383361816406,122.95535278320312],[251.52796936035156,123.16007232666016],[250.8907928466797,123.36125946044922],[250.2523651123047,123.55890655517578],[249.6129913330078,123.75289154052734],[248.97230529785156,123.9435043334961],[248.3307647705078,124.13065338134766],[247.6883544921875,124.31436920166016],[247.04490661621094,124.49476623535156],[246.4005889892578,124.67182159423828],[245.7554473876953,124.84556579589844],[245.10934448242188,125.01598358154297],[244.4622039794922,125.1830062866211],[243.81446838378906,125.34680938720703],[243.1658935546875,125.50750732421875],[242.51649475097656,125.66513061523438],[241.86647033691406,125.81968688964844],[241.21539306640625,125.97132873535156],[240.56396484375,126.11994171142578],[239.9115753173828,126.26543426513672],[239.25894165039062,126.40792846679688],[238.60548400878906,126.54767608642578],[237.95144653320312,126.68465423583984],[237.2967987060547,126.81892395019531],[236.64158630371094,126.9505386352539],[235.98602294921875,127.07950592041016],[235.32974243164062,127.20571899414062],[234.67312622070312,127.32936096191406],[234.01568603515625,127.45061492919922],[233.358154296875,127.56941986083984],[232.70028686523438,127.68587493896484],[232.04183959960938,127.80006408691406],[231.3831024169922,127.9119873046875],[230.7239990234375,128.02149963378906],[230.0643310546875,128.1289520263672],[229.40455627441406,128.2342987060547],[228.74444580078125,128.33766174316406],[228.0840301513672,128.43911743164062],[227.4230499267578,128.53871154785156],[226.7618865966797,128.63633728027344],[226.1006622314453,128.73211669921875],[225.43910217285156,128.8262176513672],[224.77723693847656,128.91868591308594],[224.11526489257812,129.0095672607422],[223.4530029296875,129.09896850585938],[222.79058837890625,129.1868438720703],[222.12799072265625,129.27320861816406],[221.4652557373047,129.3581085205078],[220.8023223876953,129.44183349609375],[220.1391143798828,129.52439880371094],[219.47567749023438,129.60610961914062],[218.81239318847656,129.68617248535156],[218.14898681640625,129.76576232910156],[217.48536682128906,129.84390258789062],[216.82159423828125,129.92144775390625],[216.1577911376953,129.99810791015625],[215.4938201904297,130.07391357421875],[214.8298797607422,130.14927673339844],[214.1657257080078,130.2236328125],[213.50173950195312,130.29771423339844],[212.8375701904297,130.37109375],[212.17311096191406,130.44403076171875],[211.5088348388672,130.51646423339844],[210.8445587158203,130.5889129638672],[210.18031311035156,130.66131591796875],[209.51596069335938,130.73312377929688],[208.85162353515625,130.80494689941406],[208.18727111816406,130.8767547607422],[207.52281188964844,130.9486846923828],[206.85848999023438,131.02066040039062],[206.1941680908203,131.0926513671875],[205.52987670898438,131.1647491455078],[204.86541748046875,131.23768615722656],[204.20118713378906,131.31060791015625],[203.53697204589844,131.38352966308594],[202.87301635742188,131.4572296142578],[202.20892333984375,131.53134155273438],[201.54473876953125,131.6064910888672],[200.8809051513672,131.68191528320312],[200.21707153320312,131.75831604003906],[199.5533905029297,131.8354034423828],[198.8897247314453,131.9132537841797],[198.22622680664062,131.99232482910156],[197.5624237060547,132.07186889648438],[196.899169921875,132.15316772460938],[196.23593139648438,132.23501586914062],[195.57293701171875,132.31832885742188],[194.91000366210938,132.40249633789062],[194.24749755859375,132.48817443847656],[193.58489990234375,132.57522583007812],[192.92254638671875,132.66372680664062],[192.26046752929688,132.75376892089844],[191.5985107421875,132.84535217285156],[190.93695068359375,132.9384765625],[190.27503967285156,133.03329467773438],[189.61404418945312,133.12973022460938],[188.95294189453125,133.2279815673828],[188.29229736328125,133.328125],[187.63185119628906,133.4302215576172],[186.97178649902344,133.5342254638672],[186.31211853027344,133.6401824951172],[185.65283203125,133.74815368652344],[184.9937286376953,133.85824584960938],[184.33499145507812,133.97048950195312],[183.6766815185547,134.0850067138672],[183.0185089111328,134.2019500732422],[182.36097717285156,134.3211669921875],[181.70382690429688,134.44271850585938],[181.04733276367188,134.566650390625],[180.39122009277344,134.6930389404297],[179.73789978027344,134.8330535888672],[179.09329223632812,135.00897216796875],[178.45848083496094,135.21743774414062],[177.8342742919922,135.45550537109375],[177.22132873535156,135.72119140625],[176.62022399902344,136.0128936767578],[176.03146362304688,136.3297119140625],[175.4568634033203,136.6705780029297],[174.89688110351562,137.03488159179688],[174.352294921875,137.42214965820312],[173.8248748779297,137.83216857910156],[173.315185546875,138.26429748535156],[172.82504272460938,138.71841430664062],[172.3558349609375,139.1939697265625],[171.90869140625,139.6906280517578],[171.48544311523438,140.20770263671875],[171.08758544921875,140.74432373046875],[170.71629333496094,141.30015563964844],[170.37339782714844,141.8734588623047],[170.05995178222656,142.46356201171875],[169.77716064453125,143.06895446777344],[169.52603149414062,143.68800354003906],[169.30712890625,144.31935119628906],[169.12109375,144.9610595703125],[168.9679718017578,145.61134338378906],[168.84764099121094,146.26856994628906],[168.7596893310547,146.93093872070312],[168.7036895751953,147.5966339111328],[168.67860412597656,148.26434326171875],[168.68353271484375,148.93280029296875],[168.7166290283203,149.6001739501953],[168.77615356445312,150.2656707763672],[168.85992431640625,150.92861938476562],[168.96609497070312,151.58819580078125],[169.09228515625,152.24441528320312],[169.2364501953125,152.8967742919922],[169.39691162109375,153.54541015625],[169.5716094970703,154.19036865234375],[169.75869750976562,154.83187866210938],[169.956787109375,155.47015380859375],[170.16403198242188,156.105712890625],[170.3790283203125,156.7381591796875],[170.60006713867188,157.36878967285156],[170.82611083984375,157.9977264404297],[171.0560302734375,158.6251678466797],[171.2877655029297,159.25186157226562],[171.52064514160156,159.87803649902344],[171.7535400390625,160.5043487548828],[171.9849853515625,161.13133239746094],[172.21414184570312,161.75906372070312],[172.43948364257812,162.38804626464844],[172.65989685058594,163.01922607421875],[172.8741455078125,163.65208435058594],[173.08082580566406,164.28761291503906],[173.2786865234375,164.92562866210938],[173.46644592285156,165.567138671875],[173.64266967773438,166.2115020751953],[173.8058319091797,166.8594512939453],[173.95462036132812,167.5108184814453],[174.0873565673828,168.1658477783203],[174.20252990722656,168.82395935058594],[174.29869079589844,169.4853515625],[174.37423706054688,170.1493377685547],[174.42755126953125,170.81549072265625],[174.4573211669922,171.48300170898438],[174.46337890625,172.1511688232422],[174.44859313964844,172.8192138671875],[174.4153594970703,173.48666381835938],[174.3649444580078,174.1529083251953],[174.29904174804688,174.81784057617188],[174.2186737060547,175.48123168945312],[174.12460327148438,176.14271545410156],[174.01771545410156,176.80233764648438],[173.89874267578125,177.45994567871094],[173.7681427001953,178.1153106689453],[173.62643432617188,178.7683563232422],[173.47396850585938,179.4189453125],[173.3111114501953,180.06690979003906],[173.1380157470703,180.7123260498047],[172.95489501953125,181.3549346923828],[172.7617950439453,181.9947052001953],[172.5589599609375,182.63148498535156],[172.3464813232422,183.2650146484375],[172.12440490722656,183.8951873779297],[171.8926239013672,184.52200317382812],[171.65115356445312,185.14524841308594],[171.39987182617188,185.7642059326172],[171.13861083984375,186.37933349609375],[170.86737060546875,186.99000549316406],[170.5858917236328,187.5961151123047],[170.29403686523438,188.19725036621094],[169.9915313720703,188.79299926757812],[169.6781463623047,189.3829345703125],[169.35316467285156,189.96697998046875],[169.01669311523438,190.54412841796875],[168.66798400878906,191.11434936523438],[168.3067169189453,191.67672729492188],[167.9325714111328,192.2303009033203],[167.54493713378906,192.7744598388672],[167.1430206298828,193.30816650390625],[166.7261505126953,193.83056640625],[166.29376220703125,194.33998107910156],[165.84524536132812,194.83509826660156],[165.37953186035156,195.31430053710938],[164.8960418701172,195.77561950683594],[164.3940887451172,196.2165985107422],[163.87269592285156,196.63482666015625],[163.34056091308594,197.03895568847656],[162.8073272705078,197.4418487548828],[162.27320861816406,197.84335327148438],[161.7380828857422,198.2435302734375],[161.2017364501953,198.64208984375],[160.66421508789062,199.0390167236328],[160.12571716308594,199.43447875976562],[159.58609008789062,199.8285675048828],[159.04537963867188,200.22120666503906],[158.50344848632812,200.6121368408203],[157.96006774902344,201.00146484375],[157.4158477783203,201.3890838623047],[156.87045288085938,201.7751922607422],[156.3238983154297,202.15977478027344],[155.77627563476562,202.542724609375],[155.22727966308594,202.9236602783203],[154.67713928222656,203.3029327392578],[154.1259765625,203.6804656982422],[153.57347106933594,204.05650329589844],[153.02000427246094,204.43072509765625],[152.4652862548828,204.80332946777344],[151.90904235839844,205.17405700683594],[151.3518524169922,205.54278564453125],[150.79331970214844,205.90992736816406],[150.2338104248047,206.2751922607422],[149.6732177734375,206.63868713378906],[149.1114044189453,207.00047302246094],[148.54840087890625,207.36053466796875],[147.98414611816406,207.71847534179688],[147.41885375976562,208.07449340820312],[146.85232543945312,208.42884826660156],[146.2845916748047,208.78147888183594],[145.7156982421875,209.1323699951172],[145.1459197998047,209.4813690185547],[144.5749053955078,209.8286590576172],[144.00283813476562,210.17398071289062],[143.42962646484375,210.5173797607422],[142.8555145263672,210.85894775390625],[142.28018188476562,211.19888305664062],[141.70388793945312,211.5370635986328],[141.12648010253906,211.87356567382812],[140.5482635498047,212.20826721191406],[139.96885681152344,212.54141235351562],[139.3882598876953,212.8726806640625],[138.80685424804688,213.20216369628906],[138.2246551513672,213.52993774414062],[137.64151000976562,213.8561248779297],[137.0574951171875,214.1807098388672],[136.4724884033203,214.50379943847656],[135.8867645263672,214.82525634765625],[135.30006408691406,215.14505004882812],[134.71250915527344,215.4632110595703],[134.12399291992188,215.7799835205078],[133.5347900390625,216.09527587890625],[132.9449920654297,216.4090576171875],[132.35401916503906,216.72169494628906],[131.76260375976562,217.0328369140625],[131.17041015625,217.3423614501953],[130.5775909423828,217.65048217773438],[129.98406982421875,217.95738220214844],[129.38973999023438,218.2631378173828],[128.7950897216797,218.5675506591797],[128.1995391845703,218.87094116210938],[127.60342407226562,219.1728515625],[127.00679016113281,219.47357177734375],[126.40967559814453,219.773193359375],[125.8115005493164,220.07203674316406],[125.21322631835938,220.36965942382812],[124.61441040039062,220.66619873046875],[124.0150375366211,220.9615936279297],[123.41531372070312,221.2560272216797],[122.8150863647461,221.5496063232422],[122.21443939208984,221.84234619140625],[121.61329650878906,222.13412475585938],[121.0115737915039,222.4250030517578],[120.40959167480469,222.71507263183594],[119.80703735351562,223.004150390625],[119.20272064208984,223.28953552246094],[118.59629821777344,223.57022094726562],[117.98772430419922,223.8462677001953],[117.3773422241211,224.11807250976562],[116.76495361328125,224.38548278808594],[116.15079498291016,224.6486358642578],[115.53490447998047,224.90792846679688],[114.91734313964844,225.16311645507812],[114.29818725585938,225.4144744873047],[113.67764282226562,225.66226196289062],[113.0556640625,225.90625],[112.43190002441406,226.14700317382812],[111.80730438232422,226.38441467285156],[111.18145751953125,226.618408203125],[110.55439758300781,226.84942626953125],[109.92639923095703,227.0775604248047],[109.29719543457031,227.30276489257812],[108.66728210449219,227.5252685546875],[108.03631591796875,227.7454071044922],[107.40448760986328,227.96292114257812],[106.7718276977539,228.177978515625],[106.13853454589844,228.39112854003906],[105.50437927246094,228.6024169921875],[104.8696517944336,228.8118896484375],[104.2345962524414,229.0195770263672],[103.59886169433594,229.22537231445312],[102.96276092529297,229.4297637939453],[102.3260498046875,229.63296508789062],[101.6892318725586,229.83494567871094],[101.0519027709961,230.0359649658203],[100.41434478759766,230.23605346679688],[99.77642822265625,230.43484497070312],[99.13846588134766,230.6336212158203],[98.50016021728516,230.831787109375],[97.8618392944336,231.02940368652344],[97.22351837158203,231.22703552246094],[96.58519744873047,231.42465209960938],[95.9468765258789,231.6222686767578],[95.30868530273438,231.82022094726562],[94.67050170898438,232.01828002929688],[94.0323715209961,232.2168731689453],[93.39461517333984,232.4163055419922],[92.7568588256836,232.61575317382812],[92.1195297241211,232.81666564941406],[91.48223876953125,233.01870727539062],[90.84571838378906,233.2217559814453],[90.2095718383789,233.42608642578125],[89.57381439208984,233.63180541992188],[88.93859100341797,233.83917236328125],[88.3039779663086,234.0485076904297],[87.66992950439453,234.2596893310547],[87.0367202758789,234.47274780273438],[86.40401458740234,234.68765258789062],[85.77210998535156,234.90516662597656],[85.14125061035156,235.12501525878906],[84.51089477539062,235.34768676757812],[83.8818359375,235.57284545898438],[83.25357818603516,235.8009033203125],[82.6266098022461,236.03201293945312],[82.0008544921875,236.26608276367188],[81.37615203857422,236.50341796875],[80.75279235839844,236.7443084716797],[80.13096618652344,236.98846435546875],[79.51036071777344,237.23631286621094],[78.89147186279297,237.48805236816406],[78.27399444580078,237.74359130859375],[77.65802764892578,238.00314331054688],[77.04400634765625,238.26702880859375],[76.43196868896484,238.53492736816406],[75.82164764404297,238.80718994140625],[75.21356201171875,239.0841522216797],[74.60750579833984,239.3655242919922],[74.00365447998047,239.65155029296875],[73.40206909179688,239.9427032470703],[72.80300903320312,240.23846435546875],[72.20621490478516,240.539306640625],[71.6122055053711,240.8452911376953],[71.02035522460938,241.15570068359375],[70.4306640625,241.47023010253906],[69.84336853027344,241.7887420654297],[69.25808715820312,242.11141967773438],[68.67530822753906,242.4379119873047],[68.09439849853516,242.76856994628906],[67.51616668701172,243.10305786132812],[66.94004821777344,243.44149780273438],[66.36615753173828,243.78378295898438],[65.79454803466797,244.12985229492188],[65.22505950927734,244.47979736328125],[64.65795135498047,244.8334197998047],[64.0932846069336,245.19065856933594],[63.5308723449707,245.55157470703125],[62.9708366394043,245.916259765625],[62.41339111328125,246.284423828125],[61.85814666748047,246.6562042236328],[61.30514144897461,247.03163146972656],[60.754844665527344,247.41033935546875],[60.20669937133789,247.792724609375],[59.661155700683594,248.1784210205078],[59.11796569824219,248.56764221191406],[58.577144622802734,248.96047973632812],[58.03886413574219,249.35662841796875],[57.503177642822266,249.75604248046875],[56.97014236450195,250.15869140625],[56.43941116333008,250.56478881835938],[55.9112434387207,250.97418212890625],[55.38569259643555,251.38677978515625],[54.86281967163086,251.80271911621094],[54.342491149902344,252.2219696044922],[53.82473373413086,252.64443969726562],[53.30960464477539,253.0701141357422],[52.79715347290039,253.49896240234375],[52.287086486816406,253.93121337890625],[51.780006408691406,254.3663787841797],[51.27572250366211,254.8047332763672],[50.77432632446289,255.24618530273438],[50.2755241394043,255.69090270996094],[49.7795524597168,256.1387023925781],[49.28628921508789,256.5896911621094],[48.79600524902344,257.0436706542969],[48.308528900146484,257.500732421875],[47.824153900146484,257.96075439453125],[47.342533111572266,258.4240417480469],[46.863765716552734,258.8906555175781],[46.388240814208984,259.3599853515625],[45.91568374633789,259.8324890136719],[45.44615936279297,260.3079833984375],[44.979732513427734,260.7865295410156],[44.5164680480957,261.26806640625],[44.05645751953125,261.7525329589844],[43.599552154541016,262.2400817871094],[43.145912170410156,262.73077392578125],[42.69567108154297,263.22442626953125],[42.248600006103516,263.72125244140625],[41.804927825927734,264.2210388183594],[41.36457824707031,264.72393798828125],[40.92793273925781,265.2295227050781],[40.494747161865234,265.73822021484375],[40.06495666503906,266.2500915527344],[39.63895034790039,266.7647399902344],[39.216468811035156,267.2825622558594],[38.79777145385742,267.80328369140625],[38.38280487060547,268.3271179199219],[37.97174835205078,268.85382080078125],[37.564422607421875,269.3836975097656],[37.160919189453125,269.9167785644531],[36.761112213134766,270.4520263671875],[36.36464309692383,270.9898376464844],[35.971439361572266,271.5301513671875],[35.581695556640625,272.0728454589844],[35.19535827636719,272.6180419921875],[34.81234359741211,273.1658630371094],[34.43315124511719,273.7157897949219],[34.05733871459961,274.2684631347656],[33.68519592285156,274.8233337402344],[33.3165283203125,275.38079833984375],[32.95140075683594,275.9407653808594],[32.59016036987305,276.5027160644531],[32.23253631591797,277.0672607421875],[31.87885093688965,277.6341552734375],[31.528865814208984,278.2034912109375],[31.182788848876953,278.7750549316406],[30.84054183959961,279.3489685058594],[30.50225257873535,279.92510986328125],[30.167871475219727,280.5038146972656],[29.837688446044922,281.08477783203125],[29.51165008544922,281.6678771972656],[29.18947410583496,282.2536926269531],[28.87171745300293,282.8412780761719],[28.557994842529297,283.4314880371094],[28.248762130737305,284.0238342285156],[27.944021224975586,284.6183166503906],[27.643539428710938,285.21527099609375],[27.347515106201172,285.81439208984375],[27.05604362487793,286.4156494140625],[26.769149780273438,287.0190124511719],[26.487096786499023,287.624755859375],[26.209720611572266,288.2326965332031],[25.936996459960938,288.8430480957031],[25.66922378540039,289.4552917480469],[25.406375885009766,290.0696105957031],[25.148574829101562,290.6860656738281],[24.896028518676758,291.3046569824219],[24.648574829101562,291.9253234863281],[24.406293869018555,292.54815673828125],[24.169282913208008,293.1730651855469],[23.937719345092773,293.7997131347656],[23.71165657043457,294.4285583496094],[23.49125099182129,295.05950927734375],[23.276466369628906,295.69232177734375],[23.06740379333496,296.3269958496094],[22.864070892333984,296.96368408203125],[22.666698455810547,297.6019287109375],[22.475345611572266,298.2420959472656],[22.290170669555664,298.8843078613281],[22.111236572265625,299.5279846191406],[21.938508987426758,300.1734313964844],[21.772069931030273,300.8206787109375],[21.612079620361328,301.469482421875],[21.45864486694336,302.11968994140625],[21.311933517456055,302.7720642089844],[21.172149658203125,303.4252624511719],[21.039093017578125,304.08026123046875],[20.913005828857422,304.7363586425781],[20.79388999938965,305.3939208984375],[20.6818904876709,306.052734375],[20.57713508605957,306.7124938964844],[20.479948043823242,307.37359619140625],[20.39015769958496,308.035888671875],[20.307891845703125,308.6990051269531],[20.233238220214844,309.3629150390625],[20.16623878479004,310.028076171875],[20.107065200805664,310.6936340332031],[20.055763244628906,311.3599853515625],[20.01267433166504,312.0267639160156],[19.981063842773438,312.6942138671875],[19.964139938354492,313.362060546875],[19.961015701293945,314.0303955078125],[19.97145652770996,314.6985168457031],[19.99407386779785,315.3663330078125],[20.02855682373047,316.0336608886719],[20.074268341064453,316.70025634765625],[20.130619049072266,317.366455078125],[20.197221755981445,318.0311584472656],[20.273578643798828,318.69512939453125],[20.359254837036133,319.357666015625],[20.45410919189453,320.0192565917969],[20.5573787689209,320.6792297363281],[20.669469833374023,321.3381652832031],[20.789457321166992,321.995361328125],[20.91733169555664,322.6512145996094],[21.05314826965332,323.30560302734375],[21.19626808166504,323.9581298828125],[21.346721649169922,324.6093444824219],[21.50458526611328,325.2587585449219],[21.66937255859375,325.90643310546875],[21.840927124023438,326.5521240234375],[22.019498825073242,327.1960754394531],[22.204797744750977,327.8381652832031],[22.39659309387207,328.4781494140625],[22.59493637084961,329.1162414550781],[22.800024032592773,329.7521667480469],[23.01150131225586,330.3860168457031],[23.22939109802246,331.017822265625],[23.453685760498047,331.6471862792969],[23.684663772583008,332.2745361328125],[23.921844482421875,332.8991394042969],[24.165435791015625,333.5213928222656],[24.415708541870117,334.1411437988281],[24.67238998413086,334.75787353515625],[24.935583114624023,335.3720703125],[25.205535888671875,335.98345947265625],[25.48223114013672,336.5916442871094],[25.76557731628418,337.1966552734375],[26.055971145629883,337.7985534667969],[26.353487014770508,338.39691162109375],[26.658117294311523,338.99188232421875],[26.970170974731445,339.58282470703125],[27.289613723754883,340.16961669921875],[27.616727828979492,340.7523193359375],[27.952003479003906,341.3304138183594],[28.29512596130371,341.90374755859375],[28.646926879882812,342.47174072265625],[29.00721549987793,343.03448486328125],[29.376848220825195,343.59124755859375],[29.755596160888672,344.1416015625],[30.144195556640625,344.6852111816406],[30.54330825805664,345.2215270996094],[30.949316024780273,345.75225830078125],[31.355756759643555,346.28265380859375],[31.76304817199707,346.8123779296875],[32.170570373535156,347.3419494628906],[32.57892608642578,347.8709411621094],[32.98749923706055,348.3996887207031],[33.396759033203125,348.92779541015625],[33.80638122558594,349.4557189941406],[34.216705322265625,349.9831237792969],[34.627357482910156,350.51025390625],[35.038761138916016,351.0370178222656],[35.45042037963867,351.5633850097656],[35.86275100708008,352.0893249511719],[36.27540588378906,352.6148681640625],[36.688655853271484,353.1400146484375],[37.1023063659668,353.664794921875],[37.516483306884766,354.18914794921875],[37.93110656738281,354.7131652832031],[38.34623336791992,355.2367858886719],[38.761810302734375,355.7600402832031],[39.17787551879883,356.282958984375],[39.59454345703125,356.8056640625],[40.01154327392578,357.3278503417969],[40.42899703979492,357.849609375],[40.84678649902344,358.3709411621094],[41.265159606933594,358.8919677734375],[41.68391418457031,359.4126892089844],[42.10317611694336,359.9330139160156],[42.52286911010742,360.4530944824219],[42.94301986694336,360.9726867675781],[43.36351776123047,361.49200439453125],[43.7845458984375,362.0108947753906],[44.20600509643555,362.5296630859375],[44.62788391113281,363.0478515625],[45.050140380859375,363.5658874511719],[45.47286605834961,364.0834045410156],[45.89577865600586,364.60052490234375],[46.319332122802734,365.11737060546875],[46.743202209472656,365.634033203125],[47.167572021484375,366.1501770019531],[47.5922737121582,366.6662292480469],[48.017433166503906,367.1817321777344],[48.4427604675293,367.69696044921875],[48.86886978149414,368.21197509765625],[49.2951774597168,368.7265625],[49.7222785949707,369.2404479980469],[50.14937973022461,369.7543640136719],[50.576480865478516,370.26824951171875],[51.00397491455078,370.78179931640625],[51.43255615234375,371.2944641113281],[51.86113739013672,371.80712890625],[52.28971862792969,372.3197937011719],[52.71874237060547,372.83221435546875],[53.14875030517578,373.34368896484375],[53.578914642333984,373.8553466796875],[54.00891876220703,374.3668212890625],[54.439231872558594,374.8779602050781],[54.870601654052734,375.3882751464844],[55.301971435546875,375.8985900878906],[55.733341217041016,376.4089050292969],[56.164974212646484,376.91888427734375],[56.59765625,377.4281005859375],[57.03034210205078,377.93731689453125],[57.46302795410156,378.446533203125],[57.89607620239258,378.9555358886719],[58.330162048339844,379.4638977050781],[58.76409149169922,379.9720458984375],[59.198020935058594,380.48016357421875],[59.6322021484375,380.988037109375],[60.067325592041016,381.49517822265625],[60.50244903564453,382.0022888183594],[60.93756866455078,382.5094299316406],[61.3729248046875,383.0162658691406],[61.80918502807617,383.5224304199219],[62.245445251464844,384.028564453125],[62.681705474853516,384.53472900390625],[63.118499755859375,385.04095458984375],[63.55582809448242,385.54620361328125],[63.9931526184082,386.0514221191406],[64.43048095703125,386.556640625],[64.86807250976562,387.0616760253906],[65.3064193725586,387.5660095214844],[65.74476623535156,388.07037353515625],[66.18311309814453,388.57470703125],[66.62156677246094,389.07867431640625],[67.06087493896484,389.5821838378906],[67.50018310546875,390.085693359375],[67.93965148925781,390.5893859863281],[68.37920379638672,391.09271240234375],[68.81940460205078,391.5954284667969],[69.25960540771484,392.09814453125],[69.6998062133789,392.6008605957031],[70.14030456542969,393.1034851074219],[70.58135223388672,393.60546875],[71.02239990234375,394.1074523925781],[71.46345520019531,394.6094055175781],[71.90463256835938,395.1111145019531],[72.34646606445312,395.6123962402344],[72.78829956054688,396.11370849609375],[73.23029327392578,396.61517333984375],[73.67237854003906,397.1163330078125],[74.11493682861328,397.6169738769531],[74.5574951171875,398.1176452636719],[75.00005340576172,398.6182861328125],[75.44274139404297,399.1186828613281],[75.88597106933594,399.6187438964844],[76.3292007446289,400.1187744140625],[76.7724380493164,400.61883544921875],[77.21593475341797,401.11883544921875],[77.65977478027344,401.61834716796875],[78.10377502441406,402.1180419921875],[78.54762268066406,402.6175537109375],[78.99164581298828,403.11676025390625],[79.43628692626953,403.6155700683594],[79.88092803955078,404.1143798828125],[80.32556915283203,404.6131591796875],[80.77021026611328,405.1119689941406],[81.21485137939453,405.61077880859375],[81.65949249267578,406.1095886230469],[82.1041259765625,406.6083679199219],[82.54905700683594,407.1069030761719],[82.99473571777344,407.6051025390625],[83.44025421142578,408.1031188964844],[83.88577270507812,408.60113525390625],[84.33128356933594,409.0991516113281],[84.77680206298828,409.5971984863281],[85.22232055664062,410.09521484375],[85.66783905029297,410.5932312011719],[86.1136245727539,411.0910949707031],[86.5597915649414,411.5885314941406],[87.00595092773438,412.0859680175781],[87.45211791992188,412.5834045410156],[87.89844512939453,413.0810241699219],[88.3446044921875,413.5784606933594],[88.790771484375,414.0758972167969],[89.23693084716797,414.5733337402344],[89.6833267211914,415.07073974609375],[90.12991333007812,415.56781005859375],[90.57649230957031,416.0648498535156],[91.02307891845703,416.5619201660156],[91.46965789794922,417.0589904785156],[91.91624450683594,417.5560607910156],[92.36282348632812,418.0531311035156],[92.8095703125,418.55035400390625],[93.25617218017578,419.0473327636719],[93.70292663574219,419.5442199707031],[94.1496810913086,420.0411376953125],[94.596435546875,420.5380554199219],[95.0431900024414,421.0349426269531],[95.48994445800781,421.5318603515625],[95.93669891357422,422.0287780761719],[96.38345336914062,422.52569580078125],[96.83020782470703,423.0225830078125],[97.27696228027344,423.5195007324219],[97.72388458251953,424.0166015625],[98.17063903808594,424.51348876953125],[98.61739349365234,425.0104064941406],[99.06414794921875,425.50732421875],[99.51090240478516,426.0042419433594],[99.95765686035156,426.5011291503906],[100.40431213378906,426.9981384277344],[100.85078430175781,427.49530029296875],[101.29725646972656,427.9924621582031],[101.74372863769531,428.4896545410156],[102.19020080566406,428.98681640625],[102.63683319091797,429.4841613769531],[103.08329772949219,429.9813232421875],[103.52976989746094,430.4784851074219],[103.97599029541016,430.9757080078125],[104.4219741821289,431.4732971191406],[104.86795806884766,431.9709167480469],[105.3139419555664,432.468505859375],[105.75992584228516,432.9660949707031],[106.2059097290039,433.4637145996094],[106.65189361572266,433.9613037109375],[107.0978775024414,434.45892333984375],[107.54380798339844,434.9568786621094],[107.98907470703125,435.45513916015625],[108.43434143066406,435.953369140625],[108.87960815429688,436.45159912109375],[109.32487487792969,436.9498596191406],[109.77014923095703,437.4480895996094],[110.21541595458984,437.9463195800781],[110.66068267822266,438.444580078125],[111.10575866699219,438.9430847167969],[111.55009460449219,439.442138671875],[111.99442291259766,439.94122314453125],[112.43891906738281,440.44049072265625],[112.88324737548828,440.9395751953125],[113.32758331298828,441.4386291503906],[113.77191162109375,441.9377136230469],[114.21623992919922,442.4367980957031],[114.66051483154297,442.9361267089844],[115.10400390625,443.4359436035156],[115.54749298095703,443.9357604980469],[115.99097442626953,444.43560791015625],[116.43437957763672,444.9355163574219],[116.87723541259766,445.4358825683594],[117.32024383544922,445.93646240234375],[117.76309967041016,446.4368591308594],[118.20574951171875,446.9371337890625],[118.64791107177734,447.4381408691406],[119.09007263183594,447.93914794921875],[119.53223419189453,448.4401550292969],[119.9744873046875,448.9413146972656],[120.41590118408203,449.4429931640625],[120.85731506347656,449.94464111328125],[121.29873657226562,450.4462890625],[121.74015045166016,450.9479675292969],[122.1808090209961,451.4503479003906],[122.62142181396484,451.9527282714844],[123.0620346069336,452.455078125],[123.50263977050781,452.95745849609375],[123.9425048828125,453.4605712890625],[124.38225555419922,453.96368408203125],[124.82201385498047,454.466796875],[125.26177215576172,454.96990966796875],[125.70073699951172,455.47369384765625],[126.13957977294922,455.97760009765625],[126.57842254638672,456.48150634765625],[127.01726531982422,456.98541259765625],[127.4555435180664,457.4902038574219],[127.89342498779297,457.9949645996094],[128.331298828125,458.49969482421875],[128.76918029785156,459.00445556640625],[129.20639038085938,459.5098876953125],[129.64324951171875,460.0155029296875],[130.08010864257812,460.5211486816406],[130.51695251464844,461.02679443359375],[130.95314025878906,461.532958984375],[131.388916015625,462.0395202636719],[131.82469177246094,462.54608154296875],[132.26063537597656,463.0528259277344],[132.6957244873047,463.5597839355469],[133.13037109375,464.06732177734375],[133.5650177001953,464.5748291015625],[133.9996795654297,465.0823669433594],[134.43389892578125,465.5904235839844],[134.86737060546875,466.0989685058594],[135.3008270263672,466.6075134277344],[135.7342987060547,467.1160583496094],[136.1674041748047,467.6249694824219],[136.59963989257812,468.1345520019531],[137.03201293945312,468.64434814453125],[137.46424865722656,469.1539306640625],[137.89614868164062,469.6636657714844],[138.3271026611328,470.1743469238281],[138.75804138183594,470.6850280761719],[139.18898010253906,471.1957092285156],[139.6197967529297,471.7064208984375],[140.0493927001953,472.21826171875],[140.47897338867188,472.7300720214844],[140.9085693359375,473.24188232421875],[141.33816528320312,473.7536926269531],[141.76657104492188,474.26678466796875],[142.1947479248047,474.77978515625],[142.62294006347656,475.2927551269531],[143.05113220214844,475.8057556152344],[143.47781372070312,476.32000732421875],[143.9014129638672,476.8367614746094],[144.3221893310547,477.35577392578125],[144.74017333984375,477.87713623046875],[145.15475463867188,478.4012451171875],[145.5662078857422,478.92767333984375],[145.97463989257812,479.4566955566406],[146.37977600097656,479.9883728027344],[146.7809600830078,480.5225830078125],[147.17886352539062,481.05950927734375],[147.5731658935547,481.598876953125],[147.96360778808594,482.1411437988281],[148.3499298095703,482.6864013671875],[148.73233032226562,483.23431396484375],[149.1107635498047,483.78509521484375],[149.48487854003906,484.3389587402344],[149.85398864746094,484.8957824707031],[150.21875,485.4557189941406],[150.5789031982422,486.0187072753906],[150.93417358398438,486.5848693847656],[151.2836151123047,487.1544189453125],[151.6282958984375,487.7268981933594],[151.96688842773438,488.30291748046875],[152.2997589111328,488.8821716308594],[152.62637329101562,489.465087890625],[152.9468994140625,490.0516052246094],[153.2604522705078,490.6416931152344],[153.5672149658203,491.2352600097656],[153.86656188964844,491.83270263671875],[154.158447265625,492.4339599609375],[154.44219970703125,493.0388488769531],[154.71762084960938,493.6477966308594],[154.98431396484375,494.2604675292969],[155.24148559570312,494.87701416015625],[155.4892578125,495.4976806640625],[155.7266082763672,496.1222839355469],[155.95315551757812,496.7508239746094],[156.16860961914062,497.383544921875],[156.37188720703125,498.02008056640625],[156.5625,498.66046142578125],[156.739990234375,499.3048400878906],[156.90353393554688,499.9527282714844],[157.05189514160156,500.6042175292969],[157.18470764160156,501.259033203125],[157.3010711669922,501.9170227050781],[157.4001007080078,502.5779724121094],[157.48085021972656,503.24127197265625],[157.5422821044922,503.9065856933594],[157.583251953125,504.5734558105469],[157.6024627685547,505.24127197265625],[157.597412109375,505.9093322753906],[157.56884765625,506.5771484375],[157.5179901123047,507.24359130859375],[157.446044921875,507.90789794921875],[157.35415649414062,508.56964111328125],[157.24342346191406,509.22857666015625],[157.1148681640625,509.8841857910156],[156.96949768066406,510.53643798828125],[156.808349609375,511.1850280761719],[156.63243103027344,511.8296203613281],[156.44259643554688,512.4703369140625],[156.2397003173828,513.1069946289062],[156.02452087402344,513.73974609375],[155.7975311279297,514.3682250976562],[155.55966186523438,514.99267578125],[155.31155395507812,515.6131591796875],[155.05393981933594,516.2295532226562],[154.78684997558594,516.8421630859375],[154.51123046875,517.4508666992188],[154.22760009765625,518.0557861328125],[153.93609619140625,518.6571044921875],[153.6373291015625,519.2548828125],[153.33181762695312,519.8491821289062],[153.01943969726562,520.4400634765625],[152.701171875,521.0276489257812],[152.3770294189453,521.61181640625],[152.0475616455078,522.193115234375],[151.71286010742188,522.771484375],[151.37274169921875,523.346923828125],[151.0283660888672,523.91943359375],[150.67970275878906,524.489501953125],[150.3263702392578,525.0565795898438],[149.96929931640625,525.6212768554688],[149.60853576660156,526.1839599609375],[149.24386596679688,526.7442016601562],[148.87615966796875,527.3019409179688],[148.50538635253906,527.8578491210938],[148.13150024414062,528.4116821289062],[147.75469970703125,528.9636840820312],[147.3755645751953,529.5138549804688],[146.99383544921875,530.0623779296875],[146.60960388183594,530.6090698242188],[146.2239227294922,531.1547241210938],[145.8357391357422,531.6986083984375],[145.4463348388672,532.241455078125],[145.05548095703125,532.7835083007812],[144.6627960205078,533.324462890625],[144.27024841308594,533.865234375],[143.87771606445312,534.4059448242188],[143.48516845703125,534.9467163085938],[143.09263610839844,535.4874877929688],[142.6988067626953,536.0272827148438],[142.3048095703125,536.5669555664062],[141.9108123779297,537.1066284179688],[141.51681518554688,537.6463623046875],[141.12281799316406,538.18603515625],[140.72772216796875,538.7249145507812],[140.3321533203125,539.2637329101562],[139.9367218017578,539.8023681640625],[139.54129028320312,540.341064453125],[139.1458740234375,540.8796997070312],[138.7494659423828,541.417724609375],[138.35267639160156,541.9553833007812],[137.9558868408203,542.4930419921875],[137.55909729003906,543.0307006835938],[137.1623077392578,543.568359375],[136.76473999023438,544.1053466796875],[136.36660766601562,544.6420288085938],[135.96832275390625,545.1788330078125],[135.5701904296875,545.7155151367188],[135.1720428466797,546.2521362304688],[134.77330017089844,546.7882690429688],[134.37387084960938,547.323974609375],[133.9744415283203,547.8596801757812],[133.57501220703125,548.3953247070312],[133.1755828857422,548.9310302734375],[132.7756805419922,549.4662475585938],[132.375,550.0010375976562],[131.9743194580078,550.5358276367188],[131.57350158691406,551.0707397460938],[131.17283630371094,551.6055297851562],[130.771728515625,552.1399536132812],[130.36984252929688,552.673828125],[129.96795654296875,553.2076416015625],[129.56607055664062,553.7415161132812],[129.1641845703125,554.2753295898438],[128.7618865966797,554.8090209960938],[128.3588409423828,555.342041015625],[127.95579528808594,555.875],[127.55274200439453,556.407958984375],[127.14955139160156,556.941162109375],[126.7461929321289,557.4739990234375],[126.34201049804688,558.006103515625],[125.93783569335938,558.5382080078125],[125.53366088867188,559.0703125],[125.12948608398438,559.6024169921875],[124.72522735595703,560.13427734375],[124.3199691772461,560.66552734375],[123.91471862792969,561.1968383789062],[123.50946044921875,561.7281494140625],[123.10420227050781,562.2594604492188],[122.69852447509766,562.7909545898438],[122.29222869873047,563.3214721679688],[121.88593292236328,563.8519897460938],[121.4796371459961,564.3824462890625],[121.07333374023438,564.9129638671875],[120.6669921875,565.4432983398438],[120.25970458984375,565.9730224609375],[119.85242462158203,566.5028076171875],[119.44514465332031,567.0325317382812],[119.0378646850586,567.562255859375],[118.63053894042969,568.0919189453125],[118.22215270996094,568.62109375],[117.81391906738281,569.1500854492188],[117.40568542480469,569.6791381835938],[116.99744415283203,570.2081298828125],[116.58903503417969,570.7372436523438],[116.17989349365234,571.2655639648438],[115.770751953125,571.7938232421875],[115.36160278320312,572.3221435546875],[114.95246124267578,572.8504638671875],[114.5433120727539,573.378662109375],[114.13330841064453,573.9063110351562],[113.72315979003906,574.4342041015625],[113.31316375732422,574.9617919921875],[112.90316009521484,575.4894409179688],[112.49311065673828,576.01708984375],[112.08228302001953,576.5441284179688],[111.67145538330078,577.0711059570312],[111.26063537597656,577.5980834960938],[110.84980773925781,578.1251220703125],[110.43901062011719,578.6519775390625],[110.02741241455078,579.1784057617188],[109.61581420898438,579.7047729492188],[109.20406341552734,580.2313842773438],[108.79246520996094,580.7578125],[108.38086700439453,581.2841186523438],[107.96854400634766,581.8099365234375],[107.55621337890625,582.3357543945312],[107.14389038085938,582.8616333007812],[106.7315673828125,583.387451171875],[106.31922912597656,583.9132080078125],[105.90621948242188,584.4385375976562],[105.49321746826172,584.9638061523438],[105.08021545410156,585.4890747070312],[104.66706085205078,586.0145874023438],[104.25397491455078,586.5398559570312],[103.84002685546875,587.064453125],[103.42607879638672,587.5889892578125],[103.01213073730469,588.113525390625],[102.59818267822266,588.6381225585938],[102.1842269897461,589.1626586914062],[101.77027893066406,589.6871948242188],[101.35633087158203,590.2117309570312],[100.9423828125,590.736328125],[100.52843475341797,591.2608642578125],[100.11415100097656,591.78564453125],[99.6990966796875,592.309326171875],[99.28404235839844,592.8330078125],[98.86898803710938,593.356689453125],[98.45393371582031,593.88037109375],[98.03887939453125,594.404052734375],[97.62382507324219,594.9276733398438],[97.20877075195312,595.4513549804688],[96.79371643066406,595.9750366210938],[96.378662109375,596.4987182617188],[95.96347045898438,597.0223388671875],[95.54749298095703,597.5452880859375],[95.13136291503906,598.0684204101562],[94.71537780761719,598.59130859375],[94.29940032958984,599.1142578125],[93.8834228515625,599.63720703125],[93.46743774414062,600.16015625],[93.05146026611328,600.68310546875],[92.63548278808594,601.2060546875],[92.21949768066406,601.72900390625],[91.803466796875,602.251708984375],[91.3867416381836,602.7740478515625],[90.97001647949219,603.29638671875],[90.55313873291016,603.8189086914062],[90.13641357421875,604.34130859375],[89.71968841552734,604.8636474609375],[89.30296325683594,605.385986328125],[88.88624572753906,605.9083251953125],[88.46952056884766,606.4306640625],[88.05279541015625,606.9530639648438],[87.63589477539062,607.4751586914062],[87.2184066772461,607.9969482421875],[86.8009262084961,608.5186767578125],[86.38343811035156,609.0404052734375],[85.96580505371094,609.5623168945312],[85.5483169555664,610.0841064453125],[85.13082885742188,610.6058349609375],[84.71334838867188,611.1275634765625],[84.29586029052734,611.6492919921875],[83.87837982177734,612.1710815429688],[83.46089172363281,612.6928100585938],[83.04341125488281,613.2145385742188],[82.62592315673828,613.7362670898438],[82.20843505859375,614.2579956054688],[81.79095458984375,614.77978515625],[81.3733139038086,615.3016967773438],[80.9558334350586,615.8234252929688],[80.53834533691406,616.3451538085938],[80.12085723876953,616.866943359375],[79.70337677001953,617.388671875],[79.28565979003906,617.9103393554688],[78.86775970458984,618.4317626953125],[78.44986724853516,618.9531860351562],[78.03196716308594,619.4745483398438],[77.61406707763672,619.9959716796875],[77.1961669921875,620.5173950195312],[76.77812194824219,621.0390014648438],[76.36022186279297,621.5604248046875],[75.94232177734375,622.081787109375],[75.52442169189453,622.6032104492188],[75.10652923583984,623.1246337890625],[74.68862915039062,623.6460571289062],[74.2707290649414,624.16748046875],[73.85282897949219,624.6888427734375],[73.4349365234375,625.2102661132812],[73.01703643798828,625.731689453125],[72.59913635253906,626.2531127929688],[72.18108367919922,626.7747192382812],[71.76319122314453,627.296142578125],[71.34529113769531,627.8175048828125],[70.92755889892578,628.339111328125],[70.50997161865234,628.8607788085938],[70.0923843383789,629.3824462890625],[69.67479705810547,629.9041137695312],[69.25720977783203,630.42578125],[68.8396224975586,630.9473876953125],[68.42203521728516,631.4690551757812],[68.00444793701172,631.99072265625],[67.58670806884766,632.5125732421875],[67.16912078857422,633.0342407226562],[66.75153350830078,633.555908203125],[66.33394622802734,634.0775756835938],[65.9163589477539,634.5992431640625],[65.49877166748047,635.1209106445312],[65.08118438720703,635.642578125],[64.6635971069336,636.1641845703125],[64.24601745605469,636.6858520507812],[63.828426361083984,637.20751953125],[63.41083908081055,637.7291870117188],[62.993099212646484,638.2510375976562],[62.57604217529297,638.7731323242188],[62.15913391113281,639.2953491210938],[61.742225646972656,639.8175659179688],[61.325321197509766,640.3397216796875],[60.90841293334961,640.8619384765625],[60.49150466918945,641.3841552734375],[60.0745964050293,641.9063720703125],[59.657691955566406,642.4285278320312],[59.24078369140625,642.9507446289062],[58.823875427246094,643.4729614257812],[58.407493591308594,643.9957275390625],[57.99128341674805,644.5184936523438],[57.5750732421875,645.041259765625],[57.15885925292969,645.5640258789062],[56.74264907836914,646.0867919921875],[56.326438903808594,646.6094970703125],[55.91022872924805,647.1322631835938],[55.494014739990234,647.655029296875],[55.07780456542969,648.1777954101562],[54.66159439086914,648.7005615234375],[54.24618911743164,649.2239990234375],[53.83070755004883,649.7476196289062],[53.415374755859375,650.2711181640625],[53.00004577636719,650.7945556640625],[52.584716796875,651.3179931640625],[52.16938400268555,651.8414916992188],[51.75405502319336,652.3649291992188],[51.338722229003906,652.8883666992188],[50.92339324951172,653.411865234375],[50.508060455322266,653.935302734375],[50.09379196166992,654.4595947265625],[49.67951202392578,654.98388671875],[49.265079498291016,655.5083618164062],[48.850799560546875,656.0326538085938],[48.436519622802734,656.5569458007812],[48.022239685058594,657.0812377929688],[47.60795974731445,657.6055297851562],[47.19367980957031,658.1298217773438],[46.77939987182617,658.6541137695312],[46.365142822265625,659.178466796875],[45.95176696777344,659.7034301757812],[45.53839111328125,660.2284545898438],[45.1250114440918,660.7534790039062],[44.711483001708984,661.2786254882812],[44.29817581176758,661.8036499023438],[43.885459899902344,662.3292236328125],[43.47274398803711,662.854736328125],[43.060028076171875,663.3802490234375],[42.64731216430664,663.90576171875],[42.23455047607422,664.4314575195312],[41.82255172729492,664.9575805664062],[41.410552978515625,665.483642578125],[40.99855041503906,666.0097045898438],[40.586551666259766,666.5358276367188],[40.17467498779297,667.0618896484375],[39.763267517089844,667.5887451171875],[39.35200881958008,668.1154174804688],[38.94075393676758,668.64208984375],[38.52949523925781,669.1687622070312],[38.11833190917969,669.6954956054688],[37.7078742980957,670.2227783203125],[37.297420501708984,670.7500610351562],[36.886966705322266,671.27734375],[36.47650909423828,671.8046875],[36.06621170043945,672.3319702148438],[35.656593322753906,672.8599243164062],[35.246822357177734,673.3880615234375],[34.83720397949219,673.9159545898438],[34.427581787109375,674.4439086914062],[34.01801681518555,674.9720458984375],[33.609283447265625,675.5006713867188],[33.20055389404297,676.029296875],[32.79182434082031,676.5579223632812],[32.38309097290039,677.0865478515625],[31.97454833984375,677.6151733398438],[31.56673812866211,678.1444702148438],[31.1589298248291,678.673828125],[30.7509708404541,679.203369140625],[30.343162536621094,679.7327270507812],[29.935497283935547,680.2620849609375],[29.528663635253906,680.7921752929688],[29.121829986572266,681.322265625],[28.714996337890625,681.8523559570312],[28.308162689208984,682.3824462890625],[27.90134048461914,682.9127197265625],[27.495519638061523,683.443603515625],[27.089698791503906,683.9744873046875],[26.68387794494629,684.5053100585938],[26.277908325195312,685.036376953125],[25.872234344482422,685.5672607421875],[25.467479705810547,686.0989379882812],[25.062725067138672,686.630615234375],[24.65797233581543,687.1622924804688],[24.253217697143555,687.6939697265625],[23.8485050201416,688.2257080078125],[23.444854736328125,688.7582397460938],[23.04120445251465,689.290771484375],[22.637554168701172,689.8232421875],[22.233905792236328,690.3557739257812],[21.830095291137695,690.8885498046875],[21.42758560180664,691.4219360351562],[21.025074005126953,691.955322265625],[20.62256622314453,692.4887084960938],[20.220054626464844,693.0220947265625],[19.81754493713379,693.5554809570312],[19.41625213623047,694.0896606445312],[19.014944076538086,694.6239624023438],[18.61363410949707,695.1582641601562],[18.212326049804688,695.6925659179688],[17.811016082763672,696.226806640625],[17.410764694213867,696.7620849609375],[17.01068687438965,697.2973022460938],[16.61060905456543,697.83251953125],[16.21053123474121,698.3677368164062],[15.810452461242676,698.9029541015625],[15.411446571350098,699.4390258789062],[15.012640953063965,699.9752197265625],[14.613835334777832,700.5113525390625],[14.2150297164917,701.0474853515625],[13.816224098205566,701.5836791992188],[13.42056655883789,702.1221923828125],[13.032400131225586,702.6663208007812],[12.65233039855957,703.216064453125],[12.280638694763184,703.7710571289062],[11.917905807495117,704.332275390625],[11.564278602600098,704.8992919921875],[11.220556259155273,705.472412109375],[10.887104988098145,706.0514526367188],[10.564681053161621,706.6365966796875],[10.25335693359375,707.2279663085938],[9.954629898071289,707.8256225585938],[9.668488502502441,708.4293823242188],[9.395669937133789,709.0396118164062],[9.137317657470703,709.6558837890625],[8.894241333007812,710.2783203125],[8.667112350463867,710.9066772460938],[8.456892013549805,711.5409545898438],[8.264605522155762,712.1808471679688],[8.091180801391602,712.8262329101562],[7.937772750854492,713.4765625],[7.805399417877197,714.1314086914062],[7.695476531982422,714.7904663085938],[7.608943939208984,715.453125],[7.546748161315918,716.1185302734375],[7.5101637840271,716.7857055664062],[7.5005717277526855,717.453857421875],[7.518237113952637,718.1217041015625],[7.565061092376709,718.7882690429688],[7.640689849853516,719.4520874023438],[7.7468438148498535,720.1116333007812],[7.8829874992370605,720.7656860351562],[8.049899101257324,721.4127197265625],[8.247429847717285,722.0510864257812],[8.474830627441406,722.67919921875],[8.732680320739746,723.2960815429688],[9.019074440002441,723.8995361328125],[9.33366870880127,724.4891357421875],[9.675288200378418,725.0630493164062],[10.042366981506348,725.621337890625],[10.434403419494629,726.1626586914062],[10.848814010620117,726.6867065429688],[11.288742065429688,727.189208984375],[11.77820110321045,727.6437377929688],[12.31010913848877,728.0477905273438],[12.873491287231445,728.4068603515625],[13.460003852844238,728.7272338867188],[14.063359260559082,729.0140380859375],[14.67965030670166,729.272216796875],[15.305706024169922,729.5052490234375],[15.939542770385742,729.71728515625],[16.579044342041016,729.9107055664062],[17.223459243774414,730.0875854492188],[17.8715877532959,730.2503051757812],[18.522499084472656,730.4003295898438],[19.17622184753418,730.5392456054688],[19.831830978393555,730.6678466796875],[20.48946189880371,730.7880249023438],[21.148345947265625,730.900146484375],[21.808252334594727,731.0045776367188],[22.468990325927734,731.103271484375],[23.130844116210938,731.1963500976562],[23.793251037597656,731.2842407226562],[24.456167221069336,731.3674926757812],[25.11967658996582,731.4465942382812],[25.783533096313477,731.52197265625],[26.44805145263672,731.5942993164062],[27.112491607666016,731.6636962890625],[27.777416229248047,731.7305908203125],[28.442777633666992,731.7948608398438],[29.107946395874023,731.8585815429688],[29.77335548400879,731.9197387695312],[30.438644409179688,731.9805297851562],[31.10422134399414,732.0398559570312],[31.769954681396484,732.0990600585938],[32.43559265136719,732.1576538085938],[33.101234436035156,732.2162475585938],[33.76687240600586,732.2748413085938],[34.43254089355469,732.3336181640625],[35.09804153442383,732.3937377929688],[35.763633728027344,732.4541015625],[36.42890548706055,732.5167846679688],[37.09424591064453,732.5796508789062],[37.75924301147461,732.64501953125],[38.4239501953125,732.7125854492188],[39.08857727050781,732.7827758789062],[39.75265121459961,732.8556518554688],[40.4166145324707,732.9317626953125],[41.07998275756836,733.0114135742188],[41.74297332763672,733.0950927734375],[42.405303955078125,733.1832275390625],[43.067405700683594,733.2763061523438],[43.72832107543945,733.3741455078125],[44.38825988769531,733.4783325195312],[45.04722213745117,733.5894775390625],[45.70497512817383,733.7078857421875],[46.360923767089844,733.8342895507812],[47.01528549194336,733.9695434570312],[47.66870880126953,734.109375],[48.32212829589844,734.2491455078125],[48.975555419921875,734.3889770507812],[49.62897491455078,734.52880859375],[50.28263854980469,734.6686401367188],[50.936058044433594,734.8084716796875],[51.589481353759766,734.9483032226562],[52.24290466308594,735.0880737304688],[52.89632797241211,735.2279052734375],[53.54975128173828,735.3677368164062],[54.20317077636719,735.5075073242188],[54.85659408569336,735.6473388671875],[55.51001739501953,735.7871704101562],[56.1634407043457,735.9269409179688],[56.816864013671875,736.0667724609375],[57.470523834228516,736.2066650390625],[58.12394714355469,736.346435546875],[58.77737045288086,736.4862670898438],[59.43079376220703,736.6260986328125],[60.08421325683594,736.765869140625],[60.73763656616211,736.9057006835938],[61.39105987548828,737.0455322265625],[62.04448318481445,737.185302734375],[62.69790267944336,737.3251342773438],[63.35132598876953,737.4649658203125],[64.00475311279297,737.604736328125],[64.65850830078125,737.74462890625],[65.31204223632812,737.8839111328125],[65.96556091308594,738.0232543945312],[66.61909484863281,738.16259765625],[67.27262115478516,738.3018798828125],[67.9261474609375,738.4412231445312],[68.57967376708984,738.58056640625],[69.23320007324219,738.7198486328125],[69.88672637939453,738.8591918945312],[70.54025268554688,738.99853515625],[71.19377899169922,739.1378173828125],[71.84754943847656,739.2772216796875],[72.5010757446289,739.4165649414062],[73.15460205078125,739.5558471679688],[73.8081283569336,739.6951904296875],[74.46165466308594,739.8345336914062],[75.11518096923828,739.9738159179688],[75.76870727539062,740.1131591796875],[76.42223358154297,740.2525024414062],[77.07575988769531,740.3917846679688],[77.72928619384766,740.5311279296875],[78.38282012939453,740.6704711914062],[79.03658294677734,740.809814453125],[79.69010925292969,740.9491577148438],[80.34363555908203,741.0884399414062],[80.99716186523438,741.227783203125],[81.65068817138672,741.3671264648438],[82.30424499511719,741.5059814453125],[82.9578857421875,741.644775390625],[83.61152648925781,741.7835693359375],[84.26516723632812,741.92236328125],[84.91880798339844,742.0611572265625],[85.57244873046875,742.199951171875],[86.22633361816406,742.3387451171875],[86.87997436523438,742.4775390625],[87.53361511230469,742.6163330078125],[88.187255859375,742.755126953125],[88.84089660644531,742.8939208984375],[89.49453735351562,743.0326538085938],[90.14817810058594,743.1714477539062],[90.80182647705078,743.3102416992188],[91.4554672241211,743.4490356445312],[92.1091079711914,743.5878295898438],[92.76274871826172,743.7265625],[93.4166259765625,743.8654174804688],[94.07027435302734,744.0042114257812],[94.72391510009766,744.1430053710938],[95.37755584716797,744.2817993164062],[96.03119659423828,744.4205322265625],[96.6848373413086,744.559326171875],[97.3384780883789,744.6981201171875],[97.99212646484375,744.8369140625],[98.64576721191406,744.9757080078125],[99.29969787597656,745.1139526367188],[99.95346069335938,745.2521362304688],[100.60746765136719,745.390380859375],[101.26123046875,745.528564453125],[101.91500091552734,745.6668090820312],[102.56876373291016,745.8049926757812],[103.2225341796875,745.9431762695312],[103.87629699707031,746.0813598632812],[104.53005981445312,746.2196044921875],[105.18383026123047,746.3577880859375],[105.83759307861328,746.4959716796875],[106.49136352539062,746.6341552734375],[107.14512634277344,746.7723388671875],[107.79889678955078,746.9105834960938],[108.45289611816406,747.048828125],[109.1066665649414,747.18701171875],[109.76042938232422,747.3251953125],[110.41419982910156,747.46337890625],[111.06796264648438,747.6016235351562],[111.72172546386719,747.7398071289062],[112.37549591064453,747.8779907226562],[113.02925872802734,748.0161743164062],[113.68302917480469,748.1543579101562],[114.3367919921875,748.2926025390625],[114.99056243896484,748.4307861328125],[115.64464569091797,748.5686645507812],[116.29854583740234,748.7062377929688],[116.95244598388672,748.8438110351562],[117.60635375976562,748.9813232421875],[118.26025390625,749.118896484375],[118.91415405273438,749.2564697265625],[119.56805419921875,749.39404296875],[120.22195434570312,749.5315551757812],[120.8758544921875,749.6691284179688],[121.52975463867188,749.8067016601562],[122.18365478515625,749.9442749023438],[122.8377914428711,750.0818481445312],[123.49169158935547,750.2194213867188],[124.14559173583984,750.3569946289062],[124.79949188232422,750.4945678710938],[125.4533920288086,750.632080078125],[126.10729217529297,750.7696533203125],[126.76119232177734,750.9072265625],[127.41509246826172,751.0447998046875],[128.06900024414062,751.182373046875],[128.722900390625,751.3198852539062],[129.37680053710938,751.4574584960938],[130.0309295654297,751.5950927734375],[130.68482971191406,751.732666015625],[131.33872985839844,751.8701782226562],[131.9927215576172,752.0073852539062],[132.6467742919922,752.144287109375],[133.30081176757812,752.2811889648438],[133.95484924316406,752.4180297851562],[134.60890197753906,752.554931640625],[135.262939453125,752.6918334960938],[135.91697692871094,752.8287353515625],[136.57101440429688,752.965576171875],[137.2252960205078,753.1025390625],[137.8793487548828,753.2394409179688],[138.53338623046875,753.3762817382812],[139.1874237060547,753.51318359375],[139.8414764404297,753.6500854492188],[140.49551391601562,753.7869262695312],[141.14955139160156,753.923828125],[141.8035888671875,754.0607299804688],[142.4576416015625,754.1976318359375],[143.11167907714844,754.33447265625],[143.76571655273438,754.4713745117188],[144.4199981689453,754.6083374023438],[145.0740509033203,754.7451782226562],[145.72808837890625,754.882080078125],[146.3821258544922,755.0189819335938],[147.03616333007812,755.1558837890625],[147.69021606445312,755.292724609375],[148.34422302246094,755.4290771484375],[148.9984130859375,755.5652465820312],[149.65260314941406,755.701416015625],[150.30679321289062,755.8375854492188],[150.9609832763672,755.9737548828125],[151.61541748046875,756.1099853515625],[152.2696075439453,756.2461547851562],[152.92379760742188,756.38232421875],[153.57798767089844,756.5184936523438],[154.232177734375,756.6546630859375],[154.88636779785156,756.7908325195312],[155.54055786132812,756.927001953125],[156.1947479248047,757.0631713867188],[156.84893798828125,757.1993408203125],[157.5031280517578,757.3355102539062],[158.15731811523438,757.4716796875],[158.81175231933594,757.60791015625],[159.4659423828125,757.7440795898438],[160.12013244628906,757.8802490234375],[160.77432250976562,758.0164184570312],[161.4285125732422,758.152587890625],[162.08270263671875,758.2887573242188],[162.7368927001953,758.4249267578125],[163.39108276367188,758.5610961914062],[164.04519653320312,758.6972045898438],[164.6995391845703,758.8326416015625],[165.3538818359375,758.9680786132812],[166.0084686279297,759.1035766601562],[166.66281127929688,759.239013671875],[167.31715393066406,759.3744506835938],[167.97149658203125,759.5098876953125],[168.62583923339844,759.6453247070312],[169.28018188476562,759.78076171875],[169.9345245361328,759.9161987304688],[170.5888671875,760.0516357421875],[171.2432098388672,760.1870727539062],[171.89755249023438,760.322509765625],[172.55189514160156,760.4579467773438],[173.20648193359375,760.5934448242188],[173.86082458496094,760.7288818359375],[174.51516723632812,760.8643188476562],[175.1695098876953,760.999755859375],[175.8238525390625,761.1351928710938],[176.4781951904297,761.2706298828125],[177.13253784179688,761.4060668945312],[177.78688049316406,761.54150390625],[178.44122314453125,761.6769409179688],[179.09556579589844,761.8123779296875],[179.74990844726562,761.9478149414062],[180.40460205078125,762.0828857421875],[181.05909729003906,762.2175903320312],[181.71359252929688,762.352294921875],[182.36810302734375,762.4869384765625],[183.02259826660156,762.6216430664062],[183.67709350585938,762.75634765625],[184.3315887451172,762.8909912109375],[184.98609924316406,763.0256958007812],[185.64059448242188,763.160400390625],[186.2950897216797,763.2950439453125],[186.9495849609375,763.4297485351562],[187.6043243408203,763.564453125],[188.25881958007812,763.6991577148438],[188.913330078125,763.8338623046875],[189.5678253173828,763.968505859375],[190.22232055664062,764.1032104492188],[190.87681579589844,764.2379150390625],[191.5313262939453,764.37255859375],[192.18582153320312,764.5072631835938],[192.84031677246094,764.6419677734375],[193.49481201171875,764.776611328125],[194.14932250976562,764.9113159179688],[194.80381774902344,765.0460205078125],[195.45855712890625,765.1807250976562],[196.11305236816406,765.3154296875],[196.7677764892578,765.4494018554688],[197.4224395751953,765.5833129882812],[198.07708740234375,765.7172241210938],[198.73175048828125,765.8511352539062],[199.3863983154297,765.9850463867188],[200.0410614013672,766.1189575195312],[200.69570922851562,766.2529296875],[201.35037231445312,766.3868408203125],[202.00503540039062,766.520751953125],[202.65992736816406,766.6547241210938],[203.3145751953125,766.7886352539062],[203.96923828125,766.9225463867188],[204.62388610839844,767.0564575195312],[205.27854919433594,767.1903686523438],[205.93319702148438,767.3242797851562],[206.58786010742188,767.4581909179688],[207.2425079345703,767.5921020507812],[207.8971710205078,767.72607421875],[208.5518341064453,767.8599853515625],[209.20648193359375,767.993896484375],[209.8613739013672,768.1278686523438],[210.5160369873047,768.2617797851562],[211.17068481445312,768.3956909179688],[211.82534790039062,768.5296020507812],[212.48004150390625,768.6633911132812],[213.13485717773438,768.7965087890625],[213.78965759277344,768.9296875],[214.44447326660156,769.0628051757812],[215.0992889404297,769.1959838867188],[215.7541046142578,769.3291015625],[216.40890502929688,769.4622802734375],[217.06396484375,769.595458984375],[217.71878051757812,769.7286376953125],[218.3735809326172,769.86181640625],[219.0283966064453,769.9949340820312],[219.68321228027344,770.1281127929688],[220.33802795410156,770.26123046875],[220.99282836914062,770.3944091796875],[221.64764404296875,770.5275268554688],[222.30245971679688,770.6607055664062],[222.957275390625,770.7938842773438],[223.61207580566406,770.927001953125],[224.2671356201172,771.0602416992188],[224.9219512939453,771.193359375],[225.57675170898438,771.3265380859375],[226.2315673828125,771.4596557617188],[226.88638305664062,771.5928344726562],[227.54119873046875,771.7259521484375],[228.1959991455078,771.859130859375],[228.85092163085938,771.9921264648438],[229.50588989257812,772.12451171875],[230.16085815429688,772.2568969726562],[230.81582641601562,772.3892822265625],[231.47103881835938,772.521728515625],[232.12600708007812,772.6541137695312],[232.78097534179688,772.7864990234375],[233.43592834472656,772.9188842773438],[234.0908966064453,773.05126953125],[234.74586486816406,773.1836547851562],[235.4008331298828,773.3161010742188],[236.05580139160156,773.448486328125],[236.7107696533203,773.5808715820312],[237.36573791503906,773.7132568359375],[238.0207061767578,773.8456420898438],[238.6759033203125,773.9780883789062],[239.33087158203125,774.1104736328125],[239.98583984375,774.2428588867188],[240.64080810546875,774.375244140625],[241.2957763671875,774.5076293945312],[241.9507293701172,774.6400146484375],[242.60569763183594,774.7723999023438],[243.2606658935547,774.9048461914062],[243.91563415527344,775.0372314453125],[244.5706024169922,775.1696166992188],[245.22557067871094,775.302001953125],[245.8807373046875,775.4336547851562],[246.53585815429688,775.5653076171875],[247.19097900390625,775.6969604492188],[247.84609985351562,775.82861328125],[248.50120544433594,775.9602661132812],[249.1563262939453,776.0918579101562],[249.8114471435547,776.2235107421875],[250.466552734375,776.3551635742188],[251.12167358398438,776.48681640625],[251.77679443359375,776.6184692382812],[252.43191528320312,776.7501220703125],[253.08726501464844,776.8818359375],[253.7423858642578,777.0134887695312],[254.39749145507812,777.1450805664062],[255.0526123046875,777.2767333984375],[255.70773315429688,777.4083862304688],[256.36285400390625,777.5400390625],[257.0179748535156,777.6716918945312],[257.673095703125,777.8033447265625],[258.32818603515625,777.9349975585938],[258.9833068847656,778.066650390625],[259.638427734375,778.1983032226562],[260.2937927246094,778.3299560546875],[260.94891357421875,778.4616088867188],[261.60400390625,778.59326171875],[262.25933837890625,778.7247314453125],[262.91461181640625,778.8556518554688],[263.5698547363281,778.986572265625],[264.2251281738281,779.1174926757812],[264.88037109375,779.2484130859375],[265.53564453125,779.3793334960938],[266.19091796875,779.51025390625],[266.8461608886719,779.6411743164062],[267.5016784667969,779.7721557617188],[268.15692138671875,779.903076171875],[268.81219482421875,780.0339965820312],[269.46746826171875,780.1649169921875],[270.1227111816406,780.2958374023438],[270.7779846191406,780.4267578125],[271.4332275390625,780.5576782226562],[272.0885009765625,780.6885986328125],[272.7437744140625,780.8195190429688],[273.3990173339844,780.950439453125],[274.0542907714844,781.0813598632812],[274.70953369140625,781.2122802734375],[275.36505126953125,781.34326171875],[276.02032470703125,781.4741821289062],[276.6755676269531,781.6051025390625],[277.3308410644531,781.7360229492188],[277.986083984375,781.866943359375],[278.641357421875,781.9978637695312],[279.29656982421875,782.128662109375],[279.95196533203125,782.2589111328125],[280.6073913574219,782.3890991210938],[281.2627868652344,782.5193481445312],[281.9181823730469,782.6495971679688],[282.5738220214844,782.7798461914062],[283.2292175292969,782.9100952148438],[283.8846130371094,783.0403442382812],[284.5400085449219,783.1705322265625],[285.1954040527344,783.30078125],[285.8507995605469,783.4310302734375],[286.5062255859375,783.5612182617188],[287.16162109375,783.6914672851562],[287.8170166015625,783.8217163085938],[288.472412109375,783.951904296875],[289.1278076171875,784.0821533203125],[289.783447265625,784.2124633789062],[290.4388427734375,784.3426513671875],[291.09423828125,784.472900390625],[291.7496337890625,784.6031494140625],[292.4050598144531,784.7333984375],[293.0604553222656,784.8635864257812],[293.7158508300781,784.9938354492188],[294.3712463378906,785.1240844726562],[295.0266418457031,785.2542724609375],[295.6820373535156,785.384521484375],[296.3374328613281,785.5147705078125],[296.9931640625,785.644775390625],[297.648681640625,785.7743530273438],[298.3042297363281,785.9038696289062],[298.9597473144531,786.033447265625],[299.61529541015625,786.1630249023438],[300.27081298828125,786.2926025390625],[300.9263610839844,786.4221801757812],[301.5818786621094,786.5517578125],[302.2373962402344,786.6813354492188],[302.8929443359375,786.8109130859375],[303.5484619140625,786.9404296875],[304.2042236328125,787.070068359375],[304.8597717285156,787.1996459960938],[305.5152893066406,787.3292236328125],[306.17083740234375,787.4588012695312],[306.82635498046875,787.58837890625],[307.4819030761719,787.7179565429688],[308.1374206542969,787.8474731445312],[308.7929382324219,787.97705078125],[309.448486328125,788.1066284179688],[310.10400390625,788.2362060546875],[310.7595520019531,788.3657836914062],[311.4153137207031,788.4954223632812],[312.0708312988281,788.6249389648438],[312.72637939453125,788.7545166015625],[313.38189697265625,788.8840942382812],[314.0374450683594,789.013671875] ], bounds=3000, full_zoom=0.12, max_episode_steps=3000 ) Italy = RaceTrack( name='Italy', xy=[[531.4214355468749,390.0212036132812],[531.0142822265625,390.03270263671874],[530.6070922851562,390.0441650390625],[530.1999389648437,390.0556640625],[529.7927856445312,390.06712646484374],[529.3856323242187,390.07862548828126],[528.9784423828124,390.090087890625],[528.5712890625,390.10158691406247],[528.1641357421875,390.11304931640626],[527.7569458007812,390.1245483398437],[527.3497924804688,390.13601074218747],[526.9426391601562,390.147509765625],[526.5354858398438,390.1589721679687],[526.1282958984375,390.17047119140625],[525.721142578125,390.18193359375],[525.3139892578125,390.1934326171875],[524.9068359375,390.20489501953125],[524.4996459960937,390.21617431640624],[524.0924560546874,390.22716064453124],[523.685302734375,390.2381103515625],[523.2781127929687,390.2490966796875],[522.8709228515625,390.2600463867187],[522.46376953125,390.2710327148437],[522.0565795898438,390.281982421875],[521.6493896484375,390.29296875],[521.2422363281249,390.303955078125],[520.8350463867188,390.3149047851562],[520.4278564453125,390.3258911132812],[520.020703125,390.3368408203125],[519.6135131835937,390.3478271484375],[519.2063232421875,390.35877685546876],[518.799169921875,390.36976318359376],[518.3919799804687,390.38074951171876],[517.9847900390624,390.39169921875],[517.5776000976563,390.40224609374997],[517.17041015625,390.4127197265625],[516.7632202148437,390.423193359375],[516.3560302734375,390.4336669921875],[515.9488403320312,390.444140625],[515.541650390625,390.45461425781247],[515.1344604492188,390.465087890625],[514.7272705078125,390.4755615234375],[514.3200805664062,390.48603515625],[513.9128906249999,390.4965087890625],[513.5057006835938,390.50701904296875],[513.0985107421875,390.5174926757812],[512.6913208007812,390.52796630859376],[512.284130859375,390.53843994140624],[511.87694091796874,390.5489135742187],[511.46975097656247,390.55938720703125],[511.06256103515625,390.56971435546876],[510.65537109375,390.5797119140625],[510.24814453125,390.58970947265624],[509.8409545898437,390.59974365234376],[509.4337646484375,390.6097412109375],[509.0265380859375,390.61973876953124],[508.6193481445312,390.629736328125],[508.212158203125,390.6397338867187],[507.804931640625,390.64976806640624],[507.3977416992187,390.659765625],[506.99055175781245,390.6697631835937],[506.58332519531245,390.6797607421875],[506.17613525390624,390.68975830078125],[505.76894531249997,390.6997924804687],[505.36171874999997,390.7097900390625],[504.95452880859375,390.71978759765625],[504.54730224609375,390.72978515625],[504.1401123046875,390.73948974609374],[503.7328857421875,390.74904785156247],[503.3256958007812,390.75856933593747],[502.9184692382812,390.76812744140625],[502.5112426757812,390.777685546875],[502.104052734375,390.78724365234376],[501.696826171875,390.7968017578125],[501.289599609375,390.8063598632812],[500.8824096679687,390.81591796875],[500.4751831054687,390.8254760742187],[500.0679931640625,390.8350341796875],[499.6607666015625,390.84459228515624],[499.2535400390625,390.85411376953124],[498.8463500976562,390.86367187499997],[498.4391235351562,390.87322998046875],[498.0318969726562,390.8827880859375],[497.62470703124995,390.89227294921875],[497.21748046874995,390.90139160156247],[496.81025390624995,390.91051025390624],[496.40302734374995,390.91962890625],[495.99580078124995,390.9287475585937],[495.58857421874995,390.9378662109375],[495.18134765624995,390.9469848632812],[494.77412109374995,390.956103515625],[494.36689453124995,390.96522216796876],[493.95966796874995,390.9743408203125],[493.55247802734374,390.98345947265625],[493.14525146484374,390.99257812499997],[492.73802490234374,391.00169677734374],[492.33079833984374,391.0108154296875],[491.92357177734374,391.0199340820312],[491.51634521484374,391.029052734375],[491.10911865234374,391.0381713867187],[490.70189208984374,391.0470703125],[490.29466552734374,391.0557861328125],[489.88743896484374,391.064501953125],[489.48021240234374,391.0732177734375],[489.07294921874995,391.08193359374997],[488.66572265624995,391.0906494140625],[488.25849609374995,391.099365234375],[487.85126953124995,391.1080810546875],[487.44404296874995,391.116796875],[487.03681640624995,391.12547607421874],[486.6295532226562,391.1341918945312],[486.2223266601562,391.1429077148437],[485.8151000976562,391.15162353515626],[485.4078735351562,391.16033935546875],[485.0006469726562,391.16905517578124],[484.5934204101562,391.1777709960937],[484.1861572265625,391.1864868164062],[483.7789306640625,391.1947998046875],[483.3717041015625,391.20311279296874],[482.9644409179687,391.21142578125],[482.5572143554687,391.219775390625],[482.1499877929687,391.22808837890625],[481.742724609375,391.2364013671875],[481.335498046875,391.2447143554687],[480.9282348632812,391.25302734375],[480.5210083007812,391.26137695312497],[480.1137817382812,391.2696899414062],[479.7065185546875,391.2780029296875],[479.2992919921875,391.28631591796875],[478.8920654296875,391.29462890625],[478.48480224609375,391.302978515625],[478.07757568359375,391.31129150390626],[477.67031249999997,391.31960449218747],[477.26308593749997,391.327734375],[476.85582275390624,391.33568115234374],[476.44859619140624,391.3436279296875],[476.04133300781245,391.351611328125],[475.63410644531245,391.35955810546875],[475.2268432617187,391.3675048828125],[474.819580078125,391.3754516601562],[474.412353515625,391.3833984375],[474.0050903320312,391.39138183593747],[473.5978637695312,391.3993286132812],[473.1906005859375,391.407275390625],[472.7833740234375,391.41522216796875],[472.3761108398437,391.4231689453125],[471.96884765625,391.4311157226562],[471.56162109375,391.43909912109376],[471.15435791015625,391.44704589843747],[470.74713134765625,391.4549926757812],[470.33986816406247,391.4626098632812],[469.93260498046874,391.47022705078126],[469.52534179687495,391.47780761718747],[469.11811523437495,391.4854248046875],[468.7108520507812,391.4930419921875],[468.3035888671875,391.50062255859376],[467.8963256835937,391.50823974609375],[467.4890991210937,391.51585693359374],[467.0818359375,391.5234375],[466.6745727539062,391.5310546875],[466.2673095703125,391.538671875],[465.8600830078125,391.54625244140624],[465.45281982421875,391.5538696289062],[465.04555664062497,391.5614868164062],[464.63829345703124,391.5690673828125],[464.23106689453124,391.57668457031247],[463.82380371093745,391.5841552734375],[463.4165405273437,391.59144287109376],[463.00927734375,391.59869384765625],[462.6020141601562,391.60598144531247],[462.1947509765625,391.61326904296874],[461.7874877929687,391.620556640625],[461.380224609375,391.6278442382812],[460.97296142578125,391.6350952148437],[460.56569824218747,391.6423828125],[460.15843505859374,391.64967041015626],[459.751171875,391.6569580078125],[459.3439453125,391.66420898437497],[458.9366821289062,391.67149658203124],[458.5294189453125,391.6787841796875],[458.1221557617187,391.6860717773437],[457.714892578125,391.693359375],[457.30762939453126,391.7006103515625],[456.9003662109375,391.7076416015625],[456.49310302734375,391.714599609375],[456.08583984374997,391.7215942382812],[455.67857666015624,391.7285522460937],[455.2713134765625,391.7355102539062],[454.8640502929687,391.7425048828125],[454.456787109375,391.749462890625],[454.0494873046875,391.75645751953124],[453.64222412109376,391.76341552734374],[453.2349609375,391.77041015624997],[452.82769775390625,391.77736816406247],[452.42043457031247,391.78436279296875],[452.01317138671874,391.79132080078125],[451.605908203125,391.7983154296875],[451.1986450195312,391.8052734375],[450.7913818359375,391.81226806640626],[450.3841186523437,391.81907958984374],[449.97685546875,391.825634765625],[449.5695556640625,391.8321899414062],[449.16229248046875,391.8387451171875],[448.75502929687497,391.8453002929687],[448.3477294921875,391.85185546875],[447.9404663085937,391.85841064453126],[447.533203125,391.8649658203125],[447.1259399414062,391.87152099609375],[446.71864013671876,391.87807617187497],[446.311376953125,391.88463134765624],[445.90411376953125,391.8911865234375],[445.49685058593747,391.8977416992187],[445.08955078125,391.904296875],[444.6822875976562,391.9108520507812],[444.2750244140625,391.9174072265625],[443.8677612304687,391.92396240234376],[443.46046142578126,391.930517578125],[443.0531982421875,391.93707275390625],[442.64593505859375,391.94362792968747],[442.23867187499997,391.95018310546874],[441.8313720703125,391.95673828125],[441.4241088867187,391.9632934570312],[441.016845703125,391.9698486328125],[440.6095825195312,391.9764038085937],[440.20228271484376,391.982958984375],[439.79501953125,391.98951416015626],[439.38775634765625,391.9960693359375],[438.98049316406247,392.00262451171875],[438.573193359375,392.00917968749997],[438.1659301757812,392.01573486328124],[437.7586669921875,392.0222900390625],[437.3514038085937,392.0288452148437],[436.94410400390626,392.03525390625],[436.5368408203125,392.0412963867187],[436.12954101562497,392.04737548828126],[435.72227783203124,392.05345458984374],[435.3149780273437,392.0595336914062],[434.90771484375,392.06557617187497],[434.5004150390625,392.0716552734375],[434.09315185546876,392.077734375],[433.68585205078125,392.0838134765625],[433.27858886718747,392.08985595703126],[432.8712890625,392.09593505859374],[432.4640258789062,392.1020141601562],[432.0567260742187,392.10809326171875],[431.649462890625,392.1141357421875],[431.24219970703126,392.12021484375],[430.83489990234375,392.1262939453125],[430.42763671874997,392.13233642578126],[430.0203369140625,392.13841552734374],[429.6130737304687,392.1444946289062],[429.2057739257812,392.15057373046875],[428.7985107421875,392.1566162109375],[428.3912109375,392.1626953125],[427.98394775390625,392.1687744140625],[427.57664794921874,392.174853515625],[427.169384765625,392.18089599609374],[426.7620849609375,392.1869750976562],[426.3548217773437,392.19305419921875],[425.94752197265626,392.1991333007812],[425.5402587890625,392.20517578125],[425.13299560546875,392.2112548828125],[424.72569580078124,392.217333984375],[424.3184326171875,392.22337646484374],[423.9111328125,392.2294555664062],[423.5038696289062,392.2354248046875],[423.09656982421876,392.241064453125],[422.68927001953125,392.2467407226562],[422.28200683593747,392.2524169921875],[421.87470703125,392.258056640625],[421.4674072265625,392.26373291015625],[421.0601440429687,392.2694091796875],[420.65284423828126,392.27508544921875],[420.2455810546875,392.2807250976562],[419.83828124999997,392.28640136718747],[419.4309814453125,392.2920776367187],[419.0237182617187,392.29771728515624],[418.6164184570312,392.3033935546875],[418.2091552734375,392.30906982421874],[417.80185546875,392.31474609375],[417.39455566406247,392.3203857421875],[416.98729248046874,392.32606201171876],[416.5799926757812,392.33173828125],[416.1726928710937,392.3373779296875],[415.7654296875,392.3430541992187],[415.3581298828125,392.34873046875],[414.95083007812497,392.3544067382812],[414.54356689453124,392.36004638671875],[414.1362670898437,392.36572265625],[413.72900390625,392.37139892578125],[413.3217041015625,392.3770385742187],[412.914404296875,392.38271484374997],[412.50714111328125,392.3883911132812],[412.09984130859374,392.39406738281247],[411.692578125,392.39970703125],[411.2852783203125,392.40538330078124],[410.877978515625,392.4110595703125],[410.4706787109375,392.41669921875],[410.06341552734375,392.42230224609375],[409.65611572265624,392.4276489257812],[409.2488525390625,392.43299560546876],[408.841552734375,392.43834228515624],[408.4342529296875,392.4436889648437],[408.026953125,392.44903564453125],[407.61968994140625,392.4543823242187],[407.21239013671874,392.45972900390626],[406.8050903320312,392.4650390625],[406.3977905273437,392.4703857421875],[405.99052734375,392.47573242187497],[405.5832275390625,392.4810791015625],[405.17592773437497,392.48642578125],[404.7686279296875,392.4917724609375],[404.3613647460937,392.497119140625],[403.9540649414062,392.50246582031247],[403.54676513671876,392.5078125],[403.13946533203125,392.5131591796875],[402.73220214843747,392.518505859375],[402.32490234375,392.5238525390625],[401.9176025390625,392.52919921874997],[401.5103393554687,392.5345458984375],[401.10303955078126,392.539892578125],[400.69573974609375,392.5452392578125],[400.28843994140624,392.5505859375],[399.8811767578125,392.55593261718747],[399.473876953125,392.561279296875],[399.0665771484375,392.5666259765625],[398.65927734375,392.57197265625],[398.25197753906247,392.5773193359375],[397.84471435546874,392.58266601562497],[397.4374145507812,392.5880126953125],[397.0301147460937,392.593359375],[396.62281494140626,392.5986328125],[396.2155517578125,392.60364990234376],[395.80825195312497,392.60870361328125],[395.4009521484375,392.613720703125],[394.99365234375,392.6187744140625],[394.5863525390625,392.62379150390626],[394.179052734375,392.62884521484375],[393.77175292968747,392.6338623046875],[393.36448974609374,392.638916015625],[392.9571899414062,392.64393310546876],[392.5498901367187,392.64898681640625],[392.14259033203126,392.65400390625],[391.73529052734375,392.6590576171875],[391.32802734374997,392.66407470703126],[390.9207275390625,392.66912841796875],[390.513427734375,392.6741455078125],[390.1061279296875,392.6791625976562],[389.698828125,392.68421630859376],[389.29152832031247,392.68923339843747],[388.884228515625,392.694287109375],[388.4769287109375,392.6993041992187],[388.0696655273437,392.70435791015626],[387.66236572265626,392.70937499999997],[387.25506591796875,392.7144287109375],[386.84776611328124,392.7194458007812],[386.4404663085937,392.72449951171876],[386.0331665039062,392.72951660156247],[385.62586669921876,392.7345703125],[385.218603515625,392.7395874023437],[384.81130371093747,392.74464111328126],[384.40400390625,392.74965820312497],[383.9967041015625,392.7547119140625],[383.589404296875,392.7597290039062],[383.1821044921875,392.76478271484376],[382.77484130859375,392.76979980468747],[382.36754150390624,392.774853515625],[381.9602416992187,392.7798706054687],[381.5529418945312,392.78492431640626],[381.14564208984376,392.78994140624997],[380.73834228515625,392.7949951171875],[380.33104248046874,392.8000122070312],[379.923779296875,392.80506591796876],[379.5164794921875,392.81008300781247],[379.1091796875,392.81513671875],[378.7018798828125,392.8201538085937],[378.29458007812497,392.82520751953126],[377.8872802734375,392.83022460937497],[377.4800170898437,392.8352783203125],[377.0726806640625,392.8402954101562],[376.66541748046876,392.84534912109376],[376.25811767578125,392.85036621093747],[375.85081787109374,392.855419921875],[375.4435180664062,392.8604370117187],[375.0362182617187,392.86549072265626],[374.628955078125,392.87050781249997],[374.22161865234375,392.8755615234375],[373.81435546874997,392.8805786132812],[373.4070556640625,392.88563232421876],[372.999755859375,392.89064941406247],[372.5924560546875,392.895703125],[372.18515625,392.9007202148437],[371.77789306640625,392.9057373046875],[371.37059326171874,392.91079101562497],[370.9632934570312,392.9158081054687],[370.5559936523437,392.9208618164062],[370.14869384765626,392.92587890625],[369.74139404296875,392.93089599609374],[369.33413085937497,392.93580322265626],[368.9267944335937,392.940673828125],[368.51953125,392.94558105468747],[368.11219482421876,392.95048828125],[367.704931640625,392.9553955078125],[367.29763183593747,392.960302734375],[366.89033203125,392.9651733398437],[366.4830322265625,392.97008056640624],[366.075732421875,392.97498779296876],[365.6684326171875,392.9798950195312],[365.26113281249997,392.98480224609375],[364.8538330078125,392.9896728515625],[364.4465698242187,392.994580078125],[364.0392333984375,392.9994873046875],[363.63197021484376,393.00439453125],[363.22467041015625,393.00930175781247],[362.81737060546874,393.01417236328126],[362.4100708007812,393.0190795898437],[362.0027709960937,393.02398681640625],[361.59547119140626,393.0288940429687],[361.18817138671875,393.03380126953124],[360.78087158203124,393.038671875],[360.3736083984375,393.0435791015625],[359.96630859375,393.04848632812497],[359.5590087890625,393.0533935546875],[359.151708984375,393.05830078125],[358.74440917968747,393.06317138671875],[358.337109375,393.0680786132812],[357.9298095703125,393.07298583984374],[357.522509765625,393.07789306640626],[357.1152099609375,393.0828002929687],[356.70791015624997,393.08767089843747],[356.30064697265624,393.092578125],[355.8933471679687,393.0974853515625],[355.4860473632812,393.102392578125],[355.07874755859376,393.1072998046875],[354.67144775390625,393.11217041015624],[354.26414794921874,393.11707763671876],[353.8568481445312,393.1219848632812],[353.4495483398437,393.12689208984375],[353.04224853515626,393.1317993164062],[352.63494873046875,393.136669921875],[352.22768554687497,393.1415771484375],[351.8203857421875,393.146484375],[351.4130859375,393.15139160156247],[351.0057861328125,393.156298828125],[350.598486328125,393.1611694335937],[350.19118652343747,393.16607666015625],[349.78388671875,393.1709838867187],[349.3765869140625,393.17589111328124],[348.969287109375,393.18079833984376],[348.56202392578126,393.1856689453125],[348.15472412109375,393.19057617187497],[347.74742431640624,393.1954833984375],[347.3401245117187,393.200390625],[346.9328247070312,393.2052978515625],[346.52552490234376,393.2101684570312],[346.11822509765625,393.21507568359374],[345.71092529296874,393.21998291015626],[345.3036254882812,393.2248901367187],[344.8963256835937,393.22979736328125],[344.4890625,393.2347045898437],[344.0817626953125,393.2395751953125],[343.67446289062497,393.244482421875],[343.2671630859375,393.2493896484375],[342.85986328125,393.2543701171875],[342.4525634765625,393.25946044921875],[342.045263671875,393.26455078124997],[341.63796386718747,393.26967773437497],[341.23070068359374,393.27476806640624],[340.8234008789062,393.27989501953124],[340.4161010742187,393.2849853515625],[340.00880126953126,393.2900756835937],[339.60150146484375,393.2952026367187],[339.19423828124997,393.30029296875],[338.7869384765625,393.3053833007812],[338.379638671875,393.3105102539062],[337.9723388671875,393.3156005859375],[337.5650390625,393.32069091796876],[337.15773925781247,393.32581787109376],[336.750439453125,393.330908203125],[336.3431762695312,393.33603515625],[335.9358764648437,393.34112548828125],[335.52857666015626,393.34621582031247],[335.12127685546875,393.35134277343747],[334.71397705078124,393.35643310546874],[334.3067138671875,393.3615234375],[333.8993774414062,393.366650390625],[333.4921142578125,393.3717407226562],[333.084814453125,393.3768310546875],[332.67751464843747,393.3819580078125],[332.27021484375,393.3870483398437],[331.8629150390625,393.3921752929687],[331.4556518554687,393.397265625],[331.04835205078126,393.40235595703126],[330.64105224609375,393.40748291015626],[330.23375244140624,393.4125732421875],[329.8264526367187,393.41766357421875],[329.419189453125,393.42279052734375],[329.0118896484375,393.42788085937497],[328.60458984375,393.43297119140624],[328.19729003906247,393.43809814453124],[327.789990234375,393.4431884765625],[327.3826904296875,393.4483154296875],[326.9754272460937,393.4534057617187],[326.56812744140626,393.45849609375],[326.16082763671875,393.463623046875],[325.75352783203124,393.4687133789062],[325.3462280273437,393.4738037109375],[324.93896484375,393.4789306640625],[324.5316650390625,393.48402099609376],[324.124365234375,393.489111328125],[323.71706542968747,393.49423828125],[323.309765625,393.49932861328125],[322.9025024414062,393.50445556640625],[322.495166015625,393.50954589843747],[322.08790283203126,393.51463623046874],[321.68060302734375,393.51976318359374],[321.27330322265624,393.524853515625],[320.8660034179687,393.5299438476562],[320.4587036132812,393.5350708007812],[320.0514404296875,393.5401611328125],[319.644140625,393.5452514648437],[319.23684082031247,393.5503784179687],[318.829541015625,393.55546875],[318.4222412109375,393.560595703125],[318.0149780273437,393.56568603515626],[317.6076416015625,393.5707763671875],[317.20037841796875,393.5759033203125],[316.79307861328124,393.58099365234375],[316.3857788085937,393.58608398437497],[315.9784790039062,393.59022216796876],[315.5712158203125,393.58498535156247],[315.16424560546875,393.5683227539062],[314.75804443359374,393.5382934570312],[314.35316162109376,393.4940551757812],[313.95029296875,393.43421630859376],[313.5504638671875,393.356689453125],[313.15484619140625,393.2599731445312],[312.7650146484375,393.1420166015625],[312.38291015625,393.00120849609374],[312.01083984375,392.83564453125],[311.65147705078124,392.64404296875],[311.30797119140624,392.4253784179687],[310.9834716796875,392.17939453125],[310.6809448242187,391.9068237304687],[310.402880859375,391.60938720703126],[310.1509643554687,391.2894287109375],[309.9261474609375,390.9499145507812],[309.72784423828125,390.59425048828126],[309.5552490234375,390.22540283203125],[309.4068969726562,389.8461181640625],[309.2805908203125,389.45892333984375],[309.1742431640625,389.0657958984375],[309.0857299804687,388.66820068359374],[309.01296386718747,388.2674926757812],[308.9539306640625,387.8644775390625],[308.90676269531247,387.4598876953125],[308.8700317382812,387.0542724609375],[308.84168701171876,386.6479248046875],[308.8204833984375,386.2411743164062],[308.80499267578125,385.83416748046875],[308.79393310546874,385.4269775390625],[308.78587646484374,385.0197509765625],[308.779833984375,384.61245117187497],[308.7737182617187,384.20518798828124],[308.76687011718747,383.7979248046875],[308.7576049804687,383.3906616210937],[308.74412841796874,382.98358154296875],[308.72449951171876,382.57672119140625],[308.69655761718747,382.17041015625],[308.6579223632812,381.76494140625],[308.6048583984375,381.361083984375],[308.53370361328126,380.9600830078125],[308.4393676757812,380.563916015625],[308.3158813476562,380.17591552734376],[308.15643310546875,379.801318359375],[307.95355224609375,379.4484375],[307.7020751953125,379.1285888671875],[307.40163574218747,378.85426025390626],[307.0588806152344,378.63511962890624],[306.68516235351564,378.474169921875],[306.29238281249997,378.3673461914062],[305.88975219726564,378.30714111328126],[305.4831115722656,378.28546142578125],[305.07599487304685,378.29501953125],[304.6702514648437,378.33006591796874],[304.2667602539062,378.3855834960937],[303.86607055664064,378.45860595703124],[303.4682373046875,378.545947265625],[303.0733337402344,378.6456665039062],[302.68125,378.75596923828124],[302.29172973632814,378.87509765625],[301.90484619140625,379.00250244140625],[301.5203063964844,379.1367919921875],[301.1379821777344,379.2772705078125],[300.7577453613281,379.4233154296875],[300.37917480468747,379.5736450195312],[300.0007873535156,379.7244140625],[299.62238159179685,379.87518310546875],[299.243994140625,380.0259521484375],[298.86558837890624,380.1767211914062],[298.4871459960937,380.32738037109374],[298.1083740234375,380.47716064453124],[297.7295654296875,380.626904296875],[297.35077514648435,380.7766845703125],[296.97198486328125,380.92646484375],[296.5931945800781,381.0762084960937],[296.2141845703125,381.22540283203125],[295.83502807617185,381.3743041992187],[295.455908203125,381.52320556640626],[295.0764953613281,381.67144775390625],[294.6971008300781,381.8196533203125],[294.3176330566406,381.96763916015624],[293.9379455566406,382.1151489257812],[293.5582580566406,382.2626586914062],[293.17836914062497,382.40965576171874],[292.798388671875,382.5563232421875],[292.4183898925781,382.70302734374997],[292.03807983398434,382.84892578125],[291.6577880859375,382.9947875976562],[291.27736816406247,383.1404296875],[290.896728515625,383.2853759765625],[290.5160705566406,383.43035888671875],[290.13519287109375,383.57471923828126],[289.75416870117186,383.7187133789062],[289.3731262207031,383.8627075195312],[288.9917541503906,384.005712890625],[288.61034545898434,384.148681640625],[288.2287902832031,384.291357421875],[287.8469787597656,384.4331909179687],[287.46514892578125,384.57509765624997],[287.0830810546875,384.7162353515625],[286.7008483886719,384.8569702148437],[286.31859741210934,384.99770507812497],[285.9359436035156,385.1373046875],[285.5532531738281,385.2768310546875],[285.1704162597656,385.41595458984375],[284.7872863769531,385.55419921875],[284.40411987304685,385.69244384765625],[284.0206787109375,385.8298095703125],[283.6370361328125,385.96673583984375],[283.25341186523434,386.10362548828124],[282.8693115234375,386.23916015624997],[282.48517456054685,386.37465820312497],[282.10089111328125,386.5096801757812],[281.7162414550781,386.6437133789062],[281.33161010742185,386.777783203125],[280.94659423828125,386.91075439453124],[280.56141357421876,387.0432861328125],[280.17625122070314,387.17567138671876],[279.79052124023434,387.306591796875],[279.4048278808594,387.437548828125],[279.0188781738281,387.56777343749997],[278.6325988769531,387.69704589843747],[278.246337890625,387.82631835937497],[277.85963745117186,387.9542724609375],[277.4728088378906,388.0818603515625],[277.085888671875,388.20911865234376],[276.69847412109374,388.33494873046874],[276.31105957031247,388.4607421875],[275.9233154296875,388.58558349609376],[275.5353149414062,388.7095092773437],[275.147314453125,388.8334716796875],[274.7587646484375,388.95571289062497],[274.3701599121094,389.07777099609376],[273.98142700195314,389.1994262695312],[273.5923645019531,389.3199829101562],[273.20299072265624,389.43958740234376],[272.8133972167969,389.55853271484375],[272.4236206054687,389.676708984375],[272.0336059570312,389.7942260742187],[271.64329833984374,389.9106811523437],[271.252734375,390.0264038085937],[270.8619689941406,390.141357421875],[270.4710021972656,390.2555786132812],[270.07970581054684,390.3688110351562],[269.6881896972656,390.4811645507812],[269.296435546875,390.59271240234375],[268.90447998046875,390.7035278320312],[268.5122497558594,390.8133544921875],[268.11974487304684,390.92222900390624],[267.7269836425781,391.030224609375],[267.3340209960937,391.137451171875],[266.94082031249997,391.2437255859375],[266.54730834960935,391.34890136718747],[266.15357666015626,391.45323486328124],[265.7596069335937,391.5567260742187],[265.36541748046875,391.6593383789062],[264.9708984375,391.7607055664062],[264.5761779785156,391.8611572265625],[264.181201171875,391.9607299804687],[263.78600463867184,392.059423828125],[263.39049682617184,392.15687255859376],[262.9947509765625,392.2533325195312],[262.59882202148435,392.3488403320312],[262.20261840820314,392.4434326171875],[261.8061584472656,392.53688964843747],[261.409423828125,392.62921142578125],[261.0124877929687,392.7205810546875],[260.6153137207031,392.81092529296876],[260.21788330078124,392.900244140625],[259.8201965332031,392.9882080078125],[259.4222717285156,393.07521972656247],[259.02410888671875,393.16124267578124],[258.6257629394531,393.24624023437497],[258.2271057128906,393.32977294921875],[257.82822875976564,393.4122802734375],[257.4291137695312,393.49376220703124],[257.029833984375,393.57421875],[256.63026123046876,393.6533203125],[256.23045043945314,393.73121337890626],[255.83045654296873,393.8080810546875],[255.430224609375,393.88385009765625],[255.02977294921874,393.95830078125],[254.62906494140623,394.0314697265625],[254.2281555175781,394.10354003906247],[253.82708129882812,394.17451171875],[253.42575073242188,394.24420166015625],[253.02420043945312,394.3124633789062],[252.62244873046873,394.37962646484374],[252.22051391601562,394.44569091796876],[251.81837768554686,394.51051025390626],[251.41598510742188,394.57375488281247],[251.013427734375,394.6359008789062],[250.61068725585938,394.696875],[250.20778198242186,394.7567138671875],[249.80465698242188,394.8148681640625],[249.40131225585935,394.87185058593747],[248.99783935546873,394.9276611328125],[248.59418334960935,394.9823364257812],[248.19032592773436,395.03529052734376],[247.78632202148435,395.0869995117187],[247.38213500976562,395.1375366210937],[246.97781982421873,395.18690185546876],[246.57328491210936,395.234619140625],[246.16862182617186,395.28101806640626],[245.76381225585936,395.326171875],[245.35883789062498,395.3701538085937],[244.9537353515625,395.412451171875],[244.5484680175781,395.45335693359374],[244.1430725097656,395.49305419921876],[243.73758544921873,395.53154296875],[243.3319152832031,395.56838378906247],[242.9261535644531,395.6037963867187],[242.5202453613281,395.63796386718747],[242.1142639160156,395.67088623046874],[241.708154296875,395.7021240234375],[241.30191650390623,395.7319702148437],[240.89560546874998,395.7605346679687],[240.48916625976562,395.7878173828125],[240.08265380859373,395.81337890624997],[239.67606811523436,395.83754882812497],[239.26937255859374,395.8604370117187],[238.86262207031248,395.882080078125],[238.45576171874998,395.90185546875],[238.04888305664062,395.92027587890624],[237.64189453125,395.937451171875],[237.2348876953125,395.95330810546875],[236.8278076171875,395.9672607421875],[236.42069091796873,395.97996826171874],[236.01351928710938,395.99135742187497],[235.60634765625,396.0013916015625],[235.19908447265624,396.0095581054687],[234.79182128906248,396.0164428710937],[234.38453979492186,396.0220458984375],[233.9772216796875,396.02611083984374],[233.56988525390625,396.0292602539062],[233.1626037597656,396.0322631835937],[232.75526733398436,396.03526611328124],[232.34794921875,396.03826904296875],[231.9406311035156,396.04130859375],[231.5333312988281,396.0443115234375],[231.12601318359373,396.047314453125],[230.7186767578125,396.05031738281247],[230.31139526367187,396.0533203125],[229.9040771484375,396.0563232421875],[229.49674072265626,396.05914306640625],[229.08944091796874,396.0615600585937],[228.68212280273437,396.064013671875],[228.27478637695313,396.06643066406247],[227.86744995117186,396.0688842773437],[227.46016845703124,396.071337890625],[227.05283203125,396.07375488281247],[226.64551391601563,396.0762084960937],[226.23821411132812,396.07862548828126],[225.83087768554688,396.08107910156247],[225.4235595703125,396.0835327148437],[225.016259765625,396.0856201171875],[224.60892333984376,396.0872314453125],[224.2015869140625,396.08887939453126],[223.7942687988281,396.0904907226562],[223.38696899414063,396.092138671875],[222.97963256835936,396.0937866210937],[222.572314453125,396.094775390625],[222.1650146484375,396.09569091796874],[221.75767822265624,396.09656982421876],[221.350341796875,396.0974487304687],[220.9430419921875,396.0983642578125],[220.5357238769531,396.0990966796875],[220.12838745117188,396.0990966796875],[219.7210510253906,396.0990966796875],[219.31375122070312,396.0990966796875],[218.90641479492186,396.0990966796875],[218.49907836914062,396.0990966796875],[218.09176025390624,396.09865722656247],[217.684423828125,396.0976318359375],[217.27708740234374,396.0966064453125],[216.86978759765626,396.0955810546875],[216.462451171875,396.0945556640625],[216.05511474609375,396.09353027343747],[215.64777832031248,396.0917724609375],[215.24049682617186,396.08953857421875],[214.83316040039062,396.08734130859375],[214.42582397460936,396.08514404296875],[214.01854248046874,396.08291015624997],[213.6112060546875,396.08071289062497],[213.20388793945312,396.0777099609375],[212.79655151367186,396.07448730468747],[212.38927001953124,396.07130126953126],[211.98195190429686,396.0674560546875],[211.5746337890625,396.06353759765625],[211.16735229492187,396.059619140625],[210.76005249023436,396.0550048828125],[210.35275268554688,396.05035400390625],[209.94547119140626,396.04566650390626],[209.53817138671874,396.0402099609375],[209.13087158203123,396.0347534179687],[208.72357177734375,396.0292236328125],[208.31632690429686,396.0229248046875],[207.90904541015624,396.01662597656247],[207.50174560546876,396.0102172851562],[207.09451904296876,396.00303955078124],[206.6872375488281,395.99586181640626],[206.2799560546875,395.9885009765625],[205.8727294921875,395.98040771484375],[205.46548461914062,395.97231445312497],[205.05823974609373,395.96396484375],[204.65101318359373,395.9548828125],[204.24380493164062,395.9458374023437],[203.83657836914062,395.93646240234375],[203.4293701171875,395.9263549804687],[203.0221984863281,395.91628417968747],[202.614990234375,395.90577392578126],[202.20780029296876,395.8946044921875],[201.80066528320313,395.8834716796875],[201.39347534179686,395.8717895507812],[200.98634033203123,395.85952148437497],[200.57918701171874,395.8472534179687],[200.17210693359374,395.834326171875],[199.764990234375,395.8208862304687],[199.35787353515624,395.8074462890625],[198.950830078125,395.7931640625],[198.54375,395.778515625],[198.13668823242188,395.7638305664062],[197.72969970703124,395.74815673828124],[197.32267456054686,395.73218994140626],[196.9156494140625,395.7162231445312],[196.50866088867187,395.69908447265624],[196.10172729492186,395.6817993164062],[195.69477539062498,395.66444091796876],[195.28787841796876,395.6457275390625],[194.88099975585936,395.62697753906247],[194.4741027832031,395.6080078125],[194.0672607421875,395.58779296874997],[193.66047363281248,395.56761474609374],[193.25364990234374,395.54688720703126],[192.8468994140625,395.52513427734374],[192.44014892578124,395.5033813476562],[192.03348999023436,395.48082275390624],[191.6268310546875,395.45742187499997],[191.2201721191406,395.4340576171875],[190.81358642578124,395.40944824218747],[190.40701904296876,395.3843627929687],[190.00045166015624,395.35927734374997],[189.59406738281248,395.33254394531247],[189.18760986328124,395.3056640625],[188.78115234375,395.2784912109375],[188.37484130859374,395.24974365234374],[187.96854858398436,395.22099609375],[187.56229248046876,395.19158935546875],[187.15607299804688,395.1613037109375],[186.7499816894531,395.13006591796875],[186.34389038085936,395.098095703125],[185.937890625,395.0654663085937],[185.5319091796875,395.0321044921875],[185.12607421875,394.9977172851562],[184.72025756835936,394.9625244140625],[184.31449584960936,394.9265991210937],[183.90888061523438,394.88983154296875],[183.50330200195313,394.85207519531247],[183.09781494140626,394.81336669921876],[182.69240112304686,394.773779296875],[182.28709716796874,394.7333129882812],[181.881884765625,394.69178466796876],[181.4767822265625,394.64915771484374],[181.071826171875,394.60557861328124],[180.66694335937498,394.5610107421875],[180.26217041015624,394.5154541015625],[179.85756225585936,394.4685791015625],[179.4530822753906,394.4205322265625],[179.04871215820313,394.3714233398437],[178.6445068359375,394.321142578125],[178.24046630859374,394.2696533203125],[177.836572265625,394.21680908203126],[177.4328430175781,394.16249999999997],[177.02937011718748,394.1069091796875],[176.62604370117188,394.05],[176.222900390625,393.9916625976562],[175.82001342773438,393.93189697265626],[175.41730957031248,393.87059326171874],[175.01489868164063,393.8074951171875],[174.61278076171874,393.74282226562497],[174.2108642578125,393.67646484375],[173.80924072265626,393.60842285156247],[173.40794677734374,393.53858642578126],[173.00700073242186,393.4668823242187],[172.60638427734375,393.3932739257812],[172.20611572265625,393.31768798828125],[171.80630493164062,393.24001464843747],[171.40691528320312,393.1599609375],[171.0079833984375,393.0777099609375],[170.60956420898438,392.993115234375],[170.21162109374998,392.90606689453125],[169.81428222656248,392.816455078125],[169.417529296875,392.7242065429687],[169.02149047851563,392.62917480468747],[168.62609252929687,392.53125],[168.23148193359376,392.4302490234375],[167.83773193359374,392.32606201171876],[167.4448059082031,392.21868896484375],[167.05292358398438,392.1076171875],[166.66210327148437,391.99281005859376],[166.27247314453123,391.87404785156247],[165.88414306640624,391.75111083984376],[165.49725952148438,391.6237426757812],[165.111328125,391.49355468749997],[164.72618408203124,391.3609130859375],[164.34188232421874,391.22589111328125],[163.95844116210938,391.0885986328125],[163.57575073242188,390.94899902343747],[163.19390258789062,390.8071655273437],[162.81287841796873,390.6631713867187],[162.43271484375,390.5170166015625],[162.0533020019531,390.3688110351562],[161.67467651367187,390.21851806640626],[161.29692993164062,390.0663208007812],[160.9198974609375,389.9120727539062],[160.54368896484374,389.75592041015625],[160.16830444335938,389.5979370117187],[159.79363403320312,389.43804931640625],[159.41975097656248,389.2763671875],[159.04667358398436,389.11292724609376],[158.674365234375,388.9477294921875],[158.30280761718748,388.780810546875],[157.93200073242187,388.61220703124997],[157.56198120117188,388.4419921875],[157.19269409179688,388.2700927734375],[156.82412109375,388.09669189453126],[156.456298828125,387.9217163085937],[156.089208984375,387.745166015625],[155.72283325195312,387.5671142578125],[155.35720825195312,387.38756103515624],[154.99229736328124,387.20665283203124],[154.6281005859375,387.0242431640625],[154.26459960937498,386.84044189453124],[153.9018310546875,386.65528564453126],[153.5396942138672,386.46873779296874],[153.17828063964842,386.28087158203124],[152.81759033203124,386.0917236328125],[152.4575225830078,385.90118408203125],[152.09815979003906,385.70947265625],[151.73946533203124,385.51640625],[151.381494140625,385.32213134765624],[151.02411804199218,385.12661132812497],[150.66742858886718,384.92995605468747],[150.31141662597656,384.7320922851562],[149.95602722167968,384.533056640625],[149.60128784179688,384.3328491210937],[149.24718017578124,384.13154296875],[148.8937225341797,383.92913818359375],[148.54088745117187,383.7255615234375],[148.1886474609375,383.5209594726562],[147.8370849609375,383.31533203124997],[147.48615417480468,383.1085693359375],[147.135791015625,382.90074462890624],[146.7860870361328,382.6919311523437],[146.43697814941405,382.4820922851562],[146.08855590820312,382.271044921875],[145.74067382812498,382.05919189453124],[145.39339599609374,381.8463500976562],[145.0466125488281,381.632666015625],[144.70057983398436,381.4177734375],[144.35494995117188,381.20229492187497],[144.0101348876953,380.9854248046875],[143.665576171875,380.7681518554687],[143.3220245361328,380.54937744140625],[142.9785919189453,380.33034667968747],[142.63616638183592,380.1097412109375],[142.29399719238282,379.88880615234376],[141.9526153564453,379.6665893554687],[141.61165466308594,379.44374999999997],[141.27130737304688,379.219921875],[140.93161010742188,378.99525146484376],[140.59227905273437,378.76992187499997],[140.25375366210938,378.5433837890625],[139.91545715332032,378.3164794921875],[139.57809448242188,378.0882202148437],[139.24102478027342,377.85955810546875],[138.90461425781248,377.62987060546874],[138.5687713623047,377.3994140625],[138.2333221435547,377.1683349609375],[137.89868774414063,376.9361206054687],[137.56437377929686,376.703466796875],[137.23076477050782,376.46975097656247],[136.89765014648438,376.23533935546874],[136.56499328613282,376.00030517578125],[136.23306884765626,375.7641357421875],[135.9015380859375,375.52752685546875],[135.5706024169922,375.2900390625],[135.24029846191405,375.051708984375],[134.91035156249998,374.8128295898437],[134.58114624023438,374.5729614257812],[134.25249938964842,374.3323974609375],[133.92421875,374.09121093749997],[133.59669799804686,373.8490356445312],[133.26968994140626,373.606201171875],[132.94314880371093,373.362744140625],[132.61723022460936,373.118408203125],[132.29193420410155,372.87319335937497],[131.96719665527343,372.627392578125],[131.6429260253906,372.380859375],[131.31937866210936,372.1333740234375],[130.99645385742187,371.88515624999997],[130.67406005859374,371.6362060546875],[130.35223388671875,371.38648681640626],[130.03104858398436,371.13603515625],[129.71051330566405,370.88466796874997],[129.39066467285156,370.632421875],[129.07148437499998,370.3793701171875],[128.7530090332031,370.12551269531247],[128.43521118164062,369.87066650390625],[128.1183837890625,369.61464843749997],[127.80187683105468,369.35830078124997],[127.4866241455078,369.100341796875],[127.1728546142578,368.8405517578125],[126.86045837402344,368.5792236328125],[126.5493896484375,368.3162475585937],[126.23976745605468,368.0515869140625],[125.93161010742188,367.78516845703126],[125.62489013671875,367.5172485351562],[125.31945190429687,367.2477172851562],[125.01539611816406,366.9766479492187],[124.71290588378906,366.7039306640625],[124.41177978515624,366.4296020507812],[124.11200866699218,366.1538452148437],[123.81361999511718,365.8765869140625],[123.51658630371094,365.5978637695312],[123.22104492187499,365.31752929687497],[122.9269317626953,365.0357299804687],[122.63421020507812,364.7525390625],[122.34280700683593,364.46791992187497],[122.05276794433593,364.18187255859374],[121.76414794921874,363.8945068359375],[121.47701110839843,363.60556640625],[121.19124755859374,363.3153076171875],[120.90682983398438,363.02369384765626],[120.6238311767578,362.7307983398437],[120.34216003417968,362.43654785156247],[120.06186218261718,362.14097900390624],[119.78300170898437,361.84412841796876],[119.50556030273437,361.54588623046874],[119.22947387695312,361.24636230468747],[118.95478820800781,360.9456298828125],[118.68143005371093,360.64365234375],[118.40944519042968,360.3404296875],[118.13881530761718,360.03599853515624],[117.86954040527343,359.7303955078125],[117.60164794921874,359.4235473632812],[117.3351837158203,359.1154541015625],[117.07012939453125,358.8062255859375],[116.80639343261718,358.4958251953125],[116.54399414062499,358.1842529296875],[116.282958984375,357.8715454101562],[116.02326049804687,357.5577392578125],[115.76489868164062,357.2428344726562],[115.50788269042968,356.9268310546875],[115.25225830078125,356.60972900390624],[114.99795227050781,356.29152832031247],[114.74501037597656,355.972265625],[114.49346923828125,355.651904296875],[114.24325561523438,355.3304809570312],[113.99436950683594,355.0080322265625],[113.74682922363282,354.68455810546874],[113.50060729980468,354.36009521484374],[113.25570373535156,354.03457031249997],[113.01214599609375,353.7080932617187],[112.76993408203124,353.38062744140626],[112.5290313720703,353.0522094726562],[112.2894287109375,352.72276611328124],[112.05118103027344,352.3924072265625],[111.81422424316406,352.06109619140625],[111.57854919433593,351.7288330078125],[111.34426574707031,351.3957275390625],[111.11123657226562,351.06163330078124],[110.87953491210938,350.72662353515625],[110.64911499023437,350.3906982421875],[110.42001342773438,350.0539306640625],[110.19220275878907,349.71624755859375],[109.96568298339844,349.3777221679687],[109.74049072265625,349.03831787109374],[109.5165802001953,348.6980712890625],[109.29394226074218,348.35694580078126],[109.0726318359375,348.0150512695312],[108.85255737304688,347.6722412109375],[108.63379211425782,347.328662109375],[108.41629028320312,346.98424072265624],[108.20010681152344,346.63905029296876],[107.9851318359375,346.2930541992187],[107.77145690917969,345.9462890625],[107.55906372070312,345.5987548828125],[107.34789733886718,345.25037841796876],[107.1380126953125,344.90130615234375],[106.92939147949218,344.55150146484374],[106.72201538085938,344.2008911132812],[106.51591186523437,343.8495849609375],[106.31102600097655,343.497509765625],[106.10740356445312,343.1447387695312],[105.90501708984375,342.7912353515625],[105.70387573242188,342.43703613281247],[105.5039794921875,342.08214111328124],[105.30530090332032,341.72658691406247],[105.10782165527344,341.37030029296875],[104.91158752441406,341.0133544921875],[104.71659851074219,340.65578613281247],[104.52279968261719,340.2974853515625],[104.33026428222657,339.938525390625],[104.13898315429687,339.57890625],[103.94892883300781,339.2186645507812],[103.76004638671874,338.857763671875],[103.57239990234375,338.49627685546875],[103.38593444824218,338.13409423828125],[103.20066833496094,337.7713256835937],[103.01658325195312,337.40797119140626],[102.83369750976563,337.0440673828125],[102.65198364257812,336.67950439453125],[102.47143249511718,336.31435546874997],[102.29208068847656,335.9486572265625],[102.11388244628905,335.582373046875],[101.93700256347655,335.2154296875],[101.76128540039062,334.84801025390624],[101.58673095703125,334.47996826171874],[101.41331176757812,334.111376953125],[101.24106445312499,333.7422729492187],[101.06997985839844,333.37265625],[100.90001220703125,333.002490234375],[100.73119812011718,332.63173828124997],[100.5635284423828,332.2605834960937],[100.39708557128905,331.88880615234376],[100.23182373046875,331.5165161132812],[100.06773376464844,331.1437133789062],[99.90473327636718,330.77039794921876],[99.74285888671875,330.3966430664062],[99.5820831298828,330.0223388671875],[99.42243347167968,329.6476684570312],[99.26387329101563,329.27244873046874],[99.10654907226562,328.89671630859374],[98.95040588378906,328.5205078125],[98.79552612304687,328.14378662109374],[98.64170837402344,327.76662597656247],[98.48899841308594,327.38902587890624],[98.33789978027343,327.01076660156247],[98.18789978027344,326.63203125],[98.03892517089844,326.2528930664062],[97.89111328125,325.87335205078125],[97.74469299316407,325.49326171875],[97.59920654296874,325.1127685546875],[97.45465393066407,324.7320190429687],[97.31144714355469,324.35068359375],[97.16923828125,323.96898193359374],[97.02789001464843,323.58702392578124],[96.8876220703125,323.20458984375],[96.74847106933593,322.82171630859375],[96.61009826660155,322.43862304687497],[96.47265930175782,322.05523681640625],[96.33639221191406,321.67137451171874],[96.200830078125,321.28721923828124],[96.06608276367187,320.90284423828126],[95.93255310058593,320.51806640625],[95.79964599609374,320.13299560546875],[95.66747131347655,319.74770507812497],[95.5364776611328,319.36204833984374],[95.40608825683593,318.97613525390625],[95.27643127441407,318.5900024414062],[95.14784545898438,318.2035400390625],[95.0197998046875,317.8168579101562],[94.8925048828125,317.42991943359374],[94.76618041992187,317.0426879882812],[94.64036865234375,316.6552734375],[94.51540832519531,316.26756591796874],[94.39125366210938,315.879638671875],[94.26756591796875,315.49156494140624],[94.14481201171874,315.10316162109376],[94.02266235351563,314.7145751953125],[93.90100708007812,314.32587890625],[93.78036804199219,313.93681640625],[93.66015014648437,313.547607421875],[93.54058227539062,313.158251953125],[93.42181091308593,312.768603515625],[93.30342407226563,312.37884521484375],[93.18587951660156,311.9888671875],[93.06888427734374,311.5987060546875],[92.95230102539062,311.20839843749997],[92.83663330078124,310.8178344726562],[92.72132263183593,310.427197265625],[92.60667114257812,310.0363403320312],[92.49262390136718,309.6453369140625],[92.37891540527343,309.2542236328125],[92.26610412597655,308.86278076171874],[92.15361328125,308.47133789062497],[92.04170837402343,308.0796752929687],[91.93040771484375,307.6878295898437],[91.81939086914062,307.29591064453126],[91.70926208496094,306.9037719726562],[91.59939880371094,306.5115600585937],[91.4901123046875,306.11916503906247],[91.38135681152343,305.7266052246094],[91.27293090820312,305.33400878906247],[91.16526489257812,304.94117431640626],[91.05782775878906,304.5482482910156],[90.95103149414062,304.15517578124997],[90.84464721679687,303.7619934082031],[90.73865661621093,303.3686828613281],[90.6332794189453,302.97520751953124],[90.52814025878907,302.5817138671875],[90.4237060546875,302.18800048828126],[90.31954650878906,301.79421386718747],[90.21588134765625,301.40033569335935],[90.11267395019532,301.00629272460935],[90.00975036621094,300.61217651367184],[89.90745849609375,300.2178955078125],[89.80536804199218,299.82359619140624],[89.7039093017578,299.42909545898436],[89.60270690917969,299.034521484375],[89.50197143554688,298.63987426757814],[89.40165710449219,298.2450805664062],[89.30161743164062,297.85021362304684],[89.20215454101562,297.4552368164062],[89.10283813476562,297.0601867675781],[89.00417175292968,296.664990234375],[88.90578918457031,296.26972045898435],[88.8081298828125,295.8743041992187],[88.71047058105468,295.4788330078125],[88.61281127929688,295.0833801269531],[88.51607666015624,294.68776245117186],[88.41971740722656,294.29197998046874],[88.32334899902344,293.8962158203125],[88.22712707519531,293.5003967285156],[88.13204040527343,293.10435791015624],[88.03693542480468,292.7082824707031],[87.94183959960937,292.3121887207031],[87.84736633300781,291.9160217285156],[87.75348815917968,291.5196533203125],[87.65960998535157,291.12328491210934],[87.56574096679687,290.7269348144531],[87.47289733886718,290.3303283691406],[87.38020935058593,289.9336669921875],[87.28753051757812,289.5370239257812],[87.19509887695312,289.1403442382812],[87.10357360839843,288.74342651367186],[87.01203918457031,288.3465087890625],[86.92052307128905,287.94960937499997],[86.82961120605468,287.5525817871094],[86.73920288085937,287.15538940429684],[86.6488037109375,286.758251953125],[86.55839538574219,286.36107788085934],[86.4689208984375,285.96368408203125],[86.37961120605469,285.5662536621094],[86.29030151367188,285.1688598632812],[86.20114746093749,284.7713928222656],[86.11289062499999,284.3737426757812],[86.02463378906249,283.9761108398437],[85.93637695312499,283.5784606933594],[85.84857788085937,283.18068237304686],[85.76135559082032,282.78283081054684],[85.6741241455078,282.3849426269531],[85.58690185546875,281.98705444335934],[85.50038452148438,281.5890380859375],[85.41416931152344,281.190966796875],[85.32793579101562,280.79285888671876],[85.24171142578125,280.3947509765625],[85.15643005371093,279.99647827148436],[85.07117614746093,279.59816894531247],[84.98592224121093,279.1998596191406],[84.90087890625,278.801513671875],[84.8165771484375,278.4030029296875],[84.73226623535156,278.0044921875],[84.64795532226562,277.60598144531247],[84.56408386230468,277.20741577148436],[84.48069763183594,276.80870361328124],[84.39731140136719,276.4099914550781],[84.31393432617188,276.0113159179687],[84.23116149902343,275.6124755859375],[84.14867248535155,275.2135803222656],[84.06619262695312,274.81472167968747],[83.98370361328125,274.4158264160156],[83.90201110839844,274.01678466796875],[83.82039184570313,273.6177062988281],[83.73879089355468,273.2186645507812],[83.65727233886719,272.81956787109374],[83.57650451660156,272.4203247070312],[83.49573669433593,272.02109985351564],[83.4149688720703,271.6218566894531],[83.33446655273437,271.22255859374997],[83.254541015625,270.8231689453125],[83.17459716796874,270.4237609863281],[83.0946533203125,270.0243347167969],[83.01513061523437,269.6248352050781],[82.93601074218749,269.2252990722656],[82.85687255859375,268.8257263183594],[82.77774353027344,268.42613525390624],[82.69917297363281,268.0264892578125],[82.62083129882812,267.62677001953125],[82.54248046875,267.22703247070314],[82.46413879394531,266.82729492187497],[82.38648376464843,266.42748413085934],[82.30890197753907,266.02760009765626],[82.23132019042968,265.6277160644531],[82.15381164550782,265.2278686523437],[82.07697143554687,264.8278381347656],[82.00013122558593,264.4278259277344],[81.92330017089843,264.02783203125],[81.84666137695312,263.627783203125],[81.77055358886719,263.2276245117187],[81.6944366455078,262.8274658203125],[81.61832885742187,262.42734375],[81.54255065917968,262.02711181640626],[81.46713867187499,261.62682495117184],[81.39173583984375,261.22655639648434],[81.31632385253906,260.82626953125],[81.24136962890624,260.4258728027344],[81.16666259765624,260.02549438476564],[81.09194641113281,259.62506103515625],[81.01722106933593,259.2246459960937],[80.94307250976563,258.82412109374997],[80.86903381347656,258.42359619140626],[80.79498596191407,258.02305297851564],[80.72095642089843,257.6224731445312],[80.64757690429687,257.2218383789062],[80.57417907714843,256.8211669921875],[80.50079040527343,256.4204956054687],[80.42754821777343,256.0198608398437],[80.35479125976562,255.61907958984375],[80.2820343017578,255.21829833984373],[80.20927734375,254.81751708984373],[80.13679504394531,254.41669921874998],[80.06466064453124,254.01580810546875],[79.99252624511719,253.61489868164062],[79.92039184570312,253.21404418945312],[79.84864196777343,252.81306152343748],[79.77712097167968,252.41206054687498],[79.70559997558594,252.01109619140624],[79.63406982421874,251.61007690429688],[79.56304321289062,251.20900268554686],[79.49210815429687,250.80789184570312],[79.42118225097656,250.4068176269531],[79.35028381347657,250.00570678710938],[79.27991638183593,249.60448608398437],[79.20956726074219,249.20330200195312],[79.13919982910156,248.80209960937498],[79.06900634765624,248.40084228515624],[78.99920654296875,247.99956665039062],[78.92940673828124,247.59825439453124],[78.8595977783203,247.19696044921875],[78.7900909423828,246.79559326171875],[78.72084045410156,246.39422607421875],[78.65158081054688,245.992822265625],[78.58232116699219,245.59141845703124],[78.51348266601562,245.18995971679686],[78.44476318359375,244.78846435546873],[78.37604370117187,244.3869689941406],[78.30733337402343,243.98543701171874],[78.2391357421875,243.58390502929686],[78.17091979980468,243.18231811523435],[78.1027130126953,242.78073120117188],[78.03475341796874,242.37914428710937],[77.96729736328125,241.97742919921873],[77.89984130859375,241.57571411132812],[77.83239440917968,241.17403564453124],[77.76494750976562,240.7723388671875],[77.69749145507812,240.37062377929686],[77.63004455566406,239.96890869140623],[77.56259765624999,239.56723022460938],[77.49511413574218,239.1655334472656],[77.42762145996093,238.763818359375],[77.36013793945312,238.36215820312498],[77.2926544189453,237.96044311523437],[77.2245391845703,237.55885620117186],[77.1561767578125,237.15732421874998],[77.08780517578124,236.75577392578123],[77.01944274902344,236.3542053222656],[76.95092468261718,235.95267333984373],[76.88187561035156,235.55126953125],[76.81282653808593,235.1498291015625],[76.74376831054687,234.74838867187498],[76.67471923828124,234.34698486328125],[76.6054458618164,233.9455810546875],[76.53584747314453,233.54423217773436],[76.4662582397461,233.14291992187498],[76.39665985107422,232.74157104492187],[76.32706146240234,232.34022216796873],[76.25733032226562,231.93890991210935],[76.18731536865234,231.53767089843748],[76.11729125976562,231.13639526367186],[76.04726715087891,230.73511962890623],[75.97725219726563,230.33388061523436],[75.9072280883789,229.93260498046874],[75.83688812255859,229.53140258789062],[75.76653900146484,229.13023681640624],[75.69618530273438,228.72901611328123],[75.6258316040039,228.32779541015626],[75.55547790527343,227.9265930175781],[75.48499145507812,227.52540893554686],[75.41429443359375,227.1242431640625],[75.34359741210938,226.72309570312498],[75.27290496826171,226.32196655273438],[75.20220794677734,225.92081909179686],[75.13151092529297,225.51967163085936],[75.06081848144531,225.11854248046873],[74.99012145996093,224.71739501953124],[74.91942443847655,224.31622924804688],[74.84872741699219,223.91508178710936],[74.77803497314453,223.51397094726562],[74.70733795166015,223.11280517578123],[74.63648071289062,222.71171264648436],[74.56552276611328,222.31063842773438],[74.49456024169922,221.9095275878906],[74.42359771728515,221.50841674804687],[74.3526397705078,221.10734252929686],[74.28167724609375,220.70624999999998],[74.21071472167968,220.30513916015624],[74.13975219726562,219.9040283203125],[74.068798828125,219.5029541015625],[73.99783630371094,219.10184326171876],[73.92686920166015,218.70075073242188],[73.85591583251953,218.29967651367187],[73.78495330810547,217.89856567382813],[73.7139907836914,217.49745483398436],[73.64302825927734,217.09634399414062],[73.5720703125,216.6952697753906],[73.50110778808593,216.29417724609374],[73.43014526367188,215.89306640625],[73.35918731689453,215.4919921875],[73.28822479248046,215.09088134765625],[73.2172622680664,214.68977050781248],[73.14630432128907,214.2886962890625],[73.075341796875,213.88760375976562],[73.00437927246094,213.48649291992186],[72.93341674804687,213.08538208007812],[72.86249084472657,212.6843078613281],[72.79165649414062,212.2831787109375],[72.72081756591797,211.88204956054688],[72.64998779296874,211.48095703125],[72.57914886474609,211.07982788085937],[72.50831451416015,210.67868041992188],[72.43748474121094,210.277587890625],[72.36664581298828,209.87645874023437],[72.29581146240234,209.47532958984374],[72.2249771118164,209.0742004394531],[72.15414276123046,208.67310791015623],[72.08330841064453,208.27197875976563],[72.0124740600586,207.870849609375],[71.94164428710937,207.46975708007812],[71.87113037109374,207.06857299804688],[71.80061645507813,206.66738891601562],[71.73010711669922,206.26624145507813],[71.65959320068359,205.86505737304688],[71.58907470703124,205.46387329101563],[71.51856079101562,205.0626708984375],[71.44805145263672,204.6615234375],[71.37753753662109,204.26033935546874],[71.30701904296875,203.8591552734375],[71.23651428222657,203.4580078125],[71.16599578857422,203.05682373046875],[71.0954818725586,202.6556396484375],[71.02497253417968,202.2544738769531],[70.95468749999999,201.8532531738281],[70.88453063964843,201.45199584960938],[70.81436920166016,201.0507568359375],[70.74421691894531,200.6495361328125],[70.67405548095702,200.24829711914063],[70.60389862060546,199.84703979492187],[70.53374633789062,199.44583740234376],[70.46388244628906,199.04452514648438],[70.39402313232422,198.64323120117186],[70.32417297363281,198.24195556640623],[70.25431823730469,197.84066162109374],[70.18446350097656,197.43934936523436],[70.11460876464844,197.03805541992188],[70.044873046875,196.63676147460936],[69.97537536621094,196.23539428710936],[69.90587310791015,195.83402709960936],[69.83638000488281,195.4326965332031],[69.76687774658203,195.03134765625],[69.69738006591797,194.62998046875],[69.62787780761718,194.22861328125],[69.55870971679687,193.82726440429687],[69.4896240234375,193.42584228515625],[69.42053833007812,193.02440185546874],[69.35146179199218,192.62299804687498],[69.28237609863281,192.2215576171875],[69.21329956054687,191.8201721191406],[69.14433288574219,191.41864013671875],[69.07573699951172,191.01716308593748],[69.00714111328125,190.61568603515624],[68.93853149414062,190.2141357421875],[68.86993560791015,189.81264038085936],[68.80133972167968,189.41116333007812],[68.73273010253907,189.00961303710938],[68.66461944580078,188.60806274414062],[68.59656372070312,188.2064208984375],[68.52852630615234,187.804833984375],[68.46048431396484,187.40326538085938],[68.39242858886719,187.00160522460936],[68.32438659667969,186.60003662109375],[68.25672912597656,186.19837646484373],[68.18931427001952,185.79662475585937],[68.12191314697266,185.3949462890625],[68.05450744628907,184.99324951171874],[67.98709259033203,184.59149780273438],[67.91969146728515,184.1898193359375],[67.85265197753905,183.7880859375],[67.78597869873046,183.3862060546875],[67.71931457519531,182.9843994140625],[67.65265502929687,182.58259277343748],[67.58597717285156,182.180712890625],[67.51931762695312,181.77890625],[67.45311126708984,181.37700805664062],[67.38729400634766,180.97498168945313],[67.3214859008789,180.573046875],[67.2556640625,180.1710205078125],[67.18986053466797,179.7690673828125],[67.12405242919921,179.36713256835938],[67.05880279541016,178.9650146484375],[66.99372253417968,178.56295166015624],[66.92864227294922,178.160888671875],[66.86407928466797,177.75866088867187],[66.7995391845703,177.35650634765625],[66.73513641357421,176.95429687499998],[66.67115936279296,176.5519775390625],[66.6072006225586,176.14973144531248],[66.54359436035156,175.74743041992187],[66.4802490234375,175.34501953125],[66.41691741943359,174.94266357421876],[66.35423583984375,174.54021606445312],[66.2915771484375,174.1376953125],[66.2292251586914,173.73519287109374],[66.16732177734374,173.33263549804687],[66.10540924072265,172.92998657226562],[66.04424743652343,172.5273193359375],[65.983154296875,172.124560546875],[65.92251434326171,171.72183837890626],[65.86232299804688,171.31900634765626],[65.8022689819336,170.91608276367188],[65.74306182861328,170.51310424804686],[65.68385467529296,170.11014404296876],[65.62559967041015,169.70696411132812],[65.56747741699219,169.30383911132813],[65.51020202636718,168.90056762695312],[65.45327911376953,168.49718627929687],[65.3971664428711,168.0937316894531],[65.34159851074219,167.69024047851562],[65.28689575195312,167.28656616210938],[65.23283386230469,166.88287353515625],[65.17959136962891,166.479052734375],[65.12742919921875,166.075048828125],[65.07354583740234,165.67135620117188],[65.0123062133789,165.26859741210936],[64.94341735839843,164.86717529296874],[64.86594085693359,164.46734619140625],[64.77938690185546,164.06925659179686],[64.68303680419922,163.67352905273438],[64.57628173828125,163.2804931640625],[64.4583023071289,162.89058837890624],[64.32836608886718,162.50460205078124],[64.18556213378906,162.12315673828124],[64.02913970947266,161.74707641601563],[63.85818786621093,161.37740478515624],[63.671905517578125,161.0152587890625],[63.46954193115234,160.66173706054687],[63.2505386352539,160.31837768554686],[63.01445617675781,159.98651733398438],[62.76101531982422,159.66765747070312],[62.49040374755859,159.36331787109376],[62.202973937988276,159.074853515625],[61.89938049316406,158.8033264160156],[61.58077697753906,158.54963378906248],[61.248390197753906,158.31427001953125],[60.903717041015625,158.0972900390625],[60.54826354980469,157.89849243164062],[60.183485412597655,157.71719970703126],[59.811058044433594,157.55238647460936],[59.43226318359375,157.40289916992188],[59.04809417724609,157.2673828125],[58.65983734130859,157.14429931640623],[58.268270874023436,157.03223876953123],[57.874081420898435,156.92957153320313],[57.47797393798828,156.83470458984374],[57.080397033691405,156.74628295898438],[56.68171234130859,156.66256713867188],[56.28246002197265,156.5822021484375],[55.88275909423828,156.5036865234375],[55.483053588867186,156.42524414062498],[55.08351287841797,156.3459228515625],[54.68455352783203,156.26400146484374],[54.28634948730468,156.1779052734375],[53.889532470703124,156.08622436523436],[53.49436798095703,155.98727416992188],[53.101583862304686,155.87957153320312],[52.711857604980466,155.76134033203124],[52.32585754394531,155.63109741210937],[51.94481506347656,155.48737792968748],[51.569837951660155,155.32842407226562],[51.202189636230464,155.15308227539063],[50.84342651367187,154.96027221679688],[50.495278930664064,154.74904174804686],[50.1592300415039,154.51891479492187],[49.83699188232422,154.26990966796873],[49.52994232177734,154.00235595703126],[49.23929443359375,153.717041015625],[48.965936279296876,153.41515502929687],[48.710385131835935,153.09805297851562],[48.472723388671874,152.76722717285156],[48.25297393798828,152.42440795898438],[48.05050506591797,152.07091369628907],[47.864794921874996,151.70844726562498],[47.695046997070314,151.33825378417967],[47.540382385253906,150.96145935058593],[47.39880523681641,150.57950134277343],[47.25982818603516,150.19664611816407],[47.120828247070314,149.81371765136717],[46.981256103515626,149.43113708496094],[46.841253662109374,149.04864807128905],[46.70086669921875,148.66623229980468],[46.56012725830078,148.28397216796876],[46.41894836425781,147.90192260742188],[46.27737579345703,147.51998291015624],[46.13542785644531,147.1381622314453],[45.993081665039064,146.7565704345703],[45.85020446777344,146.3750793457031],[45.70735473632812,145.99364318847657],[45.56374969482422,145.61253662109374],[45.41993865966797,145.23138427734375],[45.275830078125,144.8503875732422],[45.13108520507812,144.46960144042967],[44.986367797851564,144.08887939453123],[44.840867614746095,143.7084503173828],[44.69520721435547,143.32801208496093],[44.54924011230469,142.94781188964842],[44.402696228027345,142.5677947998047],[44.256124877929686,142.18770446777344],[44.10875701904297,141.80798950195313],[43.96132049560547,141.42831115722655],[43.81344451904297,141.0487335205078],[43.66511993408203,140.66940307617188],[43.51675872802734,140.29002685546874],[43.367532348632814,139.91097106933594],[43.218328857421874,139.53197937011717],[43.06862182617187,139.15318908691407],[42.9185302734375,138.77448120117188],[42.76834716796875,138.39592895507812],[42.61742706298828,138.0176239013672],[42.466479492187496,137.63924560546874],[42.31493682861328,137.2612060546875],[42.16314239501953,136.88316650390624],[42.01108245849609,136.50525512695313],[41.858482360839844,136.12761840820312],[41.705859374999996,135.74991760253906],[41.552503967285155,135.37261962890625],[41.39907989501953,134.99532165527344],[41.24520721435547,134.61816101074217],[41.090972900390625,134.2411926269531],[40.9365966796875,133.8642333984375],[40.78152923583984,133.4875305175781],[40.62649383544922,133.11089172363282],[40.47082672119141,132.7345001220703],[40.3149673461914,132.35811767578124],[40.15881500244141,131.98197326660156],[40.00220031738281,131.60599365234376],[39.845498657226564,131.22994995117188],[39.68810577392578,130.85429077148436],[39.53068542480469,130.47855834960936],[39.37273406982422,130.10311889648438],[39.21458129882812,129.72778015136717],[39.056103515625,129.35250549316405],[38.89719085693359,128.97748718261718],[38.73822784423828,128.60248718261718],[38.578546142578126,128.22771606445312],[38.41889190673828,127.85300903320312],[38.2586929321289,127.47857666015625],[38.09827651977539,127.10411682128905],[37.937557983398435,126.72988586425781],[37.77644577026367,126.35581054687499],[37.61516876220703,125.98169860839843],[37.45334243774414,125.60792541503906],[37.29151382446289,125.23415222167968],[37.12902603149414,124.8605987548828],[36.96649017333984,124.48713684082031],[36.8035171508789,124.11386718749999],[36.64026031494141,123.74063415527343],[36.47675399780273,123.36754760742187],[36.3128059387207,122.99462585449218],[36.14880523681641,122.62182312011718],[35.98420944213867,122.249267578125],[35.819586181640624,121.8766387939453],[35.65439300537109,121.50435791015624],[35.48912887573242,121.13209533691406],[35.32338180541992,120.75995178222655],[35.157458496093746,120.38798217773437],[34.99123764038086,120.01615905761719],[34.82463684082031,119.6444091796875],[34.657884979248045,119.2728057861328],[34.49067306518555,118.90141296386719],[34.323351287841795,118.52992858886718],[34.155505371093746,118.15882873535156],[33.98766174316406,117.7877197265625],[33.819227600097655,117.41683044433593],[33.650763702392574,117.04599609374999],[33.48182144165039,116.67536315917968],[33.312714385986325,116.30474853515625],[33.14328231811523,115.9343994140625],[32.97357330322266,115.56406860351562],[32.80359191894531,115.19389343261719],[32.63331756591797,114.82389221191406],[32.46280746459961,114.45393676757813],[32.291951751708986,114.08421020507812],[32.12094497680664,113.71454772949218],[31.94948272705078,113.34501342773437],[31.777976989746094,112.975634765625],[31.605981445312498,112.60643005371094],[31.433880615234372,112.23712463378907],[31.26132659912109,111.86818542480468],[31.08877944946289,111.49927368164062],[30.915648651123046,111.13052673339844],[30.742549896240234,110.76183471679687],[30.568920135498047,110.39337158203125],[30.39525604248047,110.02487182617188],[30.221127319335935,109.6566650390625],[30.046964263916013,109.2884765625],[29.872299957275388,108.92044372558594],[29.697621917724607,108.55250244140625],[29.52245635986328,108.184716796875],[29.347267913818357,107.81702270507812],[29.17162857055664,107.44953918457031],[28.995909118652342,107.08201904296875],[28.819761657714842,106.71475524902344],[28.64358673095703,106.34752807617187],[28.466938018798828,105.98050231933594],[28.290282440185546,105.61352233886718],[28.113159942626954,105.24674377441406],[27.9359619140625,104.87991027832031],[27.75837936401367,104.51336059570312],[27.58073272705078,104.14686584472656],[27.402671813964844,103.78046264648437],[27.22451934814453,103.41416931152344],[27.046048736572263,103.04804992675781],[26.867390441894532,102.68193969726562],[26.688491821289062,102.31603088378905],[26.509364318847656,101.95017700195312],[26.33004913330078,101.58446960449218],[26.150454711914062,101.21886291503905],[25.970697784423827,100.85329284667968],[25.790677642822263,100.48797912597657],[25.61055679321289,100.12267456054687],[25.43001480102539,99.75744323730468],[25.249465942382812,99.39239501953125],[25.068585205078126,99.0274658203125],[24.88750991821289,98.66248168945312],[24.70626983642578,98.29772644042968],[24.524713897705077,97.93312683105468],[24.342919921874998,97.56857299804688],[24.161155700683594,97.20407409667969],[23.97934341430664,96.83966674804687],[23.79689254760742,96.47543334960938],[23.614473724365233,96.11126403808593],[23.432054901123045,95.74710388183594],[23.249178314208983,95.38305358886718],[23.066155242919923,95.01919555664062],[22.88309555053711,94.6552734375],[22.699900817871093,94.29152526855468],[22.516319274902344,93.92794189453124],[22.332703399658204,93.56429443359374],[22.149078369140625,93.20068359375],[21.96499557495117,92.83735656738281],[21.780880737304688,92.47396545410156],[21.596797943115234,92.11063842773437],[21.412376403808594,91.74755859375],[21.22781753540039,91.38438720703125],[21.043292999267578,91.0212890625],[20.858468627929685,90.65826416015625],[20.673525238037108,90.29528503417968],[20.48861618041992,89.93237915039062],[20.303524017333984,89.56962890625],[20.118260192871094,89.20682373046874],[19.93303070068359,88.84407348632813],[19.74756317138672,88.48141479492188],[19.56196517944336,88.11878356933593],[19.37639923095703,87.75620727539062],[19.19080009460449,87.39356689453125],[19.005234146118163,87.03099975585937],[18.819668197631835,86.66842346191406],[18.63390884399414,86.30591125488282],[18.448157501220702,85.94342651367187],[18.262406158447266,85.58095092773438],[18.076621627807615,85.21841125488281],[17.89087028503418,84.8559356689453],[17.705220794677732,84.49340515136718],[17.519619369506835,84.13077392578124],[17.33405113220215,83.76820678710938],[17.14848289489746,83.40563049316405],[16.96288146972656,83.04299926757812],[16.777494049072263,82.6802764892578],[16.592342376708984,82.31748962402344],[16.407211303710938,81.95464782714843],[16.222505950927733,81.59164123535156],[16.0377685546875,81.22856140136719],[15.85352668762207,80.8653076171875],[15.669419860839843,80.50198974609374],[15.485706710815428,80.13839721679688],[15.302366638183592,79.77469482421874],[15.119321823120117,79.41082763671875],[14.936848068237303,79.04657592773437],[14.75500144958496,78.68220520019531],[14.573731613159179,78.31741333007812],[14.39318733215332,77.95228271484375],[14.213457870483397,77.58675842285156],[14.034654235839843,77.22081298828125],[13.856857681274414,76.8542999267578],[13.680278778076172,76.48724670410157],[13.505264282226562,76.11942901611327],[13.331849670410156,75.75081481933593],[13.160325622558593,75.38143157958984],[12.99114761352539,75.01089019775391],[12.82481460571289,74.63902130126952],[12.66199607849121,74.26568298339843],[12.503514862060547,73.89043579101562],[12.350882720947265,73.51285858154297],[12.205944442749024,73.13220520019532],[12.072137832641602,72.7474365234375],[11.956317901611328,72.35704193115234],[11.785746002197266,71.98796997070312],[11.608424377441406,71.62121429443359],[11.432089233398438,71.25406494140624],[11.256671905517578,70.88643493652343],[11.0822021484375,70.51830596923828],[10.908752059936523,70.14977874755859],[10.736318206787109,69.78076629638672],[10.564917755126952,69.41122741699219],[10.394636535644532,69.04127655029296],[10.225432205200194,68.67074432373046],[10.057364273071288,68.29968109130859],[9.890480804443358,67.92811431884765],[9.724893951416016,67.55597534179687],[9.560568809509277,67.18326416015624],[9.397542572021484,66.81001739501953],[9.235955429077148,66.43606109619141],[9.075579071044922,66.06162872314452],[8.91671962738037,65.68658752441407],[8.759353637695312,65.31082763671874],[8.603519439697266,64.93450927734375],[8.44925537109375,64.55755920410157],[8.29661350250244,64.17986297607422],[8.145642471313476,63.80160369873047],[7.996445274353027,63.422630310058594],[7.848938369750976,63.04288330078125],[7.703342056274414,62.662463378906246],[7.5596168518066404,62.28138885498046],[7.417842864990234,61.89949035644531],[7.2780961990356445,61.5169189453125],[7.140393447875977,61.13357391357422],[7.00488224029541,60.749464416503905],[6.8715270996093745,60.364567565917966],[6.7404533386230465,59.97887420654297],[6.611774826049804,59.59246215820312],[6.485474967956542,59.20524444580078],[6.361607551574707,58.817138671875],[6.240396881103515,58.42828674316406],[6.121797180175781,58.038615417480464],[6.005886840820312,57.648092651367186],[5.892788314819335,57.25685577392578],[5.78254337310791,56.864726257324214],[5.675295639038086,56.47175903320312],[5.5710851669311525,56.07797698974609],[5.4700120925903315,55.68346252441406],[5.372106742858887,55.287977600097655],[5.27754020690918,54.89185638427734],[5.186345100402832,54.4948974609375],[5.09860553741455,54.097087097167964],[5.014437103271484,53.698544311523435],[4.93392276763916,53.299278259277344],[4.85712890625,52.89921569824219],[4.784166526794434,52.49849395751953],[4.7151011466979975,52.097039794921876],[4.650036334991455,51.694995117187496],[4.589035320281982,51.2923095703125],[4.53220682144165,50.88886413574219],[4.479644393920898,50.48499755859375],[4.431377220153808,50.08054046630859],[4.3874822616577145,49.675575256347656],[4.348029899597168,49.270188903808595],[4.313105964660644,48.86436309814453],[4.28281774520874,48.45817565917969],[4.257148361206054,48.051649475097655],[4.236150169372558,47.644876098632814],[4.219893264770508,47.23783721923828],[4.208484935760498,46.83071594238281],[4.2018648147583,46.42345733642578],[4.200060939788818,46.016093444824214],[4.203196334838867,45.60884399414062],[4.2112206459045405,45.20161743164062],[4.224111843109131,44.794454956054686],[4.241935729980469,44.38753967285156],[4.264701747894287,43.98079833984375],[4.292316341400146,43.574468994140624],[4.324808979034423,43.168478393554686],[4.362225723266602,42.76282653808594],[4.404424667358398,42.35770111083984],[4.451377773284912,41.953129577636716],[4.503177738189697,41.54908905029297],[4.5596434593200685,41.145671081542964],[4.620716857910156,40.74298095703125],[4.6864245414733885,40.340982055664064],[4.756673240661621,39.939752197265626],[4.831337356567382,39.53940124511718],[4.910393142700195,39.139732360839844],[4.993775939941406,38.741111755371094],[5.081409072875976,38.34330825805664],[5.173181533813477,37.94639282226562],[5.2689817428588865,37.550514221191406],[5.368731307983398,37.155670166015625],[5.482015800476074,36.76445846557617],[5.616108512878418,36.379845428466794],[5.767827415466308,36.0018424987793],[5.934555244445801,35.630289459228514],[6.114285278320312,35.264817810058595],[6.305458831787109,34.90505676269531],[6.506560707092285,34.55091934204101],[6.716590690612793,34.20193405151367],[6.934640121459961,33.85779876708984],[7.159832382202148,33.518481445312496],[7.391626739501953,33.18358383178711],[7.629442405700683,32.852824401855464],[7.872747230529785,32.52615509033203],[8.121156692504883,32.20336761474609],[8.374335479736327,31.884272003173827],[8.631941986083984,31.568767547607422],[8.893702697753906,31.256732940673828],[9.159505462646484,30.94799880981445],[9.428950309753418,30.642567443847653],[9.701943969726562,30.340225982666013],[9.97833023071289,30.041031646728513],[10.25790023803711,29.744858551025388],[10.54061279296875,29.451562499999998],[10.826298522949218,29.161244201660153],[11.114808654785156,28.87375259399414],[11.406210708618163,28.589083099365233],[11.70021743774414,28.307210540771482],[11.996913528442382,28.0281623840332],[12.29615135192871,27.751805877685545],[12.597928619384765,27.478264617919923],[12.90211944580078,27.207447052001953],[13.208841705322266,26.939355468749998],[13.517874526977538,26.674051666259764],[13.829344940185546,26.41149444580078],[14.143105316162108,26.15177307128906],[14.4591739654541,25.894898986816404],[14.777588653564452,25.640892791748048],[15.098379135131836,25.389724731445312],[15.421362304687499,25.14165802001953],[15.746760177612304,24.896507263183594],[16.07438507080078,24.654586029052734],[16.40438003540039,24.41579360961914],[16.736762237548827,24.180287933349607],[17.071453857421876,23.948226928710938],[17.408579635620118,23.719624328613282],[17.748241424560547,23.494688415527342],[18.09026641845703,23.27359085083008],[18.43486747741699,23.056432342529295],[18.782090377807616,22.843494415283203],[19.131945419311524,22.634937286376953],[19.484529876708983,22.431015014648438],[19.84001312255859,22.23197250366211],[20.19824752807617,22.038260650634765],[20.559503173828123,21.850177001953124],[20.923917388916013,21.668128967285156],[21.291458129882812,21.492633819580078],[21.662372589111328,21.32428436279297],[22.0367431640625,21.16373062133789],[22.414661407470703,21.011821746826172],[22.796292114257813,20.869461822509766],[23.18173828125,20.73782730102539],[23.571075439453125,20.618252563476563],[23.96443862915039,20.512442779541015],[24.361669921875,20.422492218017577],[24.761537933349608,20.345011138916014],[25.161570739746093,20.268029022216798],[25.561532592773435,20.191058349609374],[25.96146240234375,20.1139892578125],[26.361440277099607,20.036732482910157],[26.761349487304688,19.95948715209961],[27.161258697509766,19.882244110107422],[27.561211395263673,19.80472412109375],[27.961067962646485,19.72722015380859],[28.360926818847656,19.649718475341796],[28.7608154296875,19.572047424316406],[29.160623931884764,19.494296264648437],[29.56050567626953,19.41653366088867],[29.960247802734372,19.338702392578124],[30.359989929199216,19.26060791015625],[30.75980529785156,19.1825008392334],[31.159549713134766,19.104407501220702],[31.55929183959961,19.026314163208006],[31.95910720825195,18.948207092285156],[32.358849334716794,18.87011375427246],[32.75859146118164,18.79178009033203],[33.15832672119141,18.71326217651367],[33.55798873901367,18.63475799560547],[33.9576530456543,18.556253814697264],[34.3573860168457,18.477735900878905],[34.757050323486325,18.399232864379883],[35.15671234130859,18.32072868347168],[35.55638809204101,18.241891479492185],[35.955981445312496,18.16303367614746],[36.35557479858398,18.084175872802735],[36.75523910522461,18.00530433654785],[37.154832458496095,17.926446533203123],[37.55449676513672,17.847574996948243],[37.95405578613281,17.768642807006835],[38.353589630126955,17.68948974609375],[38.753196716308594,17.61032180786133],[39.15272827148437,17.531168746948243],[39.55226440429687,17.452014541625974],[39.95186920166015,17.372846603393555],[40.35140533447265,17.29369354248047],[40.75088653564453,17.21432991027832],[41.150431823730464,17.134836959838868],[41.54989929199218,17.05535888671875],[41.949371337890625,16.975880813598632],[42.34891204833984,16.89638786315918],[42.74838409423828,16.816909790039062],[43.1478515625,16.737431716918945],[43.54739227294922,16.657938766479493],[43.94686431884765,16.578460693359375],[44.346336364746094,16.498981475830078],[44.74587707519531,16.419489669799805],[45.14534454345703,16.340011596679688],[45.54488983154297,16.260518646240232],[45.94432525634765,16.180927276611328],[46.343746948242185,16.101216888427732],[46.74324188232422,16.021492767333985],[47.14266815185547,15.94178237915039],[47.54208984375,15.862071990966797],[47.94158477783203,15.782347869873046],[48.34101104736328,15.702637481689452],[48.74043273925781,15.622928237915039],[49.139932250976564,15.543204116821288],[49.539353942871095,15.463493728637694],[49.938775634765626,15.383783340454102],[50.33827514648437,15.30405921936035],[50.7376968383789,15.224348831176757],[51.13717803955078,15.144633865356445],[51.53667755126953,15.06492462158203],[51.93610382080078,14.985229110717773],[52.33560333251953,14.905519866943358],[52.73502960205078,14.82582550048828],[53.13445587158203,14.746129989624023],[53.53395538330078,14.666420745849608],[53.93338165283203,14.586725234985352],[54.332812499999996,14.507030868530272],[54.73230743408203,14.427321624755859],[55.13173828125,14.347626113891602],[55.53116455078125,14.267931747436522],[55.93065948486328,14.18822135925293],[56.33009033203125,14.108629989624022],[56.72957153320312,14.029198837280273],[57.12912139892578,13.949753952026366],[57.528602600097656,13.870322799682617],[57.92807922363281,13.790891647338867],[58.327633666992185,13.711446762084961],[58.72711029052734,13.632015609741211],[59.126591491699216,13.55258560180664],[59.52614135742187,13.473139572143554],[59.925622558593744,13.393708419799804],[60.325172424316406,13.314263534545898],[60.72465362548828,13.234832382202148],[61.12413024902344,13.155401229858398],[61.523703002929686,13.076086807250975],[61.92325286865234,12.99700927734375],[62.322802734374996,12.917932891845703],[62.72242126464843,12.83884048461914],[63.121971130371094,12.759764099121094],[63.52152099609375,12.680686569213867],[63.9211441040039,12.601595306396485],[64.32072601318359,12.522795867919921],[64.72033996582032,12.444037628173827],[65.12002258300781,12.365264511108398],[65.51963653564452,12.286506271362304],[65.91924591064453,12.207746887207032],[66.31893310546874,12.1289737701416],[66.7185562133789,12.05035171508789],[67.11824340820313,11.971973419189453],[67.51799926757812,11.89358139038086],[67.91768646240234,11.815201950073241],[68.31744689941407,11.736809921264648],[68.71713409423828,11.65843162536621],[69.1168212890625,11.580052185058593],[69.516650390625,11.50202980041504],[69.91641998291016,11.42409210205078],[70.31619415283203,11.346154403686523],[70.7160415649414,11.26820182800293],[71.11581573486328,11.190264129638672],[71.51558990478516,11.112326431274413],[71.91548309326171,11.034528350830078],[72.31535339355469,10.957090759277344],[72.71522369384765,10.87965431213379],[73.11516723632812,10.802202987670897],[73.5150375366211,10.724765396118164],[73.91490783691405,10.647328948974609],[74.31485137939453,10.569877624511719],[74.7147720336914,10.492763900756836],[75.11479339599609,10.415725708007812],[75.51474151611328,10.338701248168945],[75.9147216796875,10.261825561523438],[76.31480255126952,10.185081481933594],[76.71481018066406,10.108352279663086],[77.11484069824219,10.031691741943359],[77.51498107910156,9.95525665283203],[77.91504821777343,9.878835296630859],[78.31510620117187,9.802413940429688],[78.71533813476562,9.726280975341796],[79.11546020507812,9.650182342529297],[79.51559143066406,9.574084281921387],[79.9158233642578,9.498199081420898],[80.31600952148438,9.422438621520996],[80.71620483398438,9.346678733825684],[81.11648254394531,9.271037292480468],[81.51674194335938,9.19562816619873],[81.91700134277343,9.120218467712402],[82.3173614501953,9.044818496704101],[82.71769409179687,8.969774436950683],[83.1180908203125,8.89471664428711],[83.51841430664062,8.819672584533691],[83.9187744140625,8.744926643371581],[84.31924438476562,8.670247077941895],[84.71964111328124,8.595580673217773],[85.12007446289063,8.521097373962402],[85.52061767578125,8.446809768676758],[85.92108764648437,8.372535896301269],[86.32153930664062,8.298329544067382],[86.72215576171875,8.224447631835938],[87.12269897460938,8.150579452514648],[87.52325134277343,8.07671070098877],[87.92394104003905,8.003174972534179],[88.32455749511719,7.929724502563476],[88.72518310546874,7.856274032592773],[89.1259552001953,7.783020401000976],[89.52665405273437,7.710000228881835],[89.92735290527344,7.636980056762695],[90.32815246582031,7.564018821716308],[90.7289337158203,7.491442680358887],[91.12978820800781,7.418852806091309],[91.5305694580078,7.346276092529297],[91.93140563964843,7.274076461791992],[92.33234252929687,7.201942634582519],[92.7332061767578,7.1298219680786135],[93.13407897949219,7.0579273223876955],[93.53509826660157,6.986261558532715],[93.93604431152343,6.91460838317871],[94.33702697753905,6.843003845214843],[94.73812866210938,6.771818161010742],[95.13916625976562,6.700644493103027],[95.54019470214844,6.629471397399902],[95.94137878417969,6.5586450576782225],[96.34249877929688,6.487963485717773],[96.74361877441406,6.417281913757324],[97.14483032226562,6.346768569946289],[97.54604187011718,6.276588821411132],[97.94725341796875,6.206408500671387],[98.34852905273438,6.1362155914306635],[98.74982299804687,6.066534233093262],[99.15119018554687,5.996855735778809],[99.55248413085937,5.927189254760742],[99.95382385253906,5.857823181152344],[100.35528259277343,5.788668823242188],[100.75666809082031,5.719527053833008],[101.15807189941405,5.650469970703125],[101.5596221923828,5.581851196289063],[101.96109924316406,5.513243865966797],[102.36257629394531,5.444637107849121],[102.764208984375,5.376417732238769],[103.16577758789062,5.308356285095215],[103.56735534667969,5.24029483795166],[103.96903381347656,5.172387886047363],[104.37070312499999,5.104880905151367],[104.77236328125,5.037374496459961],[105.17410583496094,4.969855499267578],[105.57581176757812,4.902840042114257],[105.97764587402344,4.83588638305664],[106.37940673828125,4.7689453125],[106.78125915527343,4.702224826812744],[107.18318481445313,4.635845947265625],[107.58504638671874,4.569479084014892],[107.98689880371093,4.50311222076416],[108.38886108398437,4.43728551864624],[108.79081420898437,4.3715025901794435],[109.19276733398438,4.305719375610352],[109.59529724121093,4.243284416198731],[110.00093994140624,4.207318210601806],[110.40805664062499,4.201301765441895],[110.81478881835938,4.223523902893066],[111.21912231445312,4.271948719024658],[111.61983032226563,4.344494247436523],[112.016015625,4.438998985290527],[112.40692749023437,4.553351783752441],[112.79208984374999,4.685715293884277],[113.17132873535157,4.834323692321777],[113.54445190429688,4.997561645507813],[113.91158752441406,5.17412166595459],[114.27254333496093,5.362653923034668],[114.62765808105469,5.5621788024902346],[114.97701416015624,5.7717132568359375],[115.32061157226562,5.990391540527344],[115.65872497558593,6.217416000366211],[115.99167480468749,6.452175521850585],[116.31925048828124,6.694169998168945],[116.64187316894531,6.942755699157715],[116.959716796875,7.197607612609863],[117.27265319824218,7.4582731246948235],[117.58102111816406,7.724371147155761],[117.88487548828124,7.995689964294433],[118.1842071533203,8.271887397766113],[118.47921752929688,8.5526762008667],[118.7698974609375,8.838091278076172],[119.05628356933593,9.127668571472167],[119.33837585449218,9.421475028991699],[119.6162841796875,9.719319534301757],[119.8897705078125,10.021156311035156],[120.15894470214843,10.326925277709961],[120.42356872558594,10.636510848999023],[120.68353271484375,10.950045776367187],[120.93862609863281,11.267658233642578],[121.18843688964843,11.589333343505858],[121.43544616699218,11.913179397583008],[121.68172302246093,12.237661743164063],[121.92738647460936,12.562565231323243],[122.1722442626953,12.888046646118164],[122.41645202636718,13.214146041870118],[122.66012878417968,13.540434265136719],[122.9031280517578,13.867300415039063],[123.14568786621093,14.194638061523436],[123.38787231445312,14.522116470336913],[123.62926940917968,14.850136184692381],[123.8704833984375,15.17840995788574],[124.11117553710938,15.506988143920898],[124.3514923095703,15.835935974121092],[124.59151611328124,16.164999389648436],[124.83098144531249,16.494450759887695],[125.07037353515625,16.824073791503906],[125.30917968749999,17.15401496887207],[125.54784851074218,17.484055709838866],[125.78616027832031,17.814450073242188],[126.0242431640625,18.144953155517577],[126.26200561523437,18.475654220581053],[126.49954833984374,18.80654640197754],[126.73683471679686,19.13758964538574],[126.97379150390624,19.4689453125],[127.21046447753906,19.800517272949218],[127.44709167480468,20.132027435302735],[127.6837188720703,20.46353988647461],[127.9199249267578,20.79539337158203],[128.15577392578123,21.127459716796874],[128.3916229248047,21.45952606201172],[128.6275177001953,21.791651916503906],[128.8630828857422,22.123956298828123],[129.098291015625,22.456567382812498],[129.33346252441405,22.789116668701173],[129.5686248779297,23.1216682434082],[129.8037322998047,23.454338836669923],[130.03829956054688,23.787309265136717],[130.2728759765625,24.120277404785156],[130.50748901367186,24.453307342529296],[130.7420654296875,24.786277770996094],[130.97621154785156,25.11949768066406],[131.21031188964844,25.452891540527343],[131.44436645507812,25.78622589111328],[131.6784210205078,26.119557952880857],[131.9124298095703,26.45306167602539],[132.14603576660156,26.786709594726563],[132.3796417236328,27.120357513427734],[132.61329345703123,27.454064941406248],[132.8468994140625,27.78771057128906],[133.0802764892578,28.121514129638673],[133.31353454589842,28.45549163818359],[133.5467559814453,28.78940734863281],[133.78002319335937,29.123384857177733],[134.01324462890625,29.45730285644531],[134.2461730957031,29.791383361816404],[134.47911071777344,30.125587463378906],[134.71200256347655,30.45973434448242],[134.94489440917968,30.793878936767577],[135.17783203125,31.128083038330075],[135.41048583984374,31.462442779541014],[135.64310302734376,31.796777343749998],[135.87577514648436,32.13117370605469],[136.10839233398437,32.46550827026367],[136.3410186767578,32.799845123291014],[136.57335205078124,33.134440612792964],[136.80565795898437,33.46899719238281],[137.0379638671875,33.80355377197265],[137.27030639648436,34.138169860839845],[137.5026123046875,34.47272644042969],[137.73495483398438,34.807342529296875],[137.9672607421875,35.14189910888672],[138.1995666503906,35.47645568847656],[138.4319091796875,35.81107177734375],[138.66421508789062,36.14562835693359],[138.89631042480468,36.48030166625976],[139.12837829589844,36.81511001586914],[139.360400390625,37.14985885620117],[139.592431640625,37.484605407714845],[139.82449951171876,37.81941375732422],[140.05653076171873,38.154162597656246],[140.2885528564453,38.48891143798828],[140.52062072753907,38.82371978759765],[140.75265197753905,39.158468627929686],[140.98468322753905,39.49321746826172],[141.21674194335938,39.82803955078125],[141.44866333007812,40.1628662109375],[141.68057556152343,40.49769287109375],[141.91253356933592,40.83257904052734],[142.14444580078126,41.167405700683595],[142.37640380859375,41.50229187011718],[142.60831604003906,41.837118530273436],[142.8402374267578,42.171940612792966],[143.07219543457032,42.50682678222656],[143.30410766601562,42.841653442382814],[143.53601989746093,43.17648010253906],[143.76797790527343,43.511366271972655],[143.9998992919922,43.84619293212891],[144.2318115234375,44.18101959228515],[144.46376953125,44.51590576171875],[144.6956817626953,44.850732421875],[144.9275939941406,45.18555450439453],[145.15955200195313,45.520440673828126],[145.39147338867187,45.85526733398437],[145.62338562011718,46.190093994140625],[145.85534362792967,46.52498016357422],[146.087255859375,46.859806823730466],[146.31917724609374,47.19463348388672],[146.55130004882812,47.52945098876953],[146.78336791992186,47.86416778564453],[147.0154815673828,48.198944091796875],[147.24755859375,48.533660888671875],[147.47962646484373,48.868377685546875],[147.7117492675781,49.20315399169922],[147.94381713867188,49.53787078857422],[148.17589416503907,49.87258758544922],[148.4080078125,50.20736389160156],[148.64007568359375,50.54208068847656],[148.87215270996094,50.87679748535156],[149.10436706542967,51.21147766113281],[149.33670959472656,51.54600219726562],[149.56905212402344,51.880531311035156],[149.8014404296875,52.21511993408203],[150.03378295898438,52.54964904785156],[150.26612548828123,52.884178161621094],[150.4985137939453,53.21876678466797],[150.73086547851562,53.55329132080078],[150.96324462890624,53.88787994384766],[151.19559631347656,54.222409057617185],[151.42793884277344,54.55693817138672],[151.6603271484375,54.891526794433595],[151.8929443359375,55.2258544921875],[152.12568054199218,55.560113525390626],[152.35846252441405,55.89442749023437],[152.59119873046873,56.228686523437496],[152.82393493652344,56.562940979003905],[153.05670776367188,56.897254943847656],[153.28944396972656,57.23151397705078],[153.52218017578124,57.56576843261718],[153.7549621582031,57.900082397460935],[153.98768920898436,58.23434143066406],[154.2204345703125,58.56859588623047],[154.45321655273438,58.902914428710936],[154.6862365722656,59.23693084716797],[154.91934814453126,59.570928955078124],[155.15249633789062,59.90498657226562],[155.38560791015624,60.2389892578125],[155.61873779296874,60.573046874999996],[155.85184936523436,60.90704498291015],[156.08521728515623,61.240910339355466],[156.31865844726562,61.57477569580078],[156.55204467773436,61.90857696533203],[156.78541259765623,62.2423828125],[157.01885375976562,62.57624359130859],[157.25223999023436,62.91004943847656],[157.48588256835936,63.24366302490234],[157.71963500976562,63.577308654785156],[157.95333251953124,63.9108901977539],[158.18703002929686,64.24447174072266],[158.42078247070313,64.57811737060547],[158.65447998046875,64.91169891357421],[158.8884521484375,65.2450698852539],[159.1225341796875,65.57847290039062],[159.35657958984373,65.91181640625],[159.590625,66.24515533447266],[159.82470703125,66.57855834960937],[160.05875244140626,66.91189727783203],[160.29314575195312,67.24509887695312],[160.52755737304688,67.57817230224609],[160.7619873046875,67.91125030517578],[160.99645385742187,68.24438781738282],[161.23086547851562,68.5774658203125],[161.46529541015624,68.91053924560546],[161.7000549316406,69.24348907470703],[161.93488769531248,69.57627868652344],[162.1697021484375,69.90907287597656],[162.40457153320312,70.2419219970703],[162.639404296875,70.57471160888672],[162.87421874999998,70.90750579833984],[163.10934448242188,71.24009857177734],[163.34461669921873,71.57257690429687],[163.57988891601562,71.90505981445312],[163.81517944335937,72.23759765625],[164.05045166015626,72.57008056640625],[164.2857238769531,72.90255889892578],[164.5213439941406,73.23495483398438],[164.75707397460937,73.56710357666016],[164.99285888671875,73.89931182861328],[165.22858886718748,74.23146057128906],[165.46431884765624,74.56360931396485],[165.70010375976562,74.89581756591797],[165.93607177734376,75.22773742675781],[166.17231445312498,75.55952453613281],[166.40859375,75.89137115478515],[166.64483642578125,76.22315826416015],[166.8810791015625,76.55494537353515],[167.1173583984375,76.8867919921875],[167.35387573242187,77.21842346191406],[167.59064941406248,77.54982604980468],[167.82747802734374,77.88128356933593],[168.06427001953125,78.21268615722656],[168.30104370117186,78.54408874511718],[168.53787231445312,78.87554626464843],[168.7748840332031,79.20674743652343],[169.01229858398438,79.53779296875],[169.249658203125,79.8687744140625],[169.4870178222656,80.19976501464843],[169.7244140625,80.530810546875],[169.9617919921875,80.86180114746094],[170.1993896484375,81.19261779785155],[170.43740844726562,81.52322387695312],[170.675390625,81.85376586914062],[170.91337280273436,82.18430786132812],[171.1513916015625,82.51491394042968],[171.38937377929688,82.84545593261718],[171.6276123046875,83.17581481933594],[171.8662902832031,83.50594482421874],[172.10493164062498,83.8360107421875],[172.34357299804688,84.16608581542968],[172.5822509765625,84.49620666503905],[172.82089233398438,84.82628173828125],[173.05973510742186,85.15618286132812],[173.29894409179687,85.48593749999999],[173.53809814453123,85.81562805175781],[173.77743530273438,86.14524536132812],[174.01695556640624,86.47467956542968],[174.25645751953124,86.80411376953124],[174.4962158203125,87.13348388671875],[174.73610229492186,87.46264343261718],[174.97598876953126,87.79180297851562],[175.21613159179688,88.12088928222656],[175.4564025878906,88.44977416992187],[175.69667358398436,88.77865905761719],[175.93721923828124,89.10742492675782],[176.17787475585936,89.43601684570312],[176.41854858398438,89.76460876464843],[176.65953369140624,90.09308166503907],[176.9006103515625,90.42138061523437],[177.14168701171874,90.74967041015624],[177.38309326171876,91.07779541015624],[177.6245910644531,91.40577392578125],[177.8660888671875,91.73376159667968],[178.10795288085936,92.0615020751953],[178.34989013671876,92.38916931152343],[178.59186401367188,92.71688232421874],[178.8342041015625,93.04425659179687],[179.07658081054686,93.37158508300782],[179.31903076171875,93.6990234375],[179.56188354492187,94.02600402832032],[179.80471801757812,94.35299377441406],[180.04766235351562,94.6799835205078],[180.2909729003906,95.0066162109375],[180.5343017578125,95.33324890136718],[180.77777709960938,95.65980834960938],[181.02158203125,95.98607482910155],[181.26538696289063,96.31234130859374],[181.50948486328124,96.63854370117187],[181.75380249023436,96.96443481445313],[181.99812011718748,97.29032592773437],[182.24276733398438,97.61600646972656],[182.48759765625,97.94150390624999],[182.73248291015625,98.26705627441406],[182.97773437499998,98.59222412109375],[183.22311401367188,98.91731872558593],[183.4685302734375,99.24246826171874],[183.71444091796874,99.56713256835937],[183.96036987304686,99.89180603027343],[184.20648193359375,100.21647033691406],[184.45299682617187,100.54071350097657],[184.69949340820312,100.86494750976563],[184.94630126953123,101.18900756835937],[185.19340209960936,101.51279296874999],[185.44048461914062,101.83657836914062],[185.68807983398438,102.160107421875],[185.93578491210937,102.48342590332031],[186.18348999023436,102.80675354003905],[186.43185424804688,103.12964172363282],[186.6802001953125,103.45247497558593],[186.92872924804686,103.77516174316406],[187.17777099609376,104.09754638671875],[187.4267578125,104.41987609863281],[187.67618408203126,104.74193115234375],[187.92584838867188,105.06373901367188],[188.1755126953125,105.385546875],[188.42587280273438,105.70689697265625],[188.67623291015624,106.02816467285156],[188.92686767578124,106.34930419921875],[189.177978515625,106.67007751464844],[189.429052734375,106.99078674316407],[189.6806213378906,107.31106567382812],[189.93248291015624,107.63124389648438],[190.18439941406248,107.95133972167969],[190.4369934082031,108.27085876464844],[190.68964233398438,108.5904327392578],[190.94262084960937,108.90957641601562],[191.1960021972656,109.22846374511718],[191.4494384765625,109.54740600585937],[191.70362548828123,109.8656524658203],[191.95783081054688,110.18388061523437],[192.21247558593748,110.50186157226562],[192.46752319335937,110.81941223144531],[192.72262573242188,111.13701782226562],[192.97853393554686,111.45387268066406],[193.2344970703125,111.77070922851563],[193.49093627929688,112.08725280761719],[193.74779663085937,112.40334777832031],[194.00471191406248,112.71944274902343],[194.26257934570313,113.03482360839844],[194.52037353515624,113.35014038085937],[194.7787902832031,113.66493530273438],[195.03762817382812,113.97951049804688],[195.296630859375,114.29390258789063],[195.55618286132812,114.60774536132813],[195.81632080078126,114.92125854492187],[196.0768615722656,115.23435058593749],[196.33784179687498,115.5470489501953],[196.59933471679688,115.85941772460937],[196.86123046875,116.17131958007812],[197.1236572265625,116.48288269042968],[197.3865783691406,116.79402465820311],[197.64997558593748,117.10468139648437],[197.91401367187498,117.41490783691405],[198.17850952148436,117.7246124267578],[198.44355468749998,118.03384094238281],[198.70924072265623,118.34271240234375],[198.97540283203125,118.65097045898438],[199.2421875,118.95873413085937],[199.50959472656248,119.26603088378906],[199.77762451171876,119.57276916503906],[200.046240234375,119.87889404296874],[200.3155517578125,120.18450622558593],[200.58555908203124,120.48948669433594],[200.85617065429688,120.79389038085937],[201.12685546875,121.09833984375],[201.39816284179688,121.40213012695312],[201.66945190429686,121.70592041015624],[201.94143676757812,122.0091796875],[202.2134033203125,122.31236572265624],[202.48602905273438,122.61509399414062],[202.75865478515624,122.91769409179688],[203.03184814453124,123.21978149414062],[203.30518798828123,123.52182312011718],[203.57898559570313,123.82333374023438],[203.85294799804686,124.1247344970703],[204.1274230957031,124.4257598876953],[204.4020263671875,124.72657470703125],[204.67706909179688,125.0269775390625],[204.9523681640625,125.32725219726562],[205.2280517578125,125.62712402343749],[205.50393676757812,125.9267578125],[205.78022460937498,126.2260986328125],[206.05673217773438,126.52516479492186],[206.33356933593748,126.82387390136718],[206.61075439453126,127.12240905761718],[206.88821411132812,127.42059631347655],[207.16596679687498,127.71849975585937],[207.4440673828125,128.01620178222655],[207.72242431640623,128.31353759765625],[208.0010559082031,128.61063537597656],[208.28001708984374,128.90740356445312],[208.55927124023438,129.2039794921875],[208.83887329101563,129.50023498535157],[209.1186767578125,129.79622497558594],[209.398828125,130.0918762207031],[209.67919921875,130.38734436035156],[209.9599365234375,130.68243713378905],[210.24085693359373,130.97735595703125],[210.522216796875,131.2719543457031],[210.80374145507812,131.5663879394531],[211.08561401367186,131.86039123535156],[211.36768798828123,132.15428466796874],[211.6501281738281,132.44774780273437],[211.93267822265625,132.74105529785155],[212.21572265625,133.034033203125],[212.4988586425781,133.32685546874998],[212.7823974609375,133.61924743652344],[213.06610107421875,133.91159362792968],[213.35017089843748,134.2034729003906],[213.63444213867186,134.49533386230468],[213.91906127929687,134.78669128417968],[214.2037353515625,135.07792053222656],[214.48892211914062,135.3688201904297],[214.7741271972656,135.65956420898436],[215.0597900390625,135.94988708496092],[215.34559936523436,136.24021911621094],[215.63177490234375,136.5300567626953],[215.91800537109376,136.81982116699217],[216.2047119140625,137.1092102050781],[216.49141845703124,137.3984619140625],[216.77860107421876,137.68729248046876],[217.06591186523437,137.9761779785156],[217.35357055664062,138.26453247070313],[217.64122924804687,138.55282287597655],[217.9294189453125,138.8407470703125],[218.21757202148436,139.1285614013672],[218.50623779296873,139.4160186767578],[218.7949035644531,139.70338439941406],[219.08419189453124,139.9900909423828],[219.37355346679686,140.27684326171874],[219.66286010742186,140.56354064941405],[219.95218505859376,140.85018310546874],[220.24244384765623,141.13601989746093],[220.53262939453126,141.42182006835938],[220.8228332519531,141.70761108398438],[221.11312866210938,141.99343872070312],[221.40421142578126,142.2783416748047],[221.69527587890624,142.56324462890623],[221.98639526367188,142.84820251464842],[222.27749633789062,143.13310546875],[222.56940307617188,143.41714782714843],[222.86136474609376,143.70124511718748],[223.15327148437498,143.98529663085938],[223.44517822265624,144.26933898925782],[223.73792724609373,144.55258483886718],[224.0306396484375,144.83580322265624],[224.32340698242186,145.11905822753906],[224.6161376953125,145.40227661132812],[224.90961914062498,145.68473510742186],[225.203173828125,145.96719360351562],[225.49665527343748,146.24960632324218],[225.79015502929687,146.5320098876953],[226.08440551757812,146.81373596191406],[226.37865600585937,147.095361328125],[226.67288818359376,147.37699584960936],[226.96717529296873,147.65868530273437],[227.26204833984374,147.93960571289062],[227.55701293945313,148.22048950195312],[227.85201416015624,148.50142822265624],[228.14696044921874,148.78231201171874],[228.44254760742186,149.06256408691405],[228.73822631835938,149.34277954101563],[229.03386840820312,149.62294921875],[229.3294921875,149.90310974121093],[229.6257568359375,150.1827392578125],[229.92205810546875,150.46222229003905],[230.21839599609373,150.74174194335936],[230.51467895507812,151.02122497558594],[230.81149291992188,151.30015869140624],[231.10845336914062,151.5790283203125],[231.40534057617185,151.85785217285155],[231.70224609374998,152.1366760253906],[231.99966430664062,152.41503295898437],[232.29715576171873,152.69322509765624],[232.59464721679686,152.97142639160157],[232.8921936035156,153.24966430664062],[233.19010620117186,153.52739868164062],[233.48814697265624,153.80500488281248],[233.78624267578124,154.08264770507813],[234.08430175781248,154.36025390625],[234.38272705078123,154.63745727539063],[234.6813537597656,154.9145324707031],[234.97994384765624,155.19157104492186],[235.2785705566406,155.46864624023436],[235.5774719238281,155.7453369140625],[235.87653808593748,156.021826171875],[236.1756591796875,156.29837036132812],[236.47472534179687,156.5748779296875],[236.7740295410156,156.85103759765624],[237.07362670898436,157.12708740234373],[237.3731506347656,157.40308227539063],[237.67269287109374,157.6790771484375],[237.97252807617187,157.95490722656248],[238.27249145507812,158.2304260253906],[238.57245483398435,158.50594482421874],[238.87247314453123,158.78153686523436],[239.17260131835937,159.05683593749998],[239.47296752929685,159.33193359375],[239.77338867187498,159.60706787109373],[240.0737548828125,159.88214721679688],[240.37423095703124,160.157080078125],[240.67501831054688,160.4318115234375],[240.97575073242186,160.70648803710938],[241.2765380859375,160.98121948242186],[241.57738037109374,161.25582275390624],[241.87846069335936,161.5301330566406],[242.17957763671873,161.80447998046876],[242.48065795898435,162.07879028320312],[242.78182983398438,162.35304565429686],[243.08340454101562,162.62691650390624],[243.38494262695312,162.9007141113281],[243.68646240234375,163.17453002929688],[243.98805541992186,163.44840087890626],[244.2895751953125,163.722216796875],[244.59109497070312,163.99603271484375],[244.89268798828124,164.26988525390624],[245.19420776367187,164.543701171875],[245.49618530273438,164.81700439453124],[245.79827270507812,165.0903076171875],[246.10030517578124,165.36357421875],[246.40233764648437,165.6368408203125],[246.70440673828125,165.91014404296874],[247.00643920898438,166.18341064453125],[247.30852661132812,166.4567138671875],[247.61055908203124,166.72998046875],[247.91282958984374,167.00299072265625],[248.21530151367188,167.27587280273437],[248.51771850585936,167.54869995117187],[248.8201171875,167.82154541015623],[249.12258911132812,168.09442749023438],[249.4250061035156,168.36727294921874],[249.72740478515624,168.64010009765624],[250.02987670898438,168.91300048828126],[250.33236694335938,169.18573608398438],[250.63504028320312,169.45828857421876],[250.9377685546875,169.73087768554686],[251.24044189453124,170.00341186523437],[251.54313354492186,170.27596435546874],[251.84586181640623,170.54855346679688],[252.14853515624998,170.82108764648436],[252.45128173828124,171.0936767578125],[252.753955078125,171.36622924804686],[253.05677490234373,171.63858032226562],[253.35968627929685,171.9109680175781],[253.66254272460935,172.18331909179688],[253.96539916992185,172.4556701660156],[254.268310546875,172.72805786132812],[254.5711669921875,173.00040893554686],[254.8740234375,173.27276000976562],[255.17691650390623,173.5451477050781],[255.47977294921873,173.81749877929687],[255.78262939453123,174.08983154296874],[256.0855407714844,174.36223754882812],[256.3883972167969,174.6345703125],[256.6912536621094,174.90692138671875],[256.99416503906247,175.17930908203124],[257.29702148437497,175.45166015625],[257.59987792968747,175.72401123046873],[257.9027893066406,175.99639892578125],[258.2055358886719,176.268896484375],[258.50831909179686,176.5414306640625],[258.81104736328126,176.81392822265624],[259.11375732421874,177.08642578125],[259.4165405273437,177.35895996093748],[259.7192687988281,177.63143920898438],[260.02199707031247,177.90393676757813],[260.3247619628906,178.1764709472656],[260.627490234375,178.44896850585937],[260.9302185058594,178.72146606445312],[261.2330017089844,178.9940002441406],[261.5357299804687,179.26649780273436],[261.83843994140625,179.53897705078126],[262.14122314453124,179.81151123046874],[262.44395141601564,180.0840087890625],[262.7466796875,180.35650634765625],[263.0494445800781,180.62904052734373],[263.35195312499997,180.90179443359375],[263.65431518554686,181.17467651367187],[263.9567504882812,181.4476318359375],[264.2591125488281,181.72051391601562],[264.5615295410156,181.99345092773436],[264.8638916015625,182.26635131835937],[265.16625366210934,182.5392333984375],[265.4686706542969,182.81217041015626],[265.7710327148437,183.08505249023438],[266.0730285644531,183.35828247070313],[266.37506103515625,183.63162231445312],[266.6770568847656,183.90492553710936],[266.9790344238281,184.1782470703125],[267.2810852050781,184.4515869140625],[267.5830810546875,184.72490844726562],[267.88505859375,184.99821166992186],[268.187109375,185.27156982421874],[268.4890869140625,185.54490966796874],[268.7906066894531,185.8187255859375],[269.09218139648436,186.09261474609374],[269.3936828613281,186.3664306640625],[269.69525756835935,186.64031982421875],[269.99677734375,186.91413574218748],[270.2982971191406,187.1879699707031],[270.599853515625,187.4618408203125],[270.9013732910156,187.7356750488281],[271.20287475585934,188.00958251953125],[271.5040283203125,188.2839111328125],[271.805126953125,188.558203125],[272.1062438964844,188.8324768066406],[272.4073974609375,189.10680541992187],[272.70827636718747,189.38126220703126],[273.0090637207031,189.6558837890625],[273.30992431640624,189.9305419921875],[273.61071166992184,190.20516357421874],[273.91151733398436,190.4798400878906],[274.21203002929684,190.7548828125],[274.5125061035156,191.02985229492188],[274.8129638671875,191.30484008789062],[275.1134765625,191.57986450195312],[275.4137512207031,191.85505371093748],[275.713916015625,192.13046264648438],[276.0140441894531,192.40581665039062],[276.31415405273435,192.68117065429686],[276.61431884765625,192.95657958984376],[276.91408081054686,193.23235473632812],[277.2138244628906,193.50811157226562],[277.513623046875,193.78392333984374],[277.81336669921876,194.05969848632813],[278.1129638671875,194.3356201171875],[278.4123596191406,194.61187133789062],[278.71171875,194.88806762695313],[279.0110595703125,195.1642639160156],[279.3104736328125,195.44049682617188],[279.60955810546875,195.71700439453124],[279.90855102539064,195.99358520507812],[280.2075988769531,196.2702209472656],[280.506591796875,196.5468017578125],[280.8055847167969,196.82338256835936],[281.10463256835936,197.10001831054686],[281.40362548828125,197.37659912109373],[281.70265502929686,197.65323486328126],[282.00164794921875,197.92981567382813],[282.30064086914064,198.206396484375],[282.5996887207031,198.4830139160156],[282.898681640625,198.75959472656248],[283.1976745605469,199.03617553710936],[283.49672241210936,199.31281127929688],[283.79571533203125,199.58939208984376],[284.09470825195314,199.86597290039063],[284.39373779296875,200.14260864257812],[284.69273071289064,200.419189453125],[284.99155883789064,200.6959716796875],[285.2903686523437,200.97284545898438],[285.5891418457031,201.24966430664062],[285.8878967285156,201.52650146484373],[286.1867248535156,201.80337524414062],[286.4854797363281,202.08021240234373],[286.7842346191406,202.35703125],[287.0830627441406,202.63392333984373],[287.38181762695314,202.9107421875],[287.6806274414062,203.18761596679687],[287.9794006347656,203.464453125],[288.2781555175781,203.7412902832031],[288.57696533203125,204.0181640625],[288.8757385253906,204.29498291015625],[289.1744934082031,204.57182006835936],[289.4733215332031,204.84869384765625],[289.77207641601564,205.12553100585936],[290.0708312988281,205.40234985351563],[290.3695495605469,205.6792785644531],[290.6681762695312,205.95624389648438],[290.96682128906247,206.23320922851562],[291.26552124023436,206.5102111816406],[291.56414794921875,206.78717651367188],[291.86279296875,207.06414184570312],[292.16149291992184,207.3411437988281],[292.4601379394531,207.61810913085938],[292.7588195800781,207.89512939453124],[293.0574645996094,208.1720764160156],[293.3561096191406,208.44904174804688],[293.6547912597656,208.72606201171874],[293.95343627929685,209.0030090332031],[294.2520812988281,209.27997436523438],[294.55076293945314,209.55699462890624],[294.8494079589844,209.8339416503906],[295.14805297851564,210.11090698242188],[295.4467529296875,210.38792724609374],[295.74537963867186,210.6648742675781],[296.0440246582031,210.94183959960938],[296.342724609375,211.21884155273438],[296.64135131835934,211.4958068847656],[296.9399963378906,211.77277221679688],[297.2386962890625,212.04977416992188],[297.5373229980469,212.3267395019531],[297.8359680175781,212.60370483398438],[298.13466796874997,212.88070678710938],[298.4333129882812,213.1576721191406],[298.73199462890625,213.4346923828125],[299.0306396484375,213.71163940429688],[299.32928466796875,213.9886047363281],[299.6279663085937,214.265625],[299.926611328125,214.54257202148438],[300.2252563476562,214.8195373535156],[300.52393798828126,215.0965576171875],[300.8225830078125,215.37350463867188],[301.1212646484375,215.65048828125],[301.42005615234376,215.92738037109373],[301.7187927246094,216.20423583984373],[302.017529296875,216.48109130859373],[302.3163208007812,216.75800170898438],[302.61505737304685,217.03485717773438],[302.91381225585934,217.31171264648438],[303.2126037597656,217.588623046875],[303.51134033203124,217.865478515625],[303.81007690429686,218.142333984375],[304.10886840820314,218.41922607421876],[304.40760498046876,218.69608154296876],[304.706396484375,218.97299194335938],[305.0051330566406,219.24984741210938],[305.3038696289062,219.52670288085938],[305.6026611328125,219.80361328125],[305.9013977050781,220.08045043945313],[306.20013427734375,220.35730590820313],[306.49892578124997,220.63421630859375],[306.7978271484375,220.910888671875],[307.09678344726564,221.1875244140625],[307.39577636718747,221.46419677734374],[307.6947509765625,221.74081420898438],[307.9936889648437,222.01744995117187],[308.2927001953125,222.29412231445312],[308.5916381835937,222.5707580566406],[308.890576171875,222.84737548828124],[309.18958740234376,223.1240478515625],[309.488525390625,223.40068359375],[309.78753662109375,223.67735595703124],[310.086474609375,223.95399169921873],[310.38544921875,224.23060913085936],[310.68446044921876,224.5072998046875],[310.9833984375,224.7839172363281],[311.28233642578124,225.06055297851563],[311.58134765625,225.33722534179688],[311.8802856445312,225.61384277343748],[312.1793701171875,225.89033203124998],[312.4787109375,226.16665649414062],[312.77797851562497,226.44294433593748],[313.07724609375,226.7192138671875],[313.3765502929687,226.99555664062498],[313.6758178710937,227.271826171875],[313.97512207031247,227.54811401367186],[314.27442626953126,227.8244384765625],[314.5736938476562,228.10072631835936],[314.8729614257812,228.37701416015625],[315.17230224609375,228.65333862304686],[315.47156982421876,228.92962646484375],[315.7708740234375,229.20595092773436],[316.0701416015625,229.48223876953125],[316.36940917968747,229.75850830078124],[316.66875,230.03485107421875],[316.968017578125,230.31112060546874],[317.26728515625,230.5874084472656],[317.56658935546875,230.86367797851562],[317.8662963867187,231.13948974609374],[318.16600341796874,231.41530151367186],[318.4657470703125,231.6911682128906],[318.7654541015625,231.9669982910156],[319.06512451171875,232.24281005859373],[319.3649047851562,232.5186767578125],[319.66457519531247,232.79448852539062],[319.9642822265625,233.07030029296874],[320.26402587890624,233.34616699218748],[320.56373291015626,233.6219970703125],[320.8634399414062,233.8978088378906],[321.16318359375,234.17367553710938],[321.462890625,234.4494873046875],[321.76263427734375,234.72535400390623],[322.0623413085937,235.00116577148435],[322.36201171875,235.27699584960936],[322.6617919921875,235.5528625488281],[322.9614624023437,235.82867431640625],[323.26142578125,236.1041748046875],[323.561572265625,236.37960205078124],[323.86168212890624,236.65499267578124],[324.16175537109376,236.93038330078124],[324.46190185546874,237.20582885742186],[324.76201171875,237.48121948242186],[325.0620849609375,237.756591796875],[325.3622314453125,238.03203735351562],[325.66234130859374,238.30742797851562],[325.96263427734374,238.58267211914062],[326.26307373046876,238.8577880859375],[326.5634399414062,239.13284912109373],[326.86387939453124,239.4079833984375],[327.16424560546875,239.68304443359375],[327.4646484375,239.95810546874998],[327.765087890625,240.23323974609374],[328.06545410156247,240.50830078125],[328.36585693359376,240.78336181640623],[328.66640624999997,241.0583312988281],[328.967138671875,241.33304443359373],[329.26783447265626,241.60775756835938],[329.568603515625,241.88250732421875],[329.8692993164062,242.15722045898437],[330.17006835937497,242.4319885253906],[330.47072753906247,242.7066467285156],[330.77149658203126,242.98141479492188],[331.072265625,243.25616455078125],[331.372998046875,243.53071289062498],[331.67409667968747,243.805078125],[331.97523193359376,244.07944335937498],[332.276220703125,244.3537170410156],[332.5773559570312,244.62808227539062],[332.8784912109375,244.9024475097656],[333.1794799804687,245.17672119140624],[333.48061523437497,245.45108642578123],[333.78175048828126,245.7254699707031],[334.0828491210937,245.99970703124998],[334.3843505859375,246.27365112304688],[334.68585205078125,246.5476135253906],[334.98724365234375,246.82146606445312],[335.2887451171875,247.09541015624998],[335.5902465820312,247.36935424804688],[335.89174804687497,247.6433166503906],[336.19313964843747,247.91716918945312],[336.494677734375,248.19111328124998],[336.796142578125,248.46498413085936],[337.0979370117187,248.73837890624998],[337.39984130859375,249.01188354492186],[337.7017822265625,249.28536987304688],[338.0035766601562,249.5587646484375],[338.30548095703125,249.83226928710937],[338.607421875,250.10575561523436],[338.9092163085937,250.37916870117186],[339.21112060546875,250.65265502929685],[339.5130615234375,250.92615966796873],[339.81529541015624,251.1990783691406],[340.11767578125,251.4720703125],[340.42001953125,251.74508056640624],[340.7222900390625,252.01799926757812],[341.0246337890625,252.29099121093748],[341.3269775390625,252.56400146484373],[341.629248046875,252.83690185546874],[341.931591796875,253.109912109375],[342.2339721679687,253.38292236328124],[342.53668212890625,253.65534667968748],[342.83950195312497,253.92782592773438],[343.14235839843747,254.20030517578124],[343.445068359375,254.47269287109373],[343.7478881835937,254.74517211914062],[344.0507080078125,255.01765136718748],[344.35345458984375,255.2900390625],[344.65627441406247,255.56251831054686],[344.95909423828124,255.83499755859373],[345.2622802734375,256.1068542480469],[345.56561279296875,256.3787841796875],[345.8689453125,256.65069580078125],[346.17216796875,256.9225341796875],[346.4755004882812,257.19444580078124],[346.77883300781247,257.46637573242185],[347.08216552734376,257.73830566406247],[347.38538818359376,258.01012573242184],[347.688720703125,258.2820556640625],[347.99256591796876,258.5534362792969],[348.296337890625,258.82465209960935],[348.6002197265625,259.0959777832031],[348.90406494140626,259.36730346679684],[349.2078369140625,259.6385192871094],[349.51171875,259.9098449707031],[349.81556396484376,260.18117065429686],[350.1193359375,260.45238647460934],[350.4232177734375,260.7237121582031],[350.72764892578124,260.9944152832031],[351.03197021484374,261.26500854492184],[351.3364013671875,261.535693359375],[351.6408325195312,261.80637817382814],[351.9451904296875,262.07697143554685],[352.24962158203124,262.34765625],[352.554052734375,262.6183410644531],[352.8583740234375,262.88893432617186],[353.1628051757812,263.1595458984375],[353.4678588867187,263.42955322265624],[353.77276611328125,263.6994689941406],[354.07781982421875,263.96947631835934],[354.38283691406247,264.23948364257814],[354.6877807617187,264.5093994140625],[354.9927978515625,264.7794250488281],[355.2978515625,265.04943237304684],[355.6027587890625,265.31934814453126],[355.9078857421875,265.589208984375],[356.21356201171875,265.85850219726564],[356.5191284179687,266.127685546875],[356.82476806640625,266.3969787597656],[357.1304443359375,266.66627197265626],[357.4360107421875,266.9354736328125],[357.74168701171874,267.2047668457031],[358.04736328125,267.47406005859375],[358.35292968749997,267.74326171875],[358.6588623046875,268.0123352050781],[358.96519775390624,268.28087768554684],[359.271533203125,268.5494018554687],[359.5777587890625,268.81785278320314],[359.88409423828125,269.086376953125],[360.1904296875,269.35491943359375],[360.4966552734375,269.62335205078125],[360.80299072265626,269.89189453125],[361.109326171875,270.16041870117186],[361.41595458984375,270.4284301757812],[361.7230224609375,270.6961669921875],[362.03005371093747,270.96388549804686],[362.33697509765625,271.2315307617187],[362.6440063476562,271.49924926757814],[362.95103759765624,271.76698608398436],[363.25799560546875,272.03461303710935],[363.5650268554687,272.30234985351564],[363.87205810546874,272.57008666992186],[364.17938232421875,272.83714599609374],[364.48696289062497,273.10424194335934],[364.79454345703124,273.371337890625],[365.1020141601562,273.6383422851562],[365.40977783203124,273.90525512695314],[365.71776123046874,274.1719116210937],[366.0255981445312,274.4384765625],[366.3335815429687,274.7051513671875],[366.6416748046875,274.97155151367184],[366.95635986328125,275.23000488281247],[367.2820678710937,275.47463378906247],[367.6179565429687,275.7051635742187],[367.96343994140625,275.92067871093747],[368.31822509765624,276.1208862304687],[368.68114013671874,276.30560302734375],[369.0515625,276.4747375488281],[369.42901611328125,276.6281066894531],[369.812255859375,276.76609497070314],[370.200439453125,276.8889953613281],[370.5930908203125,276.99713745117185],[370.98955078125,277.0911071777344],[371.3888305664062,277.1715637207031],[371.7904907226562,277.2389465332031],[372.194091796875,277.2940979003906],[372.59901123046876,277.33771362304685],[373.0049560546875,277.37030639648435],[373.411669921875,277.3927917480469],[373.818896484375,277.40566406249997],[374.22597656249997,277.4096374511719],[374.6334594726562,277.40538940429684],[375.040576171875,277.3931213378906],[375.44732666015625,277.37400512695314],[375.85389404296876,277.3484802246094],[376.25994873046875,277.31640014648434],[376.6654541015625,277.2790832519531],[377.07066650390624,277.2363830566406],[377.4752197265625,277.1889404296875],[377.8791870117187,277.1372497558594],[378.28271484375,277.08136596679685],[378.6857666015625,277.0220031738281],[379.0880493164062,276.9591430664062],[379.4900390625,276.8934631347656],[379.89166259765625,276.8248352050781],[380.29266357421875,276.75391845703126],[380.69329833984375,276.6803833007812],[381.09364013671876,276.60529174804685],[381.4936889648437,276.5287170410156],[381.89344482421876,276.4503479003906],[382.29298095703126,276.3706787109375],[382.69215087890626,276.29002075195314],[383.09121093749997,276.20815429687497],[383.4902709960937,276.12626953125],[383.8890380859375,276.04389038085935],[384.287841796875,275.960888671875],[384.6866821289062,275.87786865234375],[385.0853759765625,275.7950500488281],[385.4842529296875,275.7123229980469],[385.8831298828125,275.6295959472656],[386.28200683593747,275.5475830078125],[386.68114013671874,275.4661010742187],[387.0804931640625,275.3855895996094],[387.4801025390625,275.30604858398436],[387.879638671875,275.2273681640625],[388.2796142578125,275.15017089843747],[388.6798461914062,275.0743835449219],[389.0801513671875,274.9997131347656],[389.481005859375,274.92711181640624],[389.8820434570312,274.85582885742184],[390.2834106445312,274.7867797851562],[390.68529052734374,274.71983642578124],[391.08739013671874,274.65498046875],[391.48985595703124,274.59239501953124],[391.89283447265626,274.5325012207031],[392.2961059570312,274.47507934570314],[392.69952392578125,274.4202392578125],[393.1036743164062,274.3685668945312],[393.50808105468747,274.3197875976562],[393.91274414062497,274.27399291992185],[394.31788330078126,274.2315673828125],[394.723388671875,274.19267578125],[395.1291137695312,274.15717163085935],[395.5352416992187,274.12514648437497],[395.94155273437497,274.09740600585934],[396.348193359375,274.0734008789062],[396.75501708984376,274.0532958984375],[397.1619873046875,274.0375305175781],[397.5691772460937,274.02626953124997],[397.9764770507812,274.0192932128906],[398.38381347656247,274.0166564941406],[398.79104003906247,274.0190734863281],[399.19833984375,274.0262145996094],[399.605419921875,274.0384826660156],[400.01239013671875,274.0556945800781],[400.4190307617187,274.0782531738281],[400.8255615234375,274.1060302734375],[401.23114013671875,274.14223022460936],[401.6353271484375,274.1931518554687],[402.037939453125,274.2550415039062],[402.4391235351562,274.32529907226564],[402.8389892578125,274.402587890625],[403.237646484375,274.4862121582031],[403.635205078125,274.575],[404.031591796875,274.66876831054685],[404.4268432617187,274.7670959472656],[404.82103271484374,274.8697082519531],[405.2141967773437,274.97622070312497],[405.60615234375,275.08692626953126],[405.997265625,275.201220703125],[406.38698730468747,275.3189392089844],[406.7757202148437,275.4406494140625],[407.163427734375,275.5657287597656],[407.5499267578125,275.69410400390626],[407.935400390625,275.82586669921875],[408.3195556640625,275.9612731933594],[408.70250244140624,276.100048828125],[409.08427734375,276.2421569824219],[409.4648071289062,276.3876159667969],[409.8438720703125,276.5363525390625],[410.22169189453126,276.68849487304686],[410.598193359375,276.84404296875],[410.97308349609375,277.0030517578125],[411.34661865234375,277.16579589843747],[411.7185791015625,277.33185424804685],[412.0887451171875,277.50144653320314],[412.45751953125,277.674755859375],[412.8243896484375,277.8516540527344],[413.1894287109375,278.0322326660156],[413.55263671874997,278.21669311523436],[413.91383056640626,278.4049987792969],[414.272900390625,278.5971313476562],[414.6299194335937,278.79332885742184],[414.98463134765626,278.99351806640624],[415.3369995117187,279.1978271484375],[415.68687744140624,279.4063293457031],[416.034228515625,279.6191711425781],[416.3788696289062,279.83642578125],[416.7205810546875,280.0580749511719],[417.0592529296875,280.2843566894531],[417.394775390625,280.5154357910156],[417.72681884765626,280.7511474609375],[418.0554565429687,280.99183959960936],[418.38035888671874,281.2375122070312],[418.70130615234376,281.48822021484375],[419.0181884765625,281.74427490234376],[419.3306396484375,282.0055297851562],[419.6384033203125,282.2721496582031],[419.941259765625,282.544482421875],[420.23865966796876,282.8230773925781],[420.5310424804687,283.10643310546874],[420.81968994140624,283.3939636230469],[421.1051513671875,283.68455200195314],[421.38779296875,283.9777404785156],[421.66907958984376,284.272412109375],[421.9490478515625,284.56821899414064],[422.22828369140626,284.86473999023434],[422.5072998046875,285.1615356445312],[422.7863525390625,285.4583312988281],[423.06606445312497,285.7543212890625],[423.346875,286.0493957519531],[423.62904052734376,286.3431701660156],[423.912451171875,286.6355346679687],[424.19835205078124,286.925830078125],[424.4864501953125,287.21372680664064],[424.7771484375,287.4990783691406],[425.0709594726562,287.7811340332031],[425.3679565429687,288.05994873046876],[425.6681762695312,288.3350463867187],[425.9725341796875,288.6058044433594],[426.28077392578126,288.8722412109375],[426.59296875,289.13367919921876],[426.9099975585937,289.38951416015624],[427.23134765624997,289.639892578125],[427.5574951171875,289.88356933593747],[427.8888427734375,290.1207275390625],[428.2253173828125,290.35036010742186],[428.56695556640625,290.5721923828125],[428.91372070312497,290.7856201171875],[429.26601562499997,290.9901489257812],[429.6236206054687,291.18515625],[429.9864990234375,291.3701477050781],[430.35450439453126,291.54462890625],[430.72767333984376,291.7079772949219],[431.10560302734376,291.8595336914062],[431.48858642578125,291.9984924316406],[431.8766235351562,292.1224365234375],[432.26821289062497,292.2340393066406],[432.6626953125,292.3358459472656],[433.0590454101562,292.429541015625],[433.45689697265624,292.51649780273436],[433.85614013671875,292.5978515625],[434.2561889648437,292.67406005859374],[434.6571533203125,292.74583740234374],[435.05885009765626,292.8135131835937],[435.4610229492187,292.8779846191406],[435.8635620117187,292.939306640625],[436.2667236328125,292.99779052734374],[436.67021484375,293.0536376953125],[437.07396240234374,293.10706787109376],[437.478076171875,293.15831909179684],[437.88255615234374,293.20751953125],[438.2870361328125,293.2547973632812],[438.6917358398437,293.30031738281247],[439.0968017578125,293.344189453125],[439.5018310546875,293.3863952636719],[439.9072265625,293.4270080566406],[440.31273193359374,293.46621093749997],[440.7180908203125,293.5040771484375],[441.123779296875,293.5407348632812],[441.52968749999997,293.5762023925781],[441.93548583984375,293.6105163574219],[442.34150390625,293.64375],[442.7476318359375,293.6757385253906],[443.15383300781247,293.7067199707031],[443.55992431640624,293.736328125],[443.9662719726562,293.7654602050781],[444.37269287109376,293.7937866210937],[444.77904052734374,293.8207763671875],[445.185498046875,293.84763793945314],[445.59210205078125,293.8726867675781],[445.99855957031247,293.8977355957031],[446.40516357421876,293.9213195800781],[446.81187744140624,293.9445556640625],[447.2184814453125,293.96678466796874],[447.62530517578125,293.9883361816406],[448.03212890624997,294.0092102050781],[448.4388793945312,294.029150390625],[448.8457397460937,294.04859619140626],[449.25270996093747,294.06703491210936],[449.65957031249997,294.0850158691406],[450.0665771484375,294.10198974609375],[450.47365722656247,294.11843261718747],[450.8805908203125,294.1339965820312],[451.28774414062497,294.1488098144531],[451.6948608398437,294.1630004882812],[452.10179443359374,294.17603759765626],[452.5089477539062,294.1885070800781],[452.9161743164062,294.1999145507812],[453.32325439453126,294.2101318359375],[453.7306640625,294.2192687988281],[454.1378540039062,294.22692260742184],[454.5450439453125,294.232470703125],[454.95241699218747,294.23461303710934],[455.3597900390625,294.2324523925781],[455.7670166015625,294.2301818847656],[456.1743896484375,294.22789306640624],[456.5817626953125,294.2256225585937],[456.9889892578125,294.22333374023435],[457.3963623046875,294.22106323242184],[457.80369873046874,294.21877441406247],[458.21107177734376,294.21650390625],[458.61829833984376,294.21421508789064],[459.0256713867187,294.2119445800781],[459.43304443359375,294.20965576171875],[459.84027099609375,294.20738525390624],[460.247607421875,294.20509643554686],[460.65498046875,294.20282592773435],[461.06220703124995,294.200537109375],[461.469580078125,294.19826660156247],[461.876953125,294.1959777832031],[462.2841796875,294.19370727539064],[462.69151611328124,294.19141845703126],[463.0988891601562,294.18914794921875],[463.5061157226562,294.1868591308594],[463.9134887695312,294.1845703125],[464.32086181640625,294.1822998046875],[464.72805175781247,294.1800109863281],[465.1354248046875,294.1777404785156],[465.54279785156245,294.1754516601562],[465.95002441406245,294.1731811523437],[466.3573974609375,294.17089233398434],[466.7647705078125,294.1686218261719],[467.1719604492187,294.1663330078125],[467.57933349609374,294.1640625],[467.9867065429687,294.1617736816406],[468.3939331054687,294.1595031738281],[468.8013061523437,294.15721435546874],[469.20867919921875,294.1549438476562],[469.61586914062497,294.15265502929685],[470.0232421875,294.15038452148434],[470.43061523437495,294.14809570312497],[470.83784179687495,294.1458251953125],[471.24521484375,294.14353637695314],[471.6525512695312,294.1412658691406],[472.0597778320312,294.13897705078125],[472.46715087890624,294.13670654296874],[472.8745239257812,294.13441772460936],[473.2817504882812,294.13214721679685],[473.6891235351562,294.1298583984375],[474.09645996093747,294.1275695800781],[474.5038330078125,294.1252990722656],[474.9110595703125,294.1230102539062],[475.31846923828124,294.1208862304687],[475.7258422851562,294.1189270019531],[476.1330688476562,294.11696777343747],[476.5404418945312,294.114990234375],[476.94781494140625,294.11303100585934],[477.35504150390625,294.11107177734374],[477.7623779296875,294.10911254882814],[478.16975097656245,294.1071533203125],[478.57697753906245,294.1051940917969],[478.9843505859375,294.1032348632812],[479.3917236328125,294.1012756347656],[479.7989501953125,294.09931640625],[480.20632324218747,294.09735717773435],[480.6136962890625,294.09539794921875],[481.0208862304687,294.0934387207031],[481.4282592773437,294.0914794921875],[481.83563232421875,294.0895202636719],[482.24285888671875,294.0875610351562],[482.6502319335937,294.0856018066406],[483.05760498046874,294.08364257812497],[483.46483154296874,294.08168334960936],[483.8722045898437,294.07970581054684],[484.279541015625,294.07774658203124],[484.686767578125,294.07578735351564],[485.09414062499997,294.073828125],[485.501513671875,294.0718688964844],[485.908740234375,294.0699096679687],[486.31611328124995,294.0679504394531],[486.723486328125,294.0659912109375],[487.130712890625,294.06403198242185],[487.5380493164062,294.06207275390625],[487.94542236328124,294.0601135253906],[488.35264892578124,294.058154296875],[488.7600219726562,294.0561950683594],[489.1673950195312,294.0542358398437],[489.57476806640625,294.0522766113281],[489.98199462890625,294.05031738281247],[490.3893310546875,294.04835815429686],[490.79670410156245,294.04639892578126],[491.20393066406245,294.0444396972656],[491.6113037109375,294.04246215820314],[492.0186767578125,294.0405029296875],[492.4259033203125,294.0385437011719],[492.83327636718747,294.0365844726562],[493.2406494140625,294.0346252441406],[493.6478393554687,294.032666015625],[494.0552124023437,294.03070678710935],[494.46258544921875,294.02874755859375],[494.86981201171875,294.0267883300781],[495.2771118164062,294.0249938964844],[495.6844848632812,294.0233642578125],[496.0917114257812,294.0217346191406],[496.49908447265625,294.02008666992185],[496.9064575195312,294.01845703124997],[497.3136840820312,294.01682739257814],[497.72105712890624,294.01519775390625],[498.1284301757812,294.01356811523436],[498.5356567382812,294.0119201660156],[498.9429931640625,294.0102905273437],[499.35036621093747,294.00866088867184],[499.75759277343747,294.00703125],[500.1649658203125,294.00538330078126],[500.57233886718745,294.0037536621094],[500.97956542968745,294.0021240234375],[501.3869384765625,294.0004943847656],[501.7943115234375,293.9988647460937],[502.2015380859375,293.99721679687497],[502.60891113281247,293.99558715820314],[503.0162841796875,293.99395751953125],[503.4235107421875,293.99232788085936],[503.8308471679687,293.9906982421875],[504.23822021484375,293.9890502929687],[504.64544677734375,293.98742065429684],[505.0528198242187,293.985791015625],[505.46019287109374,293.9841613769531],[505.8675659179687,293.9825134277344],[506.2747924804687,293.9808837890625],[506.6821655273437,293.9792541503906],[507.08953857421875,293.9776245117187],[507.49676513671875,293.9759948730469],[507.9041381835937,293.97434692382814],[508.31147460937495,293.97271728515625],[508.71870117187495,293.97108764648436],[509.12607421875,293.9694580078125],[509.533447265625,293.9678283691406],[509.940673828125,293.96618041992184],[510.34804687499997,293.96455078125],[510.755419921875,293.9629211425781],[511.162646484375,293.96129150390624],[511.57001953124995,293.95966186523435],[511.977392578125,293.9580139160156],[512.384619140625,293.9563842773437],[512.7919555664063,293.9547546386719],[513.1993286132812,293.953125],[513.6065551757812,293.95147705078125],[514.0139282226562,293.94984741210936],[514.4213012695312,293.9482177734375],[514.8285278320312,293.9465881347656],[515.2359008789062,293.9452880859375],[515.6432739257813,293.94398803710936],[516.0505004882813,293.94268798828125],[516.4578369140625,293.94138793945314],[516.8652099609375,293.94008789062497],[517.2724365234375,293.93878784179685],[517.6798095703125,293.93748779296874],[518.0871826171875,293.9361877441406],[518.4944091796875,293.9348876953125],[518.9017822265624,293.93358764648434],[519.3091552734375,293.9322875976562],[519.7163818359375,293.93096923828125],[520.1237548828125,293.92966918945314],[520.5311279296875,293.92836914062497],[520.9385009765625,293.92706909179685],[521.3457275390625,293.92576904296874],[521.7531005859374,293.9244689941406],[522.1604736328125,293.9231689453125],[522.5677001953125,293.92186889648434],[522.9750732421875,293.9205688476562],[523.3824462890625,293.9192687988281],[523.7896728515625,293.91796875],[524.1970092773437,293.9166687011719],[524.6043823242187,293.9153686523437],[525.0116088867187,293.9140686035156],[525.4189819335937,293.9127685546875],[525.8263549804688,293.9114685058594],[526.2335815429688,293.91016845703126],[526.6409545898438,293.9088684082031],[527.0483276367187,293.907568359375],[527.4555541992187,293.90625],[527.8629272460937,293.9049499511719],[528.2703002929687,293.9036499023437],[528.6775268554687,293.9023498535156],[529.0848999023438,293.9010498046875],[529.4922729492188,293.8997497558594],[529.8994995117188,293.89844970703126],[530.3068725585937,293.8971496582031],[530.7142456054687,293.895849609375],[531.121435546875,293.89454956054686],[531.52880859375,293.89324951171875],[531.936181640625,293.89194946289064],[532.343408203125,293.89064941406247],[532.7507812499999,293.88934936523435],[533.158154296875,293.88804931640624],[533.565380859375,293.8867492675781],[533.97275390625,293.88544921875],[534.380126953125,293.88414916992184],[534.7873901367187,293.8831420898437],[535.1947631835938,293.8821716308594],[535.6021362304688,293.88121948242184],[536.0095092773437,293.8802490234375],[536.4167358398437,293.8792785644531],[536.8241088867187,293.8783264160156],[537.2314819335937,293.8773559570312],[537.6387084960937,293.8763854980469],[538.0460815429688,293.87543334960935],[538.4534545898438,293.874462890625],[538.8606811523438,293.8734924316406],[539.2680541992187,293.87254028320314],[539.6754272460937,293.87156982421874],[540.0826538085937,293.87059936523434],[540.4900268554687,293.86964721679686],[540.8973999023438,293.86867675781247],[541.3046264648438,293.8677062988281],[541.7119995117188,293.8667541503906],[542.1193725585937,293.86578369140625],[542.5265991210937,293.86481323242185],[542.9339721679687,293.8638610839844],[543.3413452148437,293.862890625],[543.7485717773437,293.86192016601564],[544.1559448242188,293.8609680175781],[544.5633178710938,293.85999755859376],[544.9705444335938,293.85902709960936],[545.3779174804687,293.8580749511719],[545.7852905273437,293.8571044921875],[546.1925170898437,293.8561340332031],[546.5998901367187,293.8551818847656],[547.0072631835938,293.8542114257812],[547.414453125,293.8532409667969],[547.8218261718749,293.85228881835934],[548.22919921875,293.851318359375],[548.63642578125,293.8503479003906],[549.043798828125,293.84937744140626],[549.451171875,293.8484252929687],[549.8583984375,293.8474548339844],[550.265771484375,293.846484375],[550.6731445312499,293.8455322265625],[551.0803710937499,293.8445617675781],[551.487744140625,293.8435913085937],[551.8951171875,293.84263916015624],[552.302490234375,293.84166870117184],[552.709716796875,293.8406982421875],[553.11708984375,293.83974609374997],[553.5244628906249,293.8387756347656],[553.9315795898438,293.837841796875],[554.3389526367188,293.83721923828125],[554.7463256835937,293.8365783691406],[555.1535522460937,293.83595581054686],[555.5609252929687,293.8353332519531],[555.9682983398437,293.83471069335934],[556.3755249023437,293.83408813476564],[556.7828979492188,293.8334655761719],[557.1902709960938,293.8328430175781],[557.5974609374999,293.8322021484375],[558.004833984375,293.8315795898437],[558.41220703125,293.83095703124997],[558.81943359375,293.83033447265626],[559.226806640625,293.8297119140625],[559.6341796875,293.82908935546874],[560.04140625,293.828466796875],[560.4487792968749,293.8278442382812],[560.85615234375,293.8272033691406],[561.26337890625,293.8265808105469],[561.670751953125,293.8259582519531],[562.078125,293.82533569335936],[562.4853515625,293.8247131347656],[562.892724609375,293.82409057617184],[563.3000976562499,293.82346801757814],[563.7073242187499,293.8228271484375],[564.114697265625,293.82220458984375],[564.5220703125,293.82158203125],[564.929296875,293.8209594726562],[565.336669921875,293.82033691406247],[565.74404296875,293.81971435546876],[566.15126953125,293.819091796875],[566.5586425781249,293.81846923828124],[566.966015625,293.8178283691406],[567.373388671875,293.81720581054685],[567.780615234375,293.8165832519531],[568.18798828125,293.8159606933594],[568.595361328125,293.8153381347656],[569.002587890625,293.81471557617186],[569.4099609374999,293.8140930175781],[569.817333984375,293.8134521484375],[570.224560546875,293.8128295898437],[570.63193359375,293.81220703125],[571.039306640625,293.81158447265625],[571.446533203125,293.8109619140625],[571.85390625,293.8103393554687],[572.2612792968749,293.80971679687497],[572.6685058593749,293.80909423828126],[573.07587890625,293.80845336914064],[573.4833618164063,293.80799560546876],[573.8905883789063,293.8077026367187],[574.2979614257812,293.8074279785156],[574.7053344726562,293.8071350097656],[575.1125610351562,293.8068603515625],[575.5199340820312,293.8065673828125],[575.9273071289062,293.8062744140625],[576.3345336914062,293.8059997558594],[576.7419067382813,293.8057067871094],[577.1492797851562,293.80543212890626],[577.5565063476562,293.8051391601562],[577.9638793945312,293.8048645019531],[578.3712524414062,293.8045715332031],[578.7784790039062,293.8042785644531],[579.1858520507812,293.80400390625],[579.5932250976563,293.8037109375],[580.0004516601563,293.8034362792969],[580.4078247070312,293.8031433105469],[580.8151977539062,293.80286865234376],[581.2224243164062,293.8025756835937],[581.6297973632812,293.8022827148437],[582.0371704101562,293.8020080566406],[582.4443969726562,293.8017150878906],[582.8517700195313,293.8014404296875],[583.2591430664062,293.8011474609375],[583.6665161132812,293.8008728027344],[584.0737426757812,293.8005798339844],[584.4811157226562,293.80028686523434],[584.8884887695312,293.8000122070312],[585.2957153320312,293.7997192382812],[585.7030883789063,293.7994445800781],[586.1104614257812,293.7991516113281],[586.5176879882812,293.798876953125],[586.9250610351562,293.798583984375],[587.3324340820312,293.798291015625],[587.7396606445312,293.7980163574219],[588.1470336914062,293.79772338867184],[588.5544067382813,293.7974487304687],[588.9616333007813,293.7971557617187],[589.3690063476562,293.7968811035156],[589.7763793945312,293.7965881347656],[590.1836059570312,293.7962951660156],[590.5909790039062,293.7960205078125],[590.9983520507812,293.7957275390625],[591.4055786132812,293.7954528808594],[591.8129516601563,293.79515991210934],[592.2203247070312,293.7948852539062],[592.6275512695312,293.7945922851562],[593.0348876953125,293.7946472167969],[593.4422607421875,293.79470214843747],[593.8494873046875,293.7947570800781],[594.2568603515625,293.79481201171876],[594.6642333984374,293.79486694335935],[595.0714599609374,293.794921875],[595.4788330078125,293.7949768066406],[595.8862060546875,293.79503173828124],[596.2934326171875,293.7950866699219],[596.7008056640625,293.7951416015625],[597.1081787109375,293.7951965332031],[597.5154052734375,293.7952514648437],[597.9227783203124,293.79530639648436],[598.3301513671875,293.795361328125],[598.7375244140625,293.7954162597656],[599.1447509765625,293.79547119140625],[599.5521240234375,293.79552612304684],[599.9594970703125,293.7955810546875],[600.3667236328125,293.79563598632814],[600.7740966796874,293.79567260742186],[601.1814697265625,293.7957275390625],[601.5886962890625,293.7957824707031],[601.9960693359375,293.79583740234375],[602.4034423828125,293.79589233398434],[602.8106689453125,293.795947265625],[603.2180419921875,293.79600219726564],[603.6254150390624,293.7960571289062],[604.0326416015624,293.7961120605469],[604.4400146484375,293.79616699218747],[604.8473876953125,293.7962219238281],[605.2546142578125,293.79627685546876],[605.6619873046875,293.79633178710935],[606.0693603515625,293.79638671875],[606.4765869140625,293.7964416503906],[606.8839599609374,293.79649658203124],[607.2913330078125,293.7965515136719],[607.6985595703125,293.7966064453125],[608.1059326171875,293.7966613769531],[608.5133056640625,293.7967163085937],[608.9205322265625,293.79677124023436],[609.3279052734375,293.796826171875],[609.7352783203124,293.7968811035156],[610.1425048828124,293.79693603515625],[610.5498779296875,293.79699096679684],[610.9572509765625,293.7970458984375],[611.3644775390625,293.79710083007814],[611.7718505859375,293.7971557617187],[612.179150390625,293.797412109375],[612.586376953125,293.79779663085935],[612.99375,293.79819946289064],[613.401123046875,293.798583984375],[613.80849609375,293.79896850585936],[614.21572265625,293.7993713378906],[614.6230957031249,293.799755859375],[615.03046875,293.8001403808594],[615.4376953125,293.8005432128906],[615.845068359375,293.80092773437497],[616.25244140625,293.80133056640625],[616.65966796875,293.8017150878906],[617.067041015625,293.802099609375],[617.4744140624999,293.80250244140626],[617.8816406249999,293.8028869628906],[618.289013671875,293.803271484375],[618.69638671875,293.8036743164062],[619.10361328125,293.80405883789064],[619.510986328125,293.80446166992186],[619.918359375,293.8048461914062],[620.3255859375,293.8052307128906],[620.7329589843749,293.8056335449219],[621.14033203125,293.80601806640624],[621.54755859375,293.8064025878906],[621.954931640625,293.8068054199219],[622.3623046875,293.80718994140625],[622.76953125,293.8075744628906],[623.176904296875,293.80797729492184],[623.5842773437499,293.80836181640626],[623.9915039062499,293.8087646484375],[624.398876953125,293.80914916992185],[624.80625,293.8095336914062],[625.2134765625,293.8099365234375],[625.620849609375,293.81032104492186],[626.02822265625,293.8107055664062],[626.43544921875,293.8111083984375],[626.8428222656249,293.8114929199219],[627.2501953125,293.8118957519531],[627.657421875,293.81228027343747],[628.064794921875,293.8126647949219],[628.47216796875,293.8130676269531],[628.87939453125,293.8134521484375],[629.286767578125,293.81383666992184],[629.6941406249999,293.8142395019531],[630.101513671875,293.8146240234375],[630.508740234375,293.8150268554687],[630.91611328125,293.81541137695314],[631.323486328125,293.815869140625],[631.730712890625,293.8165832519531],[632.1380859375,293.8173156738281],[632.5454589843749,293.8180480957031],[632.9526855468749,293.8187622070312],[633.36005859375,293.8194946289062],[633.767431640625,293.8202270507812],[634.174658203125,293.82094116210936],[634.58203125,293.82167358398436],[634.989404296875,293.8223876953125],[635.396630859375,293.8231201171875],[635.8040039062499,293.8238525390625],[636.211376953125,293.82456665039064],[636.618603515625,293.82529907226564],[637.0259765625,293.8260131835937],[637.433349609375,293.8267456054687],[637.840576171875,293.8274780273437],[638.24794921875,293.82819213867185],[638.6553222656249,293.82892456054685],[639.0625488281249,293.829638671875],[639.469921875,293.83037109375],[639.877294921875,293.831103515625],[640.284521484375,293.8318176269531],[640.69189453125,293.8325500488281],[641.099267578125,293.83326416015626],[641.506494140625,293.83399658203126],[641.9138671874999,293.83472900390626],[642.321240234375,293.83544311523434],[642.728466796875,293.83617553710934],[643.13583984375,293.83690795898434],[643.543212890625,293.8376220703125],[643.950439453125,293.8383544921875],[644.3578125,293.8390686035156],[644.7651855468749,293.8398010253906],[645.17255859375,293.8405334472656],[645.57978515625,293.84124755859375],[645.987158203125,293.84197998046875],[646.39453125,293.8426940917969],[646.8017578125,293.8434265136719],[647.209130859375,293.8441589355469],[647.6165039062499,293.84487304687497],[648.0237304687499,293.84560546874997],[648.431103515625,293.8463195800781],[648.8384765625,293.8470520019531],[649.245703125,293.8477844238281],[649.653076171875,293.84849853515624],[650.06044921875,293.84923095703124],[650.46767578125,293.84996337890624],[650.8750488281249,293.8509155273437],[651.282421875,293.8519592285156],[651.6896484375,293.85302124023434],[652.097021484375,293.85406494140625],[652.50439453125,293.85512695312497],[652.91162109375,293.8561706542969],[653.318994140625,293.8572326660156],[653.7263671874999,293.85829467773436],[654.1335937499999,293.8593383789062],[654.540966796875,293.860400390625],[654.94833984375,293.86144409179684],[655.35556640625,293.8625061035156],[655.762939453125,293.86354980468747],[656.1703125,293.86461181640624],[656.5775390625,293.8656555175781],[656.9849121093749,293.86671752929686],[657.39228515625,293.8677612304687],[657.79951171875,293.8688232421875],[658.206884765625,293.86986694335934],[658.6142578125,293.8709289550781],[659.021484375,293.87197265624997],[659.4287841796875,293.87303466796874],[659.8361572265625,293.8740783691406],[660.2433837890625,293.87514038085936],[660.6507568359375,293.8761840820312],[661.0581298828125,293.87724609375],[661.4655029296874,293.87828979492184],[661.8727294921874,293.8793518066406],[662.2801025390625,293.8804138183594],[662.6874755859375,293.88145751953124],[663.0947021484375,293.88251953125],[663.5020751953125,293.88356323242186],[663.9094482421875,293.88462524414064],[664.3166748046875,293.8856689453125],[664.7240478515624,293.88673095703126],[665.1314208984375,293.8877746582031],[665.5386474609375,293.8888366699219],[665.9460205078125,293.88988037109374],[666.3533935546875,293.8909423828125],[666.7606201171875,293.89198608398436],[667.1679931640625,293.89304809570314],[667.5753662109374,293.894091796875],[667.9825927734374,293.89515380859376],[668.3899658203125,293.8961975097656],[668.7973388671875,293.8972595214844],[669.2045654296875,293.89830322265624],[669.6119384765625,293.899365234375],[670.01923828125,293.9004455566406],[670.42646484375,293.9018188476562],[670.833837890625,293.90319213867184],[671.2412109375,293.90456542968747],[671.6484375,293.9059387207031],[672.055810546875,293.9073120117187],[672.4631835937499,293.90868530273434],[672.8704101562499,293.91005859374997],[673.277783203125,293.9114318847656],[673.68515625,293.9128051757812],[674.0923828125,293.91417846679684],[674.499755859375,293.91555175781247],[674.90712890625,293.9169250488281],[675.31435546875,293.9182983398437],[675.7217285156249,293.91967163085934],[676.1291015625,293.92104492187497],[676.536474609375,293.9224182128906],[676.943701171875,293.9237915039062],[677.35107421875,293.92516479492184],[677.758447265625,293.92653808593747],[678.165673828125,293.9279113769531],[678.5730468749999,293.9292846679687],[678.980419921875,293.93065795898434],[679.387646484375,293.93203124999997],[679.79501953125,293.9334045410156],[680.202392578125,293.9347778320312],[680.609619140625,293.93615112304684],[681.0169921875,293.93752441406247],[681.4243652343749,293.9388977050781],[681.8315917968749,293.9402709960937],[682.23896484375,293.94164428710934],[682.646337890625,293.94301757812497],[683.053564453125,293.9443908691406],[683.4608642578124,293.9457641601562],[683.8682373046875,293.94713745117184],[684.2754638671875,293.94851074218747],[684.6828369140625,293.9498840332031],[685.0902099609375,293.9512573242187],[685.4974365234375,293.95263061523434],[685.9048095703125,293.95400390624997],[686.3121826171874,293.9553771972656],[686.7194091796874,293.9567504882812],[687.1267822265625,293.95812377929684],[687.5341552734375,293.95949707031247],[687.9413818359375,293.9608703613281],[688.3487548828125,293.9622436523437],[688.7561279296875,293.96361694335934],[689.1633544921875,293.96499023437497],[689.57080078125,293.96641845703124],[689.978173828125,293.9681030273437],[690.385400390625,293.96978759765625],[690.7927734374999,293.9714721679687],[691.200146484375,293.97315673828126],[691.60751953125,293.97484130859374],[692.01474609375,293.97654418945314],[692.422119140625,293.9782287597656],[692.8294921875,293.9799133300781],[693.23671875,293.9815979003906],[693.6440917968749,293.9832824707031],[694.05146484375,293.98496704101564],[694.45869140625,293.9866516113281],[694.866064453125,293.9883361816406],[695.2734375,293.9900207519531],[695.6806640625,293.9917053222656],[696.088037109375,293.99338989257814],[696.4953369140625,293.9950744628906],[696.9025634765625,293.9967590332031],[697.3099365234375,293.9984619140625],[697.7173095703125,294.00014648437497],[698.1245361328125,294.0018310546875],[698.5319091796874,294.003515625],[698.9392822265625,294.0052001953125],[699.3465087890625,294.006884765625],[699.7538818359375,294.00856933593747],[700.1612548828125,294.01025390625],[700.5684814453125,294.0119384765625],[700.9758544921875,294.013623046875],[701.3832275390624,294.0153076171875],[701.7904541015624,294.01699218749997],[702.1978271484375,294.01869506835936],[702.6052001953125,294.02037963867184],[703.0124267578125,294.0220642089844],[703.4197998046875,294.02374877929685],[703.8271728515625,294.0254333496094],[704.2343994140625,294.02711791992186],[704.6417724609374,294.02880249023434],[705.049072265625,294.0304870605469],[705.456298828125,294.03217163085935],[705.863671875,294.0338562011719],[706.2710449218749,294.03554077148436],[706.6782714843749,294.03722534179684],[707.08564453125,294.0389099121094],[707.493017578125,294.0406127929687],[707.900390625,294.04229736328125],[708.3076171875,294.0439819335937],[708.714990234375,294.04566650390626],[709.1223632812499,294.04735107421874],[709.5295166015625,294.04932861328126],[709.9368896484375,294.0513244628906],[710.3442626953125,294.0533020019531],[710.7514892578125,294.0552978515625],[711.1588623046874,294.0572937011719],[711.5662353515625,294.05927124023435],[711.9734619140625,294.06126708984374],[712.3808349609375,294.0632629394531],[712.7882080078125,294.0652404785156],[713.1954345703125,294.067236328125],[713.602734375,294.06923217773436],[714.010107421875,294.0712097167969],[714.417333984375,294.0732055664062],[714.82470703125,294.0752014160156],[715.232080078125,294.0771789550781],[715.639306640625,294.0791748046875],[716.0466796874999,294.08115234375],[716.454052734375,294.08314819335936],[716.861279296875,294.08514404296875],[717.26865234375,294.0871215820312],[717.676025390625,294.0891174316406],[718.083251953125,294.09111328125],[718.490625,294.0930908203125],[718.8979980468749,294.09508666992184],[719.3052246093749,294.0970825195312],[719.71259765625,294.09906005859375],[720.1198974609375,294.10105590820314],[720.5271240234375,294.10305175781247],[720.9344970703124,294.105029296875],[721.3418701171875,294.1070251464844],[721.7490966796875,294.10902099609376],[722.1564697265625,294.1109985351562],[722.5638427734375,294.1129943847656],[722.9712158203125,294.114990234375],[723.3784423828125,294.11696777343747],[723.7858154296874,294.11896362304685],[724.1931884765625,294.12095947265624],[724.6004150390625,294.12293701171876],[725.0077880859375,294.1249328613281],[725.4151611328125,294.1269104003906],[725.8223876953125,294.12890625],[726.2296875,294.1309020996094],[726.637060546875,294.13287963867185],[727.044287109375,294.13487548828124],[727.45166015625,294.1368713378906],[727.859033203125,294.1388488769531],[728.266259765625,294.1408447265625],[728.6736328124999,294.14284057617186],[729.0809326171875,294.1449462890625],[729.4881591796875,294.147216796875],[729.8955322265625,294.1495056152344],[730.3029052734374,294.1517761230469],[730.7101318359374,294.15406494140626],[731.1175048828125,294.1563354492187],[731.5248779296875,294.1586242675781],[731.9321044921875,294.16091308593747],[732.3394775390625,294.16318359375],[732.74677734375,294.16547241210935],[733.15400390625,294.16774291992186],[733.561376953125,294.17003173828124],[733.96875,294.1723205566406],[734.3759765625,294.1745910644531],[734.783349609375,294.1768798828125],[735.1907226562499,294.179150390625],[735.5979492187499,294.1814392089844],[736.005322265625,294.18370971679684],[736.4126953125,294.1859985351562],[736.819921875,294.1882873535156],[737.227294921875,294.1905578613281],[737.6345947265625,294.1928466796875],[738.0419677734375,294.1951171875],[738.4491943359375,294.19740600585936],[738.8565673828125,294.19969482421874],[739.2639404296875,294.20196533203125],[739.6711669921875,294.2042541503906],[740.0785400390624,294.20652465820314],[740.4859130859375,294.2088134765625],[740.8931396484375,294.21108398437497],[741.3005126953125,294.21337280273434],[741.7078857421875,294.2156616210937],[742.1150390624999,294.2179321289062],[742.522412109375,294.2202209472656],[742.92978515625,294.2224914550781],[743.33701171875,294.2247802734375],[743.744384765625,294.22706909179686],[744.1517578125,294.2293395996094],[744.558984375,294.23162841796875],[744.9663574218749,294.23389892578126],[745.37373046875,294.23618774414064],[745.78095703125,294.2384582519531],[746.188330078125,294.24074707031247],[746.5956298828124,294.24303588867184],[747.0028564453124,294.24530639648435],[747.4102294921875,294.2475952148437],[747.8176025390625,294.24986572265624],[748.2248291015625,294.2521545410156],[748.6322021484375,294.254443359375],[749.0396484375,294.2568054199219],[749.446875,294.2593688964844],[749.854248046875,294.2619323730469],[750.26162109375,294.2644958496094],[750.66884765625,294.2670593261719],[751.0762207031249,294.2696228027344],[751.48359375,294.27216796875],[751.8908203125,294.2747314453125],[752.298193359375,294.277294921875],[752.7054931640624,294.2798583984375],[753.1127197265624,294.282421875],[753.5200927734375,294.2849853515625],[753.9274658203125,294.287548828125],[754.3348388671875,294.2900939941406],[754.7420654296875,294.2926574707031],[755.1494384765625,294.2952209472656],[755.5568115234374,294.2977844238281],[755.9640380859374,294.3003479003906],[756.371337890625,294.3029113769531],[756.7787109375,294.3054565429687],[757.1859375,294.3080200195312],[757.5933105468749,294.3105834960937],[758.00068359375,294.3131469726562],[758.40791015625,294.3157104492187],[758.815283203125,294.3182739257812],[759.22265625,294.3208374023437],[759.6298828125,294.32338256835936],[760.0371826171875,294.32594604492186],[760.4445556640625,294.32850952148436],[760.8517822265625,294.33107299804686],[761.2591552734375,294.33363647460936],[761.6665283203125,294.33619995117186],[762.0737548828125,294.3387451171875],[762.4811279296874,294.34130859375],[762.8885009765625,294.3438720703125],[763.2957275390625,294.346435546875],[763.70302734375,294.3489990234375],[764.1104003906249,294.3515625],[764.5176269531249,294.35410766601564],[764.925,294.35667114257814],[765.332373046875,294.35923461914064],[765.739599609375,294.36179809570314],[766.14697265625,294.36436157226564],[766.554345703125,294.36692504882814],[766.961572265625,294.3694702148437],[767.3688720703125,294.3720336914062],[767.7762451171875,294.3745971679687],[768.1834716796875,294.3771606445312],[768.5908447265625,294.3797241210937],[768.9982177734374,294.3822875976562],[769.405517578125,294.38349609375],[769.812744140625,294.38572998046874],[770.2201904296875,294.39019775390625],[770.6274902343749,294.3970092773437],[771.0344970703125,294.4069152832031],[771.4417236328125,294.41929321289064],[771.8488037109374,294.43414306640625],[772.2555908203125,294.45155639648436],[772.6625244140624,294.4716064453125],[773.06923828125,294.4944763183594],[773.4755859375,294.5205871582031],[773.882080078125,294.54955444335934],[774.2881347656249,294.5813781738281],[774.6938232421875,294.6161682128906],[775.09951171875,294.6540161132812],[775.5047607421875,294.69495849609376],[775.9096435546875,294.73912353515624],[776.31416015625,294.78676757812497],[776.7183105468749,294.8379455566406],[777.1218749999999,294.892529296875],[777.5250732421874,294.95062866210935],[777.927685546875,295.0122802734375],[778.3296386718749,295.0775573730469],[778.7312255859375,295.14662475585936],[779.13193359375,295.219482421875],[779.5318359375,295.29620361328125],[779.93115234375,295.37697143554686],[780.3296630859375,295.4618225097656],[780.727001953125,295.55079345703126],[781.123681640625,295.6437744140625],[781.51904296875,295.74140625],[781.9133056640625,295.843359375],[782.3064697265625,295.9499084472656],[782.6984619140625,296.06101684570314],[783.0889160156249,296.17673950195314],[783.4780517578125,296.29722290039064],[783.8656494140624,296.42259521484374],[784.2514892578125,296.5527648925781],[784.6357177734375,296.68798828125],[785.0181152343749,296.8282836914062],[785.398681640625,296.9737976074219],[785.77705078125,297.12453002929686],[786.1532958984375,297.28062744140624],[786.5272705078124,297.4419799804687],[786.8987548828125,297.6087707519531],[787.2678955078125,297.7810363769531],[787.6343994140625,297.9589050292969],[787.9979736328124,298.1424133300781],[788.3587646484375,298.3315795898437],[788.7164794921874,298.5263305664062],[789.0709716796874,298.72692260742184],[789.4221679687499,298.93333740234374],[789.7698486328125,299.1454650878906],[790.114013671875,299.3632141113281],[790.4543701171875,299.58702392578124],[790.7908447265625,299.8166015625],[791.1233642578125,300.051708984375],[791.4517089843749,300.2928955078125],[791.7758056640624,300.53977661132814],[792.0952880859375,300.792041015625],[792.4104492187499,301.0503662109375],[792.720849609375,301.31411132812497],[793.0264160156249,301.583203125],[793.3270751953124,301.8580627441406],[793.6228271484375,302.13819580078126],[793.9133789062499,302.42347412109376],[794.19873046875,302.7142639160156],[794.4788085937499,303.00999755859374],[794.7534667968749,303.31069335937497],[795.0227783203125,303.6163879394531],[795.2866699218749,303.9267333984375],[795.544775390625,304.241748046875],[795.7973876953125,304.5613586425781],[796.0445068359375,304.8851806640625],[796.2856933593749,305.21315917968747],[796.5214599609375,305.545458984375],[796.75166015625,305.8814758300781],[796.975927734375,306.2216125488281],[797.1945556640625,306.56517333984374],[797.4077636718749,306.9123046875],[797.615185546875,307.26287841796875],[797.81689453125,307.61660156249997],[798.01318359375,307.973583984375],[798.2041259765625,308.3334594726562],[798.3892089843749,308.6960815429687],[798.569091796875,309.06163330078124],[798.7436279296875,309.42971191406247],[798.9128906249999,309.80009765625],[799.076806640625,310.1730102539062],[799.2355224609374,310.5482666015625],[799.3891845703125,310.92531738281247],[799.5380126953124,311.3045288085937],[799.6818603515625,311.68568115234376],[799.8207275390624,312.0685180664062],[799.9547607421874,312.45311279296874],[800.0840332031249,312.83950195312497],[800.2087646484375,313.2271362304687],[800.3290283203124,313.6164184570312],[800.44482421875,314.00694580078124],[800.5562255859375,314.3986083984375],[800.6634521484375,314.7915893554687],[800.766357421875,315.18581542968747],[800.8651611328124,315.5807739257812],[800.9600097656249,315.976904296875],[801.0508300781249,316.37413330078124],[801.137841796875,316.77187499999997],[801.221044921875,317.17071533203125],[801.3005126953125,317.57021484374997],[801.3763916015624,317.9703369140625],[801.448681640625,318.37119140625],[801.517529296875,318.7726318359375],[801.5829345703124,319.17458496093747],[801.6450439453125,319.577197265625],[801.703857421875,319.98028564453125],[801.7593017578125,320.38385009765625],[801.8115966796875,320.7878173828125],[801.8608154296875,321.1921875],[801.9071044921875,321.5968872070312],[801.9504638671875,322.00184326171876],[801.9908935546874,322.40723876953126],[802.0286132812499,322.81285400390624],[802.063623046875,323.2185424804687],[802.0959960937499,323.6246337890625],[802.125732421875,324.03090820312497],[802.1527587890624,324.437255859375],[802.144482421875,324.8444458007812],[802.13291015625,325.2515625],[802.1196533203125,325.6585693359375],[802.1047119140625,326.06568603515626],[802.088525390625,326.47276611328124],[802.0694091796875,326.8795532226562],[802.0493408203125,327.2864501953125],[802.0263427734375,327.69312744140626],[802.00107421875,328.09954833984375],[801.9731689453125,328.50604248046875],[801.9427001953125,328.91220703125],[801.9093017578125,329.31800537109376],[801.87275390625,329.72376708984376],[801.8332763671875,330.1292724609375],[801.7906494140625,330.5343017578125],[801.7446533203125,330.9390380859375],[801.6952880859375,331.34344482421875],[801.6422607421874,331.747119140625],[801.585205078125,332.15053710937497],[801.5244140625,332.55322265625],[801.4598876953124,332.9553955078125],[801.3911865234375,333.356982421875],[801.31845703125,333.757763671875],[801.2416259765624,334.15770263671874],[801.1603271484374,334.5568359375],[801.0744873046875,334.95494384765624],[800.984033203125,335.35206298828126],[800.8890380859375,335.74819335937497],[800.7893554687499,336.143115234375],[800.68505859375,336.53697509765624],[800.575927734375,336.929296875],[800.4620361328125,337.32037353515625],[800.3432373046875,337.71002197265625],[800.219677734375,338.098095703125],[800.0908447265625,338.48452148437497],[799.95703125,338.86937255859374],[799.8181640624999,339.2521728515625],[799.6740966796875,339.6331787109375],[799.525048828125,340.01220703125],[799.370947265625,340.38914794921874],[799.2117187499999,340.76414794921874],[799.04736328125,341.1369140625],[798.87802734375,341.50722656249997],[798.7034912109375,341.875341796875],[798.5239746093749,342.24107666015624],[798.3396240234375,342.6041748046875],[798.150146484375,342.96478271484375],[797.955908203125,343.3228271484375],[797.756689453125,343.6779052734375],[797.55263671875,344.03052978515626],[797.343896484375,344.3803344726562],[797.1303955078125,344.7271362304687],[796.91220703125,345.07119140624997],[796.6894775390625,345.41220703125],[796.462353515625,345.75025634765626],[796.2307617187499,346.08544921875],[795.9949218749999,346.41749267578126],[795.7547607421875,346.7464233398437],[795.510205078125,347.0722412109375],[795.2624267578125,347.39560546875],[795.012158203125,347.7168823242187],[794.7605712890625,348.03724365234376],[794.5062744140624,348.35537109374997],[794.25087890625,348.6725830078125],[793.9932128906249,348.9881103515625],[793.733056640625,349.3017333984375],[793.4718017578125,349.6141845703125],[793.2090087890625,349.92531738281247],[792.943798828125,350.23447265625],[792.67734375,350.5426025390625],[792.409423828125,350.84930419921875],[792.1393798828125,351.15428466796874],[791.8682373046875,351.45831298828125],[791.59541015625,351.7606567382812],[791.3208984375,352.0616088867187],[791.0452880859375,352.36168212890624],[790.7678466796875,352.65977783203124],[790.4890869140625,352.95677490234374],[790.2093017578125,353.25281982421876],[789.9274658203125,353.54677734374997],[789.644677734375,353.84007568359374],[789.360498046875,354.13198242187497],[789.074853515625,354.4222045898437],[788.788330078125,354.71169433593747],[788.4999755859375,354.9994262695312],[788.210595703125,355.2860595703125],[787.9201904296875,355.5717041015625],[787.62802734375,355.85548095703126],[787.335205078125,356.138525390625],[787.040771484375,356.42003173828124],[786.7450927734375,356.7004028320312],[786.448828125,356.97974853515626],[786.1505859375,357.25722656249997],[785.8516845703125,357.5340087890625],[785.5515380859375,357.8092529296875],[785.250146484375,358.0832153320312],[784.9480224609375,358.3564453125],[784.6442138671874,358.62758789062497],[784.3395263671874,358.89818115234374],[784.0336669921875,359.1671997070312],[783.7267822265625,359.4347900390625],[783.4190185546875,359.7017578125],[783.1095703125,359.9667114257812],[782.7996093749999,360.23089599609375],[782.4882568359375,360.4936157226562],[782.17587890625,360.75498046875],[781.8628417968749,361.01561279296874],[781.5481201171875,361.2740112304687],[781.2327392578125,361.5318603515625],[780.9160400390625,361.788134765625],[780.598388671875,362.0429443359375],[780.2800048828125,362.29698486328124],[779.9599365234375,362.54901123046875],[779.63935546875,362.80015869140624],[779.3174560546875,363.0498046875],[778.9944580078125,363.2980590820312],[778.6708740234375,363.5452880859375],[778.34560546875,363.7905029296875],[778.019677734375,364.0348754882812],[777.692578125,364.27745361328124],[777.3642333984375,364.51875],[777.035302734375,364.75909423828125],[776.7049072265625,364.9969848632812],[776.3737060546874,365.23414306640626],[776.0413330078125,365.4696533203125],[775.7077880859375,365.7034423828125],[775.3735839843749,365.93638916015624],[775.0376953125,366.166845703125],[774.7012207031249,366.3962036132812],[774.3635742187499,366.6240966796875],[774.0245361328125,366.8500122070312],[773.6849853515624,367.0747924804687],[773.34375,367.2973388671875],[773.001708984375,367.51845703124997],[772.6588623046874,367.73814697265624],[772.3141845703125,367.9554931640625],[771.9689208984374,368.1715942382812],[771.6224853515624,368.38564453124997],[771.2747314453125,368.59764404296874],[770.9260986328125,368.8084716796875],[770.57607421875,369.01658935546874],[770.2248779296875,369.2230224609375],[769.8728759765625,369.4281005859375],[769.5193359374999,369.63050537109376],[769.16455078125,369.830419921875],[768.8088867187499,370.029052734375],[768.4518310546874,370.2253051757812],[768.0936767578124,370.418994140625],[767.734130859375,370.6106689453125],[767.373486328125,370.7999267578125],[767.0115234374999,370.98662109375],[766.648388671875,371.17104492187497],[766.2838623046874,371.352978515625],[765.9180908203125,371.53209228515624],[765.5511474609375,371.7087158203125],[765.1825927734375,371.88259277343747],[764.8130859375,372.0533935546875],[764.442041015625,372.221630859375],[764.06953125,372.38660888671876],[763.6959228515625,372.5485473632812],[763.3207763671875,372.70740966796876],[762.9446044921875,372.863818359375],[762.5679931640625,373.01861572265625],[762.190576171875,373.17205810546875],[761.8125732421875,373.324072265625],[761.4341308593749,373.47451171874997],[761.0548828125,373.6230834960937],[760.6749755859374,373.7703002929687],[760.2948486328124,373.9159790039062],[759.9138427734375,374.0603393554687],[759.5322509765625,374.2030517578125],[759.1502197265625,374.3439697265625],[758.767529296875,374.4835693359375],[758.3842529296875,374.62177734375],[758.00068359375,374.75855712890626],[757.61630859375,374.89357910156247],[757.2314208984375,375.027099609375],[756.8463134765625,375.1591552734375],[756.460546875,375.289892578125],[756.0741943359375,375.4192749023437],[755.6873291015625,375.54693603515625],[755.3001708984375,375.673095703125],[754.9124267578125,375.797900390625],[754.524169921875,375.9213500976562],[754.135693359375,376.043408203125],[753.746484375,376.1637817382812],[753.3568359375,376.2828002929687],[752.967041015625,376.4004272460937],[752.5765869140624,376.5167724609375],[752.1857666015625,376.6317993164062],[751.794580078125,376.74514160156247],[751.40302734375,376.8570922851562],[751.0109619140625,376.96783447265625],[750.6186767578125,377.0772216796875],[750.2259521484375,377.18536376953125],[749.8327880859375,377.292041015625],[749.4393310546875,377.3972900390625],[749.0454345703125,377.5012573242187],[748.651318359375,377.6039794921875],[748.256982421875,377.7054931640625],[747.862060546875,377.80565185546874],[747.4667724609375,377.9043823242187],[747.071484375,378.0018676757812],[746.67568359375,378.0982177734375],[746.2795166015625,378.1933959960937],[745.8832763671875,378.28729248046875],[745.4865234375,378.3797973632812],[745.08955078125,378.4711669921875],[744.6924316406249,378.5613647460937],[744.294873046875,378.6504638671875],[743.8972412109375,378.73839111328124],[743.4993164062499,378.82496337890626],[743.1009521484375,378.9104370117187],[742.702294921875,378.99440917968747],[742.3036376953124,379.07753906249997],[741.9048339843749,379.16026611328124],[741.5054443359375,379.24072265625],[741.1062744140625,379.321142578125],[740.7065185546875,379.39980468749997],[740.3066162109375,379.4776245117187],[739.906640625,379.55482177734376],[739.5064453125,379.630078125],[739.106103515625,379.70537109375],[738.7053955078125,379.7787231445312],[738.3046875,379.8515258789062],[737.9036865234375,379.92352294921875],[737.5024658203125,379.9939819335937],[737.1013916015625,380.06444091796874],[736.6998779296874,380.1328125],[736.298291015625,380.20103759765624],[735.8965576171875,380.26820068359376],[735.49453125,380.3341918945312],[735.0925781249999,380.4001098632812],[734.6904052734375,380.46401367187497],[734.2880859375,380.527880859375],[733.8855468749999,380.590576171875],[733.4830810546874,380.6524291992187],[733.0803955078125,380.7139892578125],[732.677490234375,380.77393798828126],[732.274658203125,380.83388671874997],[731.8714599609375,380.89251708984375],[731.46826171875,380.950634765625],[731.06513671875,381.00820312499997],[730.66171875,381.06456298828124],[730.2582275390624,381.1208862304687],[729.8546630859374,381.1758178710937],[729.451025390625,381.23049316406247],[729.047314453125,381.28447265625],[728.6436035156249,381.33753662109376],[728.2396728515624,381.39063720703126],[727.835595703125,381.44227294921876],[727.4316650390625,381.49390869140626],[727.0273681640625,381.544775390625],[726.6230712890625,381.59498291015626],[726.2190673828125,381.64500732421874],[725.8146240234374,381.6939331054687],[725.4101806640625,381.74285888671875],[725.0055908203125,381.7909423828125],[724.6011474609375,381.838623046875],[724.196630859375,381.88601074218747],[723.7919677734375,381.9325927734375],[723.3873779296874,381.9791748046875],[722.982568359375,382.0248779296875],[722.5777587890625,382.0703979492187],[722.1730224609374,382.1154052734375],[721.76806640625,382.15957031249997],[721.3631103515625,382.2037719726562],[720.9583007812499,382.24793701171876],[720.5532714843749,382.29213867187497],[720.1482421874999,382.335498046875],[719.7432861328125,382.37816162109374],[719.3381103515625,382.4208251953125],[718.9330078125,382.46348876953124],[718.5280517578125,382.50615234375],[718.1227294921874,382.548046875],[717.71748046875,382.5895751953125],[717.3123779296875,382.631103515625],[716.90712890625,382.67263183593747],[716.5018798828124,382.71416015625],[716.09677734375,382.7548828125],[715.6914550781249,382.79542236328126],[715.2861328125,382.83596191406247],[714.8808837890625,382.8765014648437],[714.4755615234375,382.917041015625],[714.070166015625,382.95758056640625],[713.664990234375,382.9981201171875],[713.25966796875,383.0386596679687],[712.8542724609375,383.07919921875],[712.4489501953125,383.11973876953124],[712.0436279296874,383.1602416992187],[711.6382324218749,383.20070800781247],[711.233056640625,383.2411743164062],[710.8276611328125,383.28164062499997],[710.4223388671875,383.3221069335937],[710.01708984375,383.36257324218747],[709.611767578125,383.4030395507812],[709.2063720703125,383.44354248046875],[708.8010498046875,383.4840087890625],[708.395947265625,383.52476806640624],[707.9906982421875,383.56611328125],[707.5853759765624,383.607421875],[707.1802734375,383.6487670898437],[706.7750244140625,383.6901123046875],[706.3697021484375,383.7319702148437],[705.9646728515625,383.7743774414062],[705.5595703125,383.81678466796876],[705.15439453125,383.85919189453125],[704.749365234375,383.90159912109374],[704.3443359375,383.94488525390625],[703.9393798828124,383.988720703125],[703.5344970703125,384.0325561523437],[703.1294677734375,384.07642822265626],[702.72451171875,384.12026367187497],[702.319775390625,384.16541748046876],[701.9149658203124,384.21108398437497],[701.51015625,384.2567504882812],[701.1054931640625,384.30238037109376],[700.70068359375,384.34804687499997],[700.2959472656249,384.39415283203124],[699.8912841796874,384.44029541015624],[699.4865478515625,384.48643798828124],[699.0818115234375,384.53184814453124],[698.6770751953125,384.57696533203125],[698.2722656249999,384.62208251953126],[697.8672363281249,384.66661376953124],[697.4624267578125,384.71070556640626],[697.057470703125,384.754833984375],[696.6523681640625,384.79852294921875],[696.247412109375,384.8416259765625],[695.8423828125,384.884765625],[695.43720703125,384.9276123046875],[695.032177734375,384.9697265625],[694.6270019531249,385.0118408203125],[694.221826171875,385.05384521484376],[693.81650390625,385.0950073242187],[693.4114013671875,385.13616943359375],[693.0060791015625,385.1773315429687],[692.60068359375,385.21754150390626],[692.1955078125,385.25775146484375],[691.7901123046875,385.29796142578124],[691.384716796875,385.33740234375],[690.97939453125,385.3766235351562],[690.57392578125,385.41588134765624],[690.168310546875,385.4545532226562],[689.762841796875,385.49285888671875],[689.3572998046875,385.531201171875],[688.9517578125,385.5690673828125],[688.5462890625,385.60645751953126],[688.1406005859375,385.6438842773437],[687.7349121093749,385.68101806640624],[687.329296875,385.717529296875],[686.92353515625,385.75404052734376],[686.517919921875,385.7904418945312],[686.1122314453124,385.82603759765624],[685.706396484375,385.861669921875],[685.300634765625,385.8973022460937],[684.8947998046875,385.9320922851562],[684.4888916015625,385.96680908203126],[684.0829833984375,386.0015625],[683.6771484375,386.03565673828126],[683.2711669921874,386.06953125],[682.8652587890625,386.10340576171876],[682.459423828125,386.136767578125],[682.053369140625,386.1697998046875],[681.6473876953124,386.20283203125],[681.2414794921875,386.23553466796875],[680.8353515625,386.26772460937497],[680.429296875,386.29991455078124],[680.0232421874999,386.331884765625],[679.617041015625,386.3628295898437],[679.21083984375,386.3937744140625],[678.804638671875,386.424755859375],[678.398583984375,386.45570068359376],[677.9924560546875,386.4866455078125],[677.5862548828125,386.517626953125],[677.180126953125,386.5472900390625],[676.773779296875,386.57666015625],[676.3675048828125,386.6060302734375],[675.9613037109375,386.63540039062497],[675.555029296875,386.6647705078125],[675.148681640625,386.694140625],[674.7425537109375,386.72288818359374],[674.3361328125,386.75072021484374],[673.929638671875,386.77855224609374],[673.5233642578124,386.80634765625],[673.116943359375,386.8341796875],[672.7105224609375,386.86201171875],[672.3042480468749,386.8898071289062],[671.8976806640625,386.9162109375],[671.4911865234375,386.9425415039062],[671.0848388671875,386.9688720703125],[670.6782714843749,386.9952026367187],[670.2717773437499,387.021533203125],[669.8653564453125,387.04786376953126],[669.4587890624999,387.07342529296875],[669.0522216796875,387.09832763671875],[668.6457275390625,387.12319335937497],[668.23916015625,387.14809570312497],[667.83251953125,387.17296142578124],[667.426025390625,387.1978271484375],[667.0194580078124,387.2226196289062],[666.612744140625,387.24609375],[666.2061767578125,387.2696044921875],[665.7995361328125,387.29307861328124],[665.392822265625,387.31658935546875],[664.9862548828124,387.3400634765625],[664.5796142578125,387.36357421875],[664.1729003906249,387.3862060546875],[663.766259765625,387.4083618164062],[663.35947265625,387.430517578125],[662.9527587890625,387.4526733398437],[662.5459716796875,387.4748291015625],[662.1393310546874,387.4969848632812],[661.7326171875,387.5189208984375],[661.3257568359375,387.5397583007812],[660.9191162109374,387.560595703125],[660.5122558593749,387.5814697265625],[660.1053955078124,387.60230712890626],[659.698681640625,387.62314453125],[659.29189453125,387.6440185546875],[658.8848876953125,387.664013671875],[658.4781005859375,387.68360595703126],[658.0711669921875,387.7031982421875],[657.664306640625,387.72279052734376],[657.25751953125,387.7423828125],[656.8506591796875,387.76197509765626],[656.4437255859375,387.78134765625],[656.0369384765625,387.7997680664062],[655.6300048828125,387.8181884765625],[655.222998046875,387.83660888671875],[654.8162109374999,387.855029296875],[654.40927734375,387.8734130859375],[654.0022705078125,387.89183349609374],[653.5954833984375,387.90944824218747],[653.1884765625,387.92669677734375],[652.7814697265625,387.94398193359376],[652.374609375,387.96123046875],[651.9676025390625,387.9784790039062],[651.5605957031249,387.9957275390625],[651.1537353515624,388.01275634765625],[650.746728515625,388.02894287109376],[650.3396484374999,388.0450927734375],[649.93271484375,388.0612426757812],[649.5257080078125,388.077392578125],[649.1186279296875,388.0935424804687],[648.711767578125,388.1096923828125],[648.3046875,388.12514648437497],[647.897607421875,388.140234375],[647.4904541015625,388.155322265625],[647.0835205078125,388.17041015625],[646.6764404296874,388.18553466796874],[646.2693603515625,388.20062255859375],[645.8624267578125,388.21556396484374],[645.4552734375,388.22962646484376],[645.0481201171875,388.2437255859375],[644.6411865234375,388.2577880859375],[644.234033203125,388.2718872070312],[643.8268798828125,388.285986328125],[643.4199462890625,388.300048828125],[643.01279296875,388.313525390625],[642.6056396484374,388.32667236328126],[642.1986328125,388.33978271484375],[641.7914794921875,388.35289306640624],[641.3843261718749,388.3660400390625],[640.97724609375,388.379150390625],[640.57001953125,388.3921875],[640.16279296875,388.4043823242187],[639.7557861328124,388.4165771484375],[639.3485595703124,388.42880859375],[638.94140625,388.4410034179687],[638.534326171875,388.4531982421875],[638.1271728515625,388.46539306640625],[637.7200927734375,388.47711181640625],[637.3130126953125,388.48846435546875],[636.9057861328125,388.49978027343747],[636.4986328125,388.51113281249997],[636.091552734375,388.52244873046874],[635.684326171875,388.53380126953124],[635.2770263671874,388.5451171875],[634.8699462890625,388.5556274414062],[634.4627197265625,388.5661376953125],[634.055419921875,388.57664794921874],[633.64833984375,388.587158203125],[633.24111328125,388.59766845703126],[632.83388671875,388.60817871093747],[632.42666015625,388.6183227539062],[632.0195800781249,388.62802734375],[631.6123535156249,388.6377319335937],[631.2050537109375,388.6474365234375],[630.7979736328125,388.657177734375],[630.3906738281249,388.66688232421876],[629.9834472656249,388.6765869140625],[629.5762207031249,388.6856323242187],[629.1689941406249,388.69464111328125],[628.7616943359375,388.70361328125],[628.3545410156249,388.71258544921875],[627.9473144531249,388.7215942382812],[627.5400146484375,388.73056640625],[627.1329345703125,388.73931884765625],[626.7256347656249,388.7475952148437],[626.3183349609375,388.75587158203126],[625.9111816406249,388.76414794921874],[625.5038818359375,388.7724609375],[625.0966552734375,388.7807373046875],[624.6895019531249,388.789013671875],[624.2822021484375,388.79681396484375],[623.87490234375,388.80443115234374],[623.4677490234375,388.8120849609375],[623.06044921875,388.8197021484375],[622.6531494140625,388.8273559570312],[622.24599609375,388.83497314453126],[621.838623046875,388.8424438476562],[621.4313232421874,388.84918212890625],[621.024169921875,388.8559204101562],[620.616796875,388.86269531249997],[620.2094970703125,388.86943359375],[619.80234375,388.876171875],[619.3950439453125,388.88294677734376],[618.9876708984375,388.8896850585937],[618.580517578125,388.89642333984375],[618.1732177734375,388.9031616210937],[617.7659179687499,388.90993652343747],[617.3586914062499,388.9166748046875],[616.9513916015625,388.9234130859375],[616.5441650390625,388.9301513671875],[616.136865234375,388.9358276367187],[615.729638671875,388.94154052734376],[615.3223388671875,388.94725341796874],[614.9150390625,388.9529663085937],[614.5078125,388.95867919921875],[614.1004760742187,388.9643920898437],[613.6931396484375,388.97010498046876],[613.2859497070312,388.97581787109374],[612.87861328125,388.981494140625],[612.4713134765625,388.98720703124997],[612.0641235351562,388.992919921875],[611.6567871093749,388.9986328125],[611.2494506835938,389.004345703125],[610.8422607421875,389.00928955078126],[610.4349243164062,389.01416015625],[610.027587890625,389.018994140625],[609.6203979492187,389.02382812499997],[609.2130249023437,389.028662109375],[608.8056884765625,389.0335327148437],[608.3984985351562,389.0383666992187],[607.991162109375,389.04320068359374],[607.5838256835938,389.04803466796875],[607.1765991210938,389.0529052734375],[606.7692626953125,389.0577392578125],[606.3619262695312,389.0625732421875],[605.954736328125,389.06744384765625],[605.5473266601563,389.07180175781247],[605.1399536132812,389.07593994140626],[604.732763671875,389.080078125],[604.3254272460937,389.08421630859374],[603.9180541992188,389.08839111328126],[603.5108642578125,389.092529296875],[603.1034912109375,389.09666748046874],[602.6961547851562,389.1008056640625],[602.2889282226562,389.10498046875],[601.881591796875,389.10911865234374],[601.4742553710937,389.1132568359375],[601.0668823242187,389.117431640625],[600.6596923828125,389.12156982421874],[600.2523559570312,389.1254516601562],[599.8450195312499,389.1290771484375],[599.4377929687499,389.13270263671876],[599.0304565429688,389.136328125],[598.6230834960937,389.13995361328125],[598.2158935546875,389.14357910156247],[597.8085205078124,389.14720458984374],[597.4011840820312,389.150830078125],[596.9939575195312,389.1544555664062],[596.5865844726562,389.1580810546875],[596.1792480468749,389.1617065429687],[595.7720214843749,389.16533203125],[595.3646850585938,389.16895751953126],[594.9573120117187,389.1724365234375],[594.5501220703125,389.1755859375],[594.1427490234374,389.17877197265625],[593.7353759765625,389.1819580078125],[593.3281860351562,389.1851440429687],[592.9208129882812,389.188330078125],[592.5134399414062,389.19151611328124],[592.1062499999999,389.1947021484375],[591.698876953125,389.19788818359376],[591.29150390625,389.20107421874997],[590.8843139648437,389.2042602539062],[590.4769409179687,389.2074462890625],[590.0695678710937,389.21063232421875],[589.6623779296875,389.213818359375],[589.2550048828125,389.2170043945312],[588.8476318359375,389.2201904296875],[588.4404418945312,389.22337646484374],[588.0330688476562,389.2265625],[587.6256958007813,389.22974853515626],[587.218505859375,389.23293457031247],[586.8111328125,389.2361206054687],[586.403759765625,389.23927001953126],[585.9965698242187,389.24245605468747],[585.5891967773438,389.2456420898437],[585.1818237304688,389.248828125],[584.7744873046875,389.25201416015625],[584.3672607421875,389.2552001953125],[583.9599243164063,389.2583862304687],[583.5525512695312,389.26153564453125],[583.1453247070312,389.2646850585937],[582.73798828125,389.26787109375],[582.3306152343749,389.27102050781247],[581.9233886718749,389.274169921875],[581.5160522460938,389.27735595703126],[581.1086791992187,389.28050537109374],[580.7014526367187,389.28369140625],[580.2941162109374,389.2868408203125],[579.8867431640625,389.289990234375],[579.4795166015625,389.2931762695312],[579.0721801757812,389.29632568359375],[578.6648071289062,389.29951171875],[578.2575805664062,389.3026611328125],[577.850244140625,389.30581054687497],[577.44287109375,389.3089965820312],[577.03564453125,389.31214599609376],[576.6283081054687,389.31529541015624],[576.2209350585937,389.3184814453125],[575.8137084960937,389.321630859375],[575.4063720703125,389.32481689453124],[574.9989990234375,389.3279663085937],[574.5917724609375,389.33111572265625],[574.1844360351562,389.3343017578125],[573.7770629882813,389.337451171875],[573.3697631835937,389.34096679687497],[572.9623901367187,389.3445190429687],[572.5550537109375,389.3481079101562],[572.1478271484375,389.35169677734376],[571.7404541015625,389.35528564453125],[571.3331176757812,389.358837890625],[570.9258911132812,389.3624267578125],[570.5185546875,389.366015625],[570.111181640625,389.36956787109375],[569.7038452148437,389.37315673828124],[569.2966186523437,389.3767456054687],[568.8892456054688,389.3803344726562],[568.4819091796875,389.38388671875],[568.0746459960938,389.38784179687497],[567.6673095703125,389.39190673828125],[567.2599365234374,389.39600830078126],[566.8527465820313,389.4000732421875],[566.4453735351562,389.4041748046875],[566.038037109375,389.4082397460937],[565.630810546875,389.41234130859374],[565.2234741210938,389.41640624999997],[564.8161376953125,389.4205078125],[564.4089111328125,389.42457275390626],[564.0015747070312,389.4286743164062],[563.5942016601563,389.4327392578125],[563.18701171875,389.4368408203125],[562.7797119140624,389.44134521484375],[562.3723388671875,389.44610595703125],[561.9651489257812,389.45086669921875],[561.5578125,389.45562744140625],[561.1504760742188,389.46038818359375],[560.7432495117188,389.465185546875],[560.3359130859375,389.4699462890625],[559.9285766601562,389.47470703125],[559.52138671875,389.4794677734375],[559.114013671875,389.484228515625],[558.7066772460937,389.4889892578125],[558.2994873046874,389.49378662109376],[557.8921508789062,389.49854736328126],[557.4849243164062,389.5038208007812],[557.077734375,389.50942382812497],[556.6703979492187,389.5150634765625],[556.2630615234375,389.520703125],[555.8558715820312,389.52630615234375],[555.4485351562499,389.5319458007812],[555.0411987304688,389.53758544921874],[554.6338623046875,389.5431884765625],[554.2266723632812,389.548828125],[553.8193359375,389.55446777343747],[553.4119995117187,389.56007080078126],[553.0048095703124,389.5657104492187],[552.597509765625,389.57135009765625],[552.1901000976562,389.57757568359375],[551.78291015625,389.58424072265626],[551.3756103515625,389.5909057617187],[550.9682739257812,389.5975708007812],[550.5611206054688,389.60423583984374],[550.1537841796875,389.61090087890625],[549.746484375,389.61756591796876],[549.3392944335938,389.6242309570312],[548.9319580078125,389.6308959960937],[548.524658203125,389.63756103515624],[548.1174682617187,389.64422607421875],[547.7101684570313,389.65089111328126],[547.30283203125,389.6575561523437],[546.8957885742187,389.6647705078125],[546.4884887695313,389.67235107421874],[546.0811889648437,389.6798950195312],[545.6740356445313,389.6874755859375],[545.26669921875,389.69501953125],[544.8593994140625,389.7026000976562],[544.4521728515625,389.71025390625],[544.044873046875,389.71845703125],[543.6375732421875,389.72666015625],[543.2304565429687,389.73486328125],[542.8231567382812,389.74310302734375],[542.4158569335938,389.7513061523437],[542.0087036132812,389.75950927734374],[541.6014038085938,389.7682250976562],[541.1941040039062,389.77712402343747],[540.7869873046875,389.7860595703125],[540.3797241210938,389.7949584960937],[539.9724243164062,389.80389404296875],[539.5653076171875,389.81279296875],[539.158154296875,389.82191162109376],[538.7508911132812,389.8315795898437],[538.3436279296875,389.84121093749997],[537.9365112304687,389.85087890625],[537.529248046875,389.860546875],[537.1219848632812,389.87021484375],[536.7148681640625,389.8798828125],[536.307568359375,389.8902099609375],[535.900341796875,389.90064697265626],[535.49326171875,389.91112060546874],[535.0859985351562,389.9215942382812],[534.6787719726562,389.93206787109375],[534.2716918945313,389.9425048828125],[533.8644287109374,389.95330810546875],[533.4572387695313,389.96462402343747],[533.0501586914062,389.97593994140624],[532.6429321289062,389.987255859375],[532.2357055664062,389.9985717773437],[531.8286621093749,390.0098876953125]], bounds=3000, full_zoom=0.19, max_episode_steps=1500 )
dcd-main
envs/box2d/racetracks/formula1.py
# Copyright (c) Meta Platforms, Inc. and affiliates. # All rights reserved. # # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. class RaceTrack(object): def __init__(self, name, xy, bounds, full_zoom=0.12, max_episode_steps=1000): self.name = name self.xy = xy self.bounds = bounds self.full_zoom = full_zoom self.max_episode_steps = max_episode_steps
dcd-main
envs/box2d/racetracks/racetrack.py
dcd-main
teachDeepRL/__init__.py
# Copyright (c) 2020 Flowers Team # # Licensed under the MIT License; # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://opensource.org/licenses/MIT import numpy as np import pickle import copy from teachDeepRL.teachers.algos.riac import RIAC from teachDeepRL.teachers.algos.alp_gmm import ALPGMM from teachDeepRL.teachers.algos.covar_gmm import CovarGMM from teachDeepRL.teachers.algos.random_teacher import RandomTeacher from teachDeepRL.teachers.algos.oracle_teacher import OracleTeacher from teachDeepRL.teachers.utils.test_utils import get_test_set_name from collections import OrderedDict def param_vec_to_param_dict(param_env_bounds, param): param_dict = OrderedDict() cpt = 0 for i,(name, bounds) in enumerate(param_env_bounds.items()): if len(bounds) == 2: param_dict[name] = param[i] cpt += 1 elif len(bounds) == 3: # third value is the number of dimensions having these bounds nb_dims = bounds[2] param_dict[name] = param[i:i+nb_dims] cpt += nb_dims #print('reconstructed param vector {}\n into {}'.format(param, param_dict)) #todo remove return param_dict def param_dict_to_param_vec(param_env_bounds, param_dict): # needs param_env_bounds for order reference param_vec = [] for name, bounds in param_env_bounds.items(): #print(param_dict[name]) param_vec.append(param_dict[name]) return np.array(param_vec, dtype=np.float32) class TeacherController(object): def __init__(self, teacher, nb_test_episodes, param_env_bounds, reward_bounds=None, seed=None, teacher_params={}): self.teacher = teacher self.nb_test_episodes = nb_test_episodes self.test_ep_counter = 0 self.eps= 1e-03 self.param_env_bounds = copy.deepcopy(param_env_bounds) self.reward_bounds = reward_bounds # figure out parameters boundaries vectors mins, maxs = [], [] for name, bounds in param_env_bounds.items(): if len(bounds) == 2: mins.append(bounds[0]) maxs.append(bounds[1]) elif len(bounds) == 3: # third value is the number of dimensions having these bounds mins.extend([bounds[0]] * bounds[2]) maxs.extend([bounds[1]] * bounds[2]) else: print("ill defined boundaries, use [min, max, nb_dims] format or [min, max] if nb_dims=1") exit(1) # setup tasks generator if teacher == 'Oracle': self.task_generator = OracleTeacher(mins, maxs, teacher_params['window_step_vector'], seed=seed) elif teacher == 'Random': self.task_generator = RandomTeacher(mins, maxs, seed=seed) elif teacher == 'RIAC': self.task_generator = RIAC(mins, maxs, seed=seed, params=teacher_params) elif teacher == 'ALP-GMM': self.task_generator = ALPGMM(mins, maxs, seed=seed, params=teacher_params) elif teacher == 'Covar-GMM': self.task_generator = CovarGMM(mins, maxs, seed=seed, params=teacher_params) else: print('Unknown teacher') raise NotImplementedError #data recording self.env_params_train = [] self.env_train_rewards = [] self.env_train_norm_rewards = [] def record_train_episode(self, reward, index=0): self.env_train_rewards.append(reward) if self.teacher != 'Oracle': if self.reward_bounds: reward = np.interp(reward, self.reward_bounds, (0, 1)) self.env_train_norm_rewards.append(reward) self.task_generator.update(self.env_params_train[index], reward) def dump(self, filename): with open(filename, 'wb') as handle: dump_dict = {'env_params_train': self.env_params_train, 'env_train_rewards': self.env_train_rewards, 'env_param_bounds': list(self.param_env_bounds.items())} dump_dict = self.task_generator.dump(dump_dict) pickle.dump(dump_dict, handle, protocol=pickle.HIGHEST_PROTOCOL) def set_env_params(self, env): batch_params = [] for _ in range(env.num_envs): batch_params.append(copy.copy(self.task_generator.sample_task())) assert type(batch_params[0][0]) == np.float32 batch_param_dict = [] for params in batch_params: param_dict = param_vec_to_param_dict(self.param_env_bounds, params) batch_param_dict.append(param_dict) self.env_params_train = batch_params obs = env.reset_alp_gmm(batch_params) return obs
dcd-main
teachDeepRL/teachers/teacher_controller.py
dcd-main
teachDeepRL/teachers/__init__.py